diff --git a/latest/_allocator_8h.xhtml b/latest/_allocator_8h.xhtml
index b2159b87d12bf2ceea6b6006a2131231cbdddb60..34950cfb74c4f9aedde73c8e1d3b8be231d501a6 100644
--- a/latest/_allocator_8h.xhtml
+++ b/latest/_allocator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
diff --git a/latest/_android_8bp.xhtml b/latest/_android_8bp.xhtml
index 2de6b96b585f1e1505e344faf63df9760dc5cff8..0b281fc086fe838efc728f8ffdd2462beb876061 100644
--- a/latest/_android_8bp.xhtml
+++ b/latest/_android_8bp.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -190,7 +190,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
CLTensorHandle & operator=(CLTensorHandle &&)=default
Allow instances of this class to be moved.
-
void set_fixed_format(bool fixed_format)
Set fixed-format flag.
Definition: GEMMInfo.h:332
+
void set_fixed_format(bool fixed_format)
Set fixed-format flag.
Definition: GEMMInfo.h:336
void configure(ITensor *input1, ITensor *input2, ITensor *output, const ActivationLayerInfo &act_info=ActivationLayerInfo())
Initialise the kernel's inputs, output and conversion policy.
PPM Image loader concrete implementation.
Definition: ImageLoader.h:369
@@ -270,7 +270,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
NETensorHandle(const ITensorInfo &info)
Default Constructor.
static Status validate(const ITensorInfo *c, const ITensorInfo *x, const ITensorInfo *y, const ITensorInfo *output)
Static function to check if given info will lead to a valid configuration of CLSelect.
-
void set_pretranspose_B(bool flag)
Set pre-transpose b flag.
Definition: GEMMInfo.h:292
+
void set_pretranspose_B(bool flag)
Set pre-transpose b flag.
Definition: GEMMInfo.h:296
~CpuPRelu() override
Defualt destructor.
std::vector< MemoryInfo > MemoryRequirements
Definition: Types.h:127
@@ -301,7 +301,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
int plane_idx_from_channel(Format format, Channel channel)
Return the plane index of a given channel given an input format.
Definition: FormatUtils.h:82
@ RGB888
3 channels, 1 U8 per channel
-
bool fp_mixed_precision() const
Flag which specifies if a wider accumulator should be used.
Definition: GEMMInfo.h:234
+
bool fp_mixed_precision() const
Flag which specifies if a wider accumulator should be used.
Definition: GEMMInfo.h:238
CLQuantizationLayer()
Default Constructor.
@ ACL_DST_1
Definition: Types.h:61
PrintAccessor(std::ostream &output_stream=std::cout, IOFormatInfo io_fmt=IOFormatInfo())
Constructor.
@@ -477,7 +477,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
String Decorator.
Definition: LogMsgDecorators.h:63
bool has_stateless_impl() const
Indicates whether or not there is a implementation for the configured GEMM.
void configure(const ICLTensor *input, int axis, ICLTensor *output, const ReductionOperation &op)
Set the input and output tensors.
-
bool accumulate() const
Flag which specifies if GEMM should accumulate the result in destination or not.
Definition: GEMMInfo.h:324
+
bool accumulate() const
Flag which specifies if GEMM should accumulate the result in destination or not.
Definition: GEMMInfo.h:328
Basic function to execute an opencl::kernels::ClTransposeKernel.
Definition: CLTranspose.h:43
CLQuantizationLayer & operator=(const CLQuantizationLayer &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
void accept(INodeVisitor &v) override
Accepts a node visitor.
@@ -995,7 +995,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
void load_trained_data(T &tensor, const std::string &filename)
Load the tensor with pre-trained data from a binary file.
Definition: Utils.h:697
CLLSTMLayerQuantized & operator=(const CLLSTMLayerQuantized &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
const std::map< Target, std::unique_ptr< IDeviceBackend > > & backends() const
Backends accessor.
-
void set_activation_info(const ActivationLayerInfo &activation_info)
Set activation layer info.
Definition: GEMMInfo.h:308
+
void set_activation_info(const ActivationLayerInfo &activation_info)
Set activation layer info.
Definition: GEMMInfo.h:312
bool is_resizable() const override
Flag indicating whether the size of the tensor can be changed.
Definition: TensorInfo.h:277
virtual MemoryMappings & mappings()=0
Gets the memory mapping of the group.
DataLayout data_layout
Definition: Types.h:1150
@@ -1121,7 +1121,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
size_t values_per_roi() const
Definition: Types.h:1389
@ ACL_SHIFTS
Definition: Types.h:83
-
bool is_a_reshaped() const
Flag which specifies if the matrix A has been reshaped.
Definition: GEMMInfo.h:168
+
bool is_a_reshaped() const
Flag which specifies if the matrix A has been reshaped.
Definition: GEMMInfo.h:172
CPPDetectionOutputLayer & operator=(const CPPDetectionOutputLayer &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
void allocate_all_output_tensors(INode &node)
Allocates all output tensors of a node.
@@ -1446,6 +1446,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
bool fp16_supported(const cl::Device &device)
Helper function to check whether the cl_khr_fp16 extension is supported.
Basic function to perform bitwise XOR by running CLBitwiseKernel.
Definition: CLBitwiseXor.h:43
+
GEMMInfo(bool is_a_reshaped, bool is_b_reshaped, bool reshape_b_only_on_first_run, int depth_output_gemm3d=0, bool reinterpret_input_as_3d=false, bool retain_internal_weights=false, GEMMLowpOutputStageInfo gemmlowp_output_stage=GEMMLowpOutputStageInfo(), bool fp_mixed_precision=false, bool fast_math=false, bool broadcast_bias=false, const ActivationLayerInfo &activation_info=ActivationLayerInfo(), bool fixed_format=false, arm_compute::WeightFormat weight_format=arm_compute::WeightFormat::UNSPECIFIED, bool pretranspose_B=false, bool accumulate=false, bool use_fp32_acc=false) noexcept
Constructor.
Definition: GEMMInfo.h:133
NEReduceMean(std::shared_ptr< IMemoryManager > memory_manager=nullptr)
Constructor.
CLQuantization quantization() const override
Interface to be implemented by the child class to return the wrapped quantization info data.
TensorDescriptor configure_output(size_t idx) const override
Calculates output configuration.
@@ -1562,7 +1563,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
static Status validate(const ITensorInfo *src, const ITensorInfo *updates, const ITensorInfo *indices, const ITensorInfo *dst, const ScatterInfo &info)
Static function to check if given info will lead to a valid configuration of CLScatter.
NodeID create_layer(IStream &s) override
Create layer and add to the given stream.
Definition: Layers.h:631
-
void set_pretranspose_A(bool flag)
Set pre-transpose A flag.
Definition: GEMMInfo.h:274
+
void set_pretranspose_A(bool flag)
Set pre-transpose A flag.
Definition: GEMMInfo.h:278
float scale_coeff() const
Return the scaling factor of the normalization function.
Definition: Types.h:1602
unsigned int num_threads() const override
Returns the number of threads that the SingleThreadScheduler has, which is always 1.
@@ -1572,7 +1573,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
void run() override
Run the kernels contained in the function.
void run() override
Run the kernels contained in the function.
Preprocessor interface.
Definition: GraphUtils.h:47
-
bool fixed_format() const
Flag which specifies if the GEMM operation is running fixed-format kernels.
Definition: GEMMInfo.h:316
+
bool fixed_format() const
Flag which specifies if the GEMM operation is running fixed-format kernels.
Definition: GEMMInfo.h:320
T * cell_layer_norm_weights() const
Definition: LSTMParams.h:257
@@ -1763,7 +1764,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
T wrap_around(T x, T m)
Wrap-around a number within the range 0 <= x < m.
Definition: Helpers.h:281
TensorDescriptor configure_output(size_t idx) const override
Calculates output configuration.
-
Brain floating point representation class.
Definition: Bfloat16.h:94
+
Brain floating point representation class.
Definition: Bfloat16.h:108
MemoryManagerContext * memory_management_ctx(Target target)
Gets a memory manager context for a given target.
void run() override
Run the kernels contained in the function.
Reorg Layer.
Definition: Layers.h:1174
@@ -1912,7 +1913,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
NEROIPoolingLayer & operator=(const NEROIPoolingLayer &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
InterpolationPolicy _method
Definition: CLCropResize.h:153
-
arm_compute::WeightFormat weight_format() const
Definition: GEMMInfo.h:345
+
arm_compute::WeightFormat weight_format() const
Weight format to be used.
Definition: GEMMInfo.h:353
NodeType type() const override
Returns node's type.
SimpleOption< std::string > * mlgo_file
File to load the MLGO heuristics from.
Definition: CommonGraphOptions.h:170
void configure(ICLTensor *input, ICLTensor *output, float gamma=1.0f, float beta=0.0f, float epsilon=1e-12f, bool use_mixed_precision=true)
Set the input and output tensors.
@@ -1923,7 +1924,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
FilePrinter(const std::string &filename)
Default Constructor.
void set_num_dimensions(size_t num_dimensions)
Set number of dimensions.
Definition: TensorShape.h:253
NEGEMMLowpMatrixMultiplyCore(std::shared_ptr< IMemoryManager > memory_manager=nullptr, IWeightsManager *weights_manager=nullptr)
Constructor.
-
void set_fast_math(bool fast_math)
Set fast math flag.
Definition: GEMMInfo.h:250
+
void set_fast_math(bool fast_math)
Set fast math flag.
Definition: GEMMInfo.h:254
GPUTarget get_gpu_target() const
Return the Gpu target of the associated device.
void run() override
Run the kernels contained in the function.
Basic function to unpack a rank-R tensor into rank-(R-1) tensors.
Definition: CLUnstack.h:47
@@ -1942,7 +1943,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
bool has_dotprod() const
Checks if the cpu model supports dot product.
bool use_inf_as_limit
Definition: Types.h:1155
-
bfloat16(float v, bool portable)
Constructor.
Definition: Bfloat16.h:113
+
bfloat16(float v, bool portable)
Constructor.
Definition: Bfloat16.h:127
Basic function to run opencl::kernels::ClArithmeticKernel for max.
Definition: CLElementwiseOperations.h:369
void run() override
Run the kernels contained in the function.
Descriptor used by the FFT core kernels.
Definition: KernelDescriptors.h:52
@@ -1967,7 +1968,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
Kernel create_kernel(const std::string &kernel_name, const std::set< std::string > &build_options_set={}) const
Creates a kernel from the kernel library.
CpuGemmDirectConv2d & operator=(const CpuGemmDirectConv2d &)=delete
Prevent copy assignment.
-
bfloat16()
Default Constructor.
Definition: Bfloat16.h:98
+
bfloat16()
Default Constructor.
Definition: Bfloat16.h:112
Reshape Layer.
Definition: Layers.h:1198
const ROIPoolingLayerInfo & pooling_info() const
ROIPoolingLayerInfo accessor.
std::unique_ptr< IFunction > create_detection_post_process_layer(DetectionPostProcessLayerNode &node)
Create a backend detection post process layer function.
Definition: FunctionHelpers.h:725
@@ -2126,7 +2127,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
~GraphContext()
Destructor.
void configure(const std::vector< ITensor * > &input, int axis, ITensor *output)
Initialise the kernel's inputs vector and output.
-
bool fast_math() const
Flag which specifies if a shorter accumulator to be used.
Definition: GEMMInfo.h:242
+
bool fast_math() const
Flag which specifies if a shorter accumulator to be used.
Definition: GEMMInfo.h:246
bool is_data_type_quantized_asymmetric_char(DataType dt)
Check if a given data type is of 8-bit asymmetric quantized signed type.
Definition: DataTypeUtils.h:418
std::string name() const
Returns program name.
Definition: CLCompileContext.h:123
Constant Layer.
Definition: Layers.h:72
@@ -2674,7 +2675,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
TensorAllocator * allocator()
Return a pointer to the tensor's allocator.
const std::vector< T > & value() const
Get the values of the option.
Definition: EnumListOption.h:147
GraphContext * ctx
Graph execution context.
Definition: Workload.h:107
-
static bfloat16 max()
Largest representative value.
Definition: Bfloat16.h:150
+
static bfloat16 max()
Largest representative value.
Definition: Bfloat16.h:164
#define ARM_COMPUTE_ERROR_THROW_ON(status)
Definition: Error.h:459
NodeID create_layer(IStream &s) override
Create layer and add to the given stream.
Definition: Layers.h:1339
static Status validate(const ITensorInfo *input, const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const PadStrideInfo &conv_info, const WeightsInfo &weights_info=WeightsInfo(), const Size2D &dilation=Size2D(1U, 1U), const ActivationLayerInfo &act_info=ActivationLayerInfo(), bool enable_fast_math=false, unsigned int num_groups=1)
Static function to check if given info will lead to a valid configuration of NEConvolutionLayer.
@@ -2734,7 +2735,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
std::string get_program_name(const std::string &kernel_name) const
Returns the program name given a kernel name.
Quantization Layer node.
Definition: QuantizationLayerNode.h:38
std::unique_ptr< IFunction > create_batch_normalization_layer(BatchNormalizationLayerNode &node)
Create a backend batch normalization layer function.
Definition: FunctionHelpers.h:167
-
bool pretranspose_A() const
Flag which specifies whether A should be pre-transposed if supported.
Definition: GEMMInfo.h:266
+
bool pretranspose_A() const
Flag which specifies whether A should be pre-transposed if supported.
Definition: GEMMInfo.h:270
size_t index
Index.
Definition: Types.h:223
NodeType type() const override
Returns node's type.
unsigned int num_groups
Definition: FunctionDescriptors.h:84
@@ -3147,7 +3148,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
virtual const char * name()=0
Returns mutator name.
CLSubTensorHandle & operator=(CLSubTensorHandle &&)=default
Allow instances of this class to be moved.
void release_backend_context(GraphContext &ctx) override
Release the backend specific resources associated to a given graph context.
-
bool reshape_b_only_on_first_run() const
Flag which specifies if the reshape of matrix B should executed only for the first.
Definition: GEMMInfo.h:186
+
bool reshape_b_only_on_first_run() const
Flag which specifies if the reshape of matrix B should executed only for the first.
Definition: GEMMInfo.h:190
ILayer & set_name(std::string name)
Sets the name of the layer.
Definition: ILayer.h:59
Status class.
Definition: Error.h:56
@@ -3216,7 +3217,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
virtual void free()=0
Interface to be implemented by the child class to free the allocated tensor.
ScatterInfo(ScatterFunction f, bool zero)
Definition: ScatterInfo.h:48
-
void set_gemmlowp_output_stage(GEMMLowpOutputStageInfo &output_stage)
Sets GEMMLowp output stage.
Definition: GEMMInfo.h:226
+
void set_gemmlowp_output_stage(GEMMLowpOutputStageInfo &output_stage)
Sets GEMMLowp output stage.
Definition: GEMMInfo.h:230
uint32_t norm_size() const
Get the normalization size.
Definition: Types.h:1561
Implementation of an option that can be either true or false.
Definition: ToggleOption.h:35
@@ -3309,7 +3310,6 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
ITensorInfo & set_format(Format format) override
Set the format of an already initialized tensor.
void configure(const ITensorInfo *input, ITensorInfo *output)
Configure the kernel.
const char * name() const override
Name of the kernel.
Definition: CPPTopKVKernel.h:41
-
GEMMInfo(bool is_a_reshaped, bool is_b_reshaped, bool reshape_b_only_on_first_run, int depth_output_gemm3d=0, bool reinterpret_input_as_3d=false, bool retain_internal_weights=false, GEMMLowpOutputStageInfo gemmlowp_output_stage=GEMMLowpOutputStageInfo(), bool fp_mixed_precision=false, bool fast_math=false, bool broadcast_bias=false, const ActivationLayerInfo &activation_info=ActivationLayerInfo(), bool fixed_format=false, arm_compute::WeightFormat weight_format=arm_compute::WeightFormat::UNSPECIFIED, bool pretranspose_B=false, bool accumulate=false) noexcept
Constructor.
Definition: GEMMInfo.h:131
static constexpr size_t DimW
Alias for dimension 3 also known as W dimension.
Definition: Window.h:53
NMSType
Available non maxima suppression types.
Definition: Types.h:492
bool access_tensor_data() override
Returns true if the tensor data is being accessed.
Definition: GraphUtils.cpp:168
@@ -3499,6 +3499,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
static Status validate(const ITensorInfo *input, const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const PadStrideInfo &conv_info, const ActivationLayerInfo &act_info=ActivationLayerInfo())
Static function to check if given info will lead to a valid configuration of CLIndirectConvolutionLay...
< OpenCL tuner parameters
Definition: CLTuningParams.h:41
CLPermute & operator=(const CLPermute &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
+
bool use_fp32_acc() const
Flag which specifies if the GEMM operation is running in f16 matmul with f32 accumulation.
Definition: GEMMInfo.h:369
void configure(ICLTensor *input, ICLTensor *output, int32_t stride)
Initialise the function's source and destination.
static Status validate(const ITensorInfo *input, const ITensorInfo *input_to_input_weights, const ITensorInfo *input_to_forget_weights, const ITensorInfo *input_to_cell_weights, const ITensorInfo *input_to_output_weights, const ITensorInfo *recurrent_to_input_weights, const ITensorInfo *recurrent_to_forget_weights, const ITensorInfo *recurrent_to_cell_weights, const ITensorInfo *recurrent_to_output_weights, const ITensorInfo *input_gate_bias, const ITensorInfo *forget_gate_bias, const ITensorInfo *cell_bias, const ITensorInfo *output_gate_bias, const ITensorInfo *cell_state_in, const ITensorInfo *output_state_in, const ITensorInfo *cell_state_out, const ITensorInfo *output_state_out)
Static function to check if given info will lead to a valid configuration of NELSTMLayer.
ROIAlign Layer.
Definition: Layers.h:1243
@@ -3561,7 +3562,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
std::unique_ptr< ITensorInfo > clone() const override
void accept(INodeVisitor &v) override
Accepts a node visitor.
ActivationLayerInfo fused_activation() const
Returns fused activation.
-
bool pretranspose_B() const
Flag which specifies whether b should be pre-transposed if supported.
Definition: GEMMInfo.h:284
+
bool pretranspose_B() const
Flag which specifies whether b should be pre-transposed if supported.
Definition: GEMMInfo.h:288
Memory Image feeder concrete implementation.
Definition: ImageLoader.h:89
NEDepthToSpaceLayer()
Constructor.
std::string to_string(CLTuningInfo tuning_info)
Definition: CLTuningParams.h:86
@@ -3696,7 +3697,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
bool export_input_to_cl_image
Export input to cl_image.
Definition: KernelDescriptors.h:123
CLArithmeticAddition()
Default Constructor.
void run() override
Run the kernels contained in the function.
-
bool is_b_reshaped() const
Flag which specifies if the matrix B has been reshaped.
Definition: GEMMInfo.h:176
+
bool is_b_reshaped() const
Flag which specifies if the matrix B has been reshaped.
Definition: GEMMInfo.h:180
DimensionRoundingType round_type
Definition: Types.h:1259
bool has_peephole_opt() const
Definition: LSTMParams.h:307
static Status validate(const ITensorInfo *input, const ITensorInfo *output)
Static function to check if given info will lead to a valid configuration of NELogicalNot.
@@ -3742,7 +3743,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
void configure(const ITensor *input, ITensor *output, const TensorShape &original_input_shape, DataLayout data_layout)
Initialize the function.
size_t dimension(DataLayoutDimension dimension) const override
Return the size of the requested data layout dimension.
Definition: SubTensorInfo.h:133
CLElementwiseMax()
Default Constructor.
-
bfloat16(float v)
Constructor.
Definition: Bfloat16.h:105
+
bfloat16(float v)
Constructor.
Definition: Bfloat16.h:119
INESimpleFunction & operator=(const INESimpleFunction &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
CpuPRelu & operator=(CpuPRelu &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
@@ -3828,6 +3829,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
~CpuGemm() override
Default destructor.
ICLTensor * parent()
Return the parent tensor of the subtensor.
+
void set_use_fp32_acc(bool use_fp32_acc)
Set use_fp32_acc flag.
Definition: GEMMInfo.h:377
bool access_tensor(ITensor &tensor) override
Interface to be implemented to access a given tensor.
Definition: GraphUtils.cpp:448
Basic function to run CLSelect.
Definition: CLSelect.h:42
@@ -3877,7 +3879,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
Descriptor used by the FFT2D function.
Definition: FunctionDescriptors.h:53
ITensorInfo & set_is_resizable(bool is_resizable) override
Set the flag whether the tensor size can be changed.
Definition: TensorInfo.h:297
void allocate_const_tensors(Graph &g)
Allocates const tensor of a given graph.
-
bfloat16 & operator+=(float v)
Definition: Bfloat16.h:157
+
bfloat16 & operator+=(float v)
Definition: Bfloat16.h:171
~CLReshapeLayer()
Default Destructor.
static Status validate(const ITensorInfo *input, const ITensorInfo *indices, const ITensorInfo *output, const PoolingLayerInfo &pool_info)
Static function to check if given info will lead to a valid configuration of CLMaxUnpoolingLayer.
@@ -3925,7 +3927,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
static Status validate(const ITensorInfo *input, const ITensorInfo *weights, const ITensorInfo *biases, const ITensorInfo *output, const PadStrideInfo &conv_info, const ActivationLayerInfo &act_info=ActivationLayerInfo(), bool enable_fast_math=false)
Static function to check if given info will lead to a valid configuration of NEWinogradConvolutionLay...
void set_broadcasted(size_t dimension)
Set the dimension as broadcasted dimension.
Definition: Window.inl:63
-
void set_weight_format(arm_compute::WeightFormat weight_format)
Set weight format to be used.
Definition: GEMMInfo.h:353
+
void set_weight_format(arm_compute::WeightFormat weight_format)
Set weight format to be used.
Definition: GEMMInfo.h:361
MemoryRegion(size_t size, size_t alignment=0)
Constructor.
Definition: MemoryRegion.h:48
void run() override
Run the kernels contained in the function.
Concrete class that tracks the lifetime of registered tensors and calculates the systems memory requi...
Definition: BlobLifetimeManager.h:44
@@ -3973,7 +3975,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
const T * recurrent_to_input_weights() const
Definition: LSTMParams.h:212
PassManager & operator=(const PassManager &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
-
void set_accumulate(bool accumulate)
Set accumulate flag.
Definition: GEMMInfo.h:340
+
void set_accumulate(bool accumulate)
Set accumulate flag.
Definition: GEMMInfo.h:344
#define ARM_COMPUTE_DEPRECATED_REL(rel)
Definition: Macros.h:47
CLBackendType
List the possible OpenCL backends.
Definition: CLTypes.h:60
@@ -5329,7 +5331,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
@ AclInt16
16-bit signed integer
Definition: AclTypes.h:172
void configure(const CLCompileContext &compile_context, ICLTensor *rhs, ICLTensor *lhs, ICLTensor *dst, const MatMulInfo &matmul_info, const GpuMatMulSettings &settings=GpuMatMulSettings{}, const ActivationLayerInfo &act_info=ActivationLayerInfo{})
Initialise the kernel's inputs and output.
-
static bfloat16 lowest()
Lowest representative value.
Definition: Bfloat16.h:140
+
static bfloat16 lowest()
Lowest representative value.
Definition: Bfloat16.h:154
int mult_interleave4x4_height() const
Multiplication factor for the height of the 4x4 interleaved block.
Definition: Types.h:1856
Graph printer visitor.
Definition: DataLayerVisitor.h:40
void unlock_pool(IMemoryPool *pool) override
Releases memory pool.
@@ -5511,7 +5513,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
bool device_supports_extension(const cl::Device &device, const char *extension_name)
Helper function to check whether a given extension is supported.
std::unique_ptr< IFunction > create_flatten_layer(FlattenLayerNode &node)
Create a backend flatten layer function.
Definition: FunctionHelpers.h:886
void run() override
Run the kernels contained in the function.
-
bool broadcast_bias() const
Flag which specifies whether to broadcast the shape of the bias tensor.
Definition: GEMMInfo.h:258
+
bool broadcast_bias() const
Flag which specifies whether to broadcast the shape of the bias tensor.
Definition: GEMMInfo.h:262
NEFFTConvolutionLayer(std::shared_ptr< IMemoryManager > memory_manager=nullptr)
Default constructor.
void create_logger(const std::string &name, LogLevel log_level=LogLevel::INFO, const std::vector< std::shared_ptr< Printer >> &printers={std::make_shared< StdPrinter >()})
Creates a logger.
constexpr SE as_enum(E val) noexcept
Convert plain old enumeration to a strongly typed enum.
Definition: Acl.hpp:123
@@ -5598,7 +5600,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
bool from_string(CLTuningInfo tuning_info, std::string tuning_params_string)
Definition: CLTuningParams.h:98
T round_away_from_zero(T value)
Round floating-point value with round away from zero.
Definition: Rounding.h:77
-
ActivationLayerInfo activation_info() const
Activation layer to apply after the matrix multiplication.
Definition: GEMMInfo.h:300
+
ActivationLayerInfo activation_info() const
Activation layer to apply after the matrix multiplication.
Definition: GEMMInfo.h:304
DepthwiseConvolutionLayerNode(PadStrideInfo info, int depth_multiplier=1, DepthwiseConvolutionMethod method=DepthwiseConvolutionMethod::Default, QuantizationInfo out_quant_info=QuantizationInfo())
Constructor.
void run() override
Run the kernels contained in the function.
NEConvolutionLayer & operator=(const NEConvolutionLayer &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
@@ -5635,7 +5637,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
void set_valid_region(const Window &window, const ValidRegion &input_valid_region, bool border_undefined=false, const BorderSize &border_size=BorderSize(0))
Set the valid region based on access pattern, valid region of the inputs and border mode.
virtual ValidRegion compute_valid_region(const Window &window, ValidRegion input_valid_region, bool border_undefined, BorderSize border_size) const =0
Compute the valid region based on access pattern and valid region of the inputs.
virtual void populate(IAllocator &allocator, size_t num_pools)=0
Populates the pool manager with the given number of pools.
-
bool retain_internal_weights() const
Flag which specifies if the weights tensor has to be retained from previous run.
Definition: GEMMInfo.h:210
+
bool retain_internal_weights() const
Flag which specifies if the weights tensor has to be retained from previous run.
Definition: GEMMInfo.h:214
const T * projection_bias() const
Definition: LSTMParams.h:242
void configure(const ICLTensor *input1, const ICLTensor *input2, ICLTensor *output)
Initialize the function.
@@ -5893,7 +5895,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
DataLayoutDimension get_index_data_layout_dimension(const DataLayout &data_layout, const size_t index)
Get the DataLayoutDimension of a given index and layout.
Definition: Helpers.inl:220
Generate Proposals Information class.
Definition: Types.h:1312
void set_common_node_parameters(NodeParams common_params)
Sets common node parameters.
-
bool reinterpret_input_as_3d() const
Flag which specifies if the input tensor has to be reinterpreted as 3D.
Definition: GEMMInfo.h:202
+
bool reinterpret_input_as_3d() const
Flag which specifies if the input tensor has to be reinterpreted as 3D.
Definition: GEMMInfo.h:206
float spatial_scale() const
Definition: Types.h:1438
arm_compute::Status error_on_mismatching_windows(const char *function, const char *file, const int line, const Window &full, const Window &win)
Return an error if the passed window is invalid.
const TensorShape & tensor_shape() const override
Size for each dimension of the tensor.
Definition: TensorInfo.h:249
@@ -6036,7 +6038,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
@ AclSrcVec
Definition: AclTypes.h:212
void manage(IMemoryGroup *mg) override
Set backend tensor to be managed by a memory group.
-
bfloat16 & operator=(float v)
Assignment operator.
Definition: Bfloat16.h:123
+
bfloat16 & operator=(float v)
Assignment operator.
Definition: Bfloat16.h:137
~CLMatMul()
Default destructor.
~OffsetMemoryPool()=default
Default Destructor.
void run() override
Run the kernels contained in the function.
@@ -6064,7 +6066,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
void configure(const ITensor *bboxes, const ITensor *scores, ITensor *indices, unsigned int max_output_size, const float score_threshold, const float nms_threshold)
Configure the function to perform non maximal suppression.
Definition: NEMeanStdDevNormalizationLayer.h:39
RoundingPolicy rounding_policy() const
Rounding policy accessor.
-
GEMMLowpOutputStageInfo gemmlowp_output_stage() const
GEMMLowp output stage.
Definition: GEMMInfo.h:218
+
GEMMLowpOutputStageInfo gemmlowp_output_stage() const
GEMMLowp output stage.
Definition: GEMMInfo.h:222
unsigned int get_L2_cache_size() const
Gets the L2 cache size.
NENormalizationLayer & operator=(const NENormalizationLayer &)=delete
Prevent instances of this class from being copied (As this class contains pointers)
@@ -6103,7 +6105,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
NodeID create_layer(IStream &s) override
Create layer and add to the given stream.
Definition: Layers.h:547
experimental::MemoryRequirements workspace() const override
Return the memory requirements for the static workspace.
TensorDescriptor configure_output(size_t idx) const override
Calculates output configuration.
-
int depth_output_gemm3d() const
Depth of the output when GEMM output is reinterpreted as 3D tensor.
Definition: GEMMInfo.h:194
+
int depth_output_gemm3d() const
Depth of the output when GEMM output is reinterpreted as 3D tensor.
Definition: GEMMInfo.h:198
void run(ITensorPack &tensors) override
Run the kernels contained in the function.
std::string validation_path
Definition: CommonGraphOptions.h:109
@@ -6153,7 +6155,7 @@ $(document).ready(function(){initNavTree('_android_8bp.xhtml',''); initResizable
diff --git a/latest/_arg_min_max_layer_node_8h.xhtml b/latest/_arg_min_max_layer_node_8h.xhtml
index f9df8d562880f7e94ea1ae7b14eeac686bba77ca..f67dbfaa716eb01c7b6f52da05c997bc8dbc23cd 100644
--- a/latest/_arg_min_max_layer_node_8h.xhtml
+++ b/latest/_arg_min_max_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_array_8h.xhtml b/latest/_array_8h.xhtml
index db280f32c13261176afc5bdb17cbf13e59652cc2..5cdc718ef53eb03b605d4f76a916d1c6d99f0e24 100644
--- a/latest/_array_8h.xhtml
+++ b/latest/_array_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -165,7 +165,7 @@ Typedefs
diff --git a/latest/_asymm_helpers_8h.xhtml b/latest/_asymm_helpers_8h.xhtml
index 787f26f1cfef1c5fc86123eaed55160024c6df25..bc84dddb01f16e0856cdb365df464f0a3e7b0d56 100644
--- a/latest/_asymm_helpers_8h.xhtml
+++ b/latest/_asymm_helpers_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -174,7 +174,7 @@ Functions
diff --git a/latest/_backend_registrar_8h.xhtml b/latest/_backend_registrar_8h.xhtml
index 359eb89ce75299882a572094dbeba9d7eaf622ea..6d66c9fc77ea8ffb2f11186a4f1ffbbfa1e9a835 100644
--- a/latest/_backend_registrar_8h.xhtml
+++ b/latest/_backend_registrar_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -148,7 +148,7 @@ Namespaces
diff --git a/latest/_backend_registry_8h.xhtml b/latest/_backend_registry_8h.xhtml
index 2cd7efd34f5324b8c23e14a1ab17055480e16c49..9aac6814a93398fb50d9b842fbc492c0731dd631 100644
--- a/latest/_backend_registry_8h.xhtml
+++ b/latest/_backend_registry_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_batch_normalization_layer_node_8h.xhtml b/latest/_batch_normalization_layer_node_8h.xhtml
index 9c20ce00511fb920568343f1ffa0541825bd289b..e1a7673fad37c5aeb00bf7ac90d8290528e13731 100644
--- a/latest/_batch_normalization_layer_node_8h.xhtml
+++ b/latest/_batch_normalization_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_bfloat16_8h.xhtml b/latest/_bfloat16_8h.xhtml
index bd31193e6081d04accaf4aa95b3f1ea97e5129d3..022bcbff5078db11ec2aea6f7652ef0144d09a5f 100644
--- a/latest/_bfloat16_8h.xhtml
+++ b/latest/_bfloat16_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_blob_lifetime_manager_8h.xhtml b/latest/_blob_lifetime_manager_8h.xhtml
index 100bc6a7bae155e5950a36d51b4a4bd82e49246a..272d37cb8a4e5a15c180bfb726b800ee45a57774 100644
--- a/latest/_blob_lifetime_manager_8h.xhtml
+++ b/latest/_blob_lifetime_manager_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_blob_memory_pool_8h.xhtml b/latest/_blob_memory_pool_8h.xhtml
index 1827bf7d70615ff9a793cc3642803bef9936527b..12c6408504d364a86c3f6382aeaa183a7bd8d4e2 100644
--- a/latest/_blob_memory_pool_8h.xhtml
+++ b/latest/_blob_memory_pool_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_bounding_box_transform_layer_node_8h.xhtml b/latest/_bounding_box_transform_layer_node_8h.xhtml
index dae663f6fb6030a7bd03467d11d995a699885f32..5f9a82a58fbe7d850cfe4952529dd8b96033fc57 100644
--- a/latest/_bounding_box_transform_layer_node_8h.xhtml
+++ b/latest/_bounding_box_transform_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_activation_layer_8h.xhtml b/latest/_c_l_activation_layer_8h.xhtml
index 214f9a788804542b1394fbbd10b8b8cd7b7bc3d1..d0713cb27c434908c6f003077ab0590e51b1b969 100644
--- a/latest/_c_l_activation_layer_8h.xhtml
+++ b/latest/_c_l_activation_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_arg_min_max_layer_8h.xhtml b/latest/_c_l_arg_min_max_layer_8h.xhtml
index 114dd4b5385b266dbdb9de57ba394fbbf6bd62b4..1712b6af183eefe5275cf4fb06e64fdb17851254 100644
--- a/latest/_c_l_arg_min_max_layer_8h.xhtml
+++ b/latest/_c_l_arg_min_max_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_l_array_8h.xhtml b/latest/_c_l_array_8h.xhtml
index 143e2f2b7f535b05c8c8d9e021f040bc30d8cbfc..0e31ae279cbc08a03d8e6cc5455d8cf859be5528 100644
--- a/latest/_c_l_array_8h.xhtml
+++ b/latest/_c_l_array_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -167,7 +167,7 @@ Typedefs
diff --git a/latest/_c_l_batch_normalization_layer_8h.xhtml b/latest/_c_l_batch_normalization_layer_8h.xhtml
index 3936b7b51a02ccf08eb10d693af4405e085d9241..e1da7ee8214678578f8322e41722a6f5ad761498 100644
--- a/latest/_c_l_batch_normalization_layer_8h.xhtml
+++ b/latest/_c_l_batch_normalization_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_batch_to_space_layer_8h.xhtml b/latest/_c_l_batch_to_space_layer_8h.xhtml
index 7fd68f68dcb58e369501781da34e133b95972d55..c0365de4d6aa91370b6f7a95bf4d841f34567901 100644
--- a/latest/_c_l_batch_to_space_layer_8h.xhtml
+++ b/latest/_c_l_batch_to_space_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_bitwise_and_8h.xhtml b/latest/_c_l_bitwise_and_8h.xhtml
index d7234c84038dbc7a43acbde2b4de269316d66592..4f6ff35676534b806ff96622407af8b4d9079064 100644
--- a/latest/_c_l_bitwise_and_8h.xhtml
+++ b/latest/_c_l_bitwise_and_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_l_bitwise_not_8h.xhtml b/latest/_c_l_bitwise_not_8h.xhtml
index de4e538afe3c499d9a195b55a5a25fffa5355917..cb8a2f43adf11d65d438a131aefed4664dea5cea 100644
--- a/latest/_c_l_bitwise_not_8h.xhtml
+++ b/latest/_c_l_bitwise_not_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_l_bitwise_or_8h.xhtml b/latest/_c_l_bitwise_or_8h.xhtml
index 5d87a94c5450911a0ba3717a585f52a10bad5df8..22279705e4a84a31727b48fe8c04c5a0fb4ce57b 100644
--- a/latest/_c_l_bitwise_or_8h.xhtml
+++ b/latest/_c_l_bitwise_or_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_l_bitwise_xor_8h.xhtml b/latest/_c_l_bitwise_xor_8h.xhtml
index db2f0ac9961750249cd33ecf6f074f1e6196a0b7..28855a214c055c8aa81c4e947dfb54369eadf1d1 100644
--- a/latest/_c_l_bitwise_xor_8h.xhtml
+++ b/latest/_c_l_bitwise_xor_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_l_bounding_box_transform_8h.xhtml b/latest/_c_l_bounding_box_transform_8h.xhtml
index c0aa4cffcd509a24d67a3c2f00bd6837f07a6b8f..6c887bd7f61b80cd4fc9dd7bc084e0d25aa79dfb 100644
--- a/latest/_c_l_bounding_box_transform_8h.xhtml
+++ b/latest/_c_l_bounding_box_transform_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_buffer_allocator_8h.xhtml b/latest/_c_l_buffer_allocator_8h.xhtml
index 6d5078e41f57c0827f5832dbd8f85aee6cbcac80..fccf0e536fd52451997f48ee8dc4c3f4f0e95807 100644
--- a/latest/_c_l_buffer_allocator_8h.xhtml
+++ b/latest/_c_l_buffer_allocator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_cast_8h.xhtml b/latest/_c_l_cast_8h.xhtml
index dc79759ff5ef9ffd2d685ef47bf2860b6e964a07..9743fbf00eb28633a64ddd1d2eafa9651c8822df 100644
--- a/latest/_c_l_cast_8h.xhtml
+++ b/latest/_c_l_cast_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_channel_shuffle_layer_8h.xhtml b/latest/_c_l_channel_shuffle_layer_8h.xhtml
index a91cce9dbada4c4db9308739f51a4efd190d0ae9..496cd6a9518fe785403280ef9ad1a73b8ee4796c 100644
--- a/latest/_c_l_channel_shuffle_layer_8h.xhtml
+++ b/latest/_c_l_channel_shuffle_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_comparison_8h.xhtml b/latest/_c_l_comparison_8h.xhtml
index d724dc8a86e5d17198a19c3b04d023da494108d1..baceafc7da3b3ed9360c2b0172bb5e13be19f8c8 100644
--- a/latest/_c_l_comparison_8h.xhtml
+++ b/latest/_c_l_comparison_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -166,7 +166,7 @@ Typedefs
diff --git a/latest/_c_l_compile_context_8h.xhtml b/latest/_c_l_compile_context_8h.xhtml
index 087e51b8ee20a80cdcf65d61334c3d8bb5b07eb1..75b9cdd0f585df4fc6838754dda3665f9984564f 100644
--- a/latest/_c_l_compile_context_8h.xhtml
+++ b/latest/_c_l_compile_context_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -154,7 +154,7 @@ Namespaces
diff --git a/latest/_c_l_concatenate_layer_8h.xhtml b/latest/_c_l_concatenate_layer_8h.xhtml
index edf78663ae18daefe705fb14ed8f972d8da2ac09..6035ba3dc8b1722f7d45d6dfe5d3a62413701aed 100644
--- a/latest/_c_l_concatenate_layer_8h.xhtml
+++ b/latest/_c_l_concatenate_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_conv3_d_8h.xhtml b/latest/_c_l_conv3_d_8h.xhtml
index 9a35bee34b050915276d0e1ce3b7daa1ab894f8c..6131bf606c9bcfbbd12045ffae71c716cc85df38 100644
--- a/latest/_c_l_conv3_d_8h.xhtml
+++ b/latest/_c_l_conv3_d_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_convert_fully_connected_weights_8h.xhtml b/latest/_c_l_convert_fully_connected_weights_8h.xhtml
index 30d8a96de4a7fa66b09f65f081e94f7efd8b94c4..03d37f5cc4cffe67eb1604172988895213307069 100644
--- a/latest/_c_l_convert_fully_connected_weights_8h.xhtml
+++ b/latest/_c_l_convert_fully_connected_weights_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -149,7 +149,7 @@ Namespaces
diff --git a/latest/_c_l_convolution_layer_8h.xhtml b/latest/_c_l_convolution_layer_8h.xhtml
index 508dde2dac4148ec51c004e9bfbdc3b7f938273a..204011e07b88f7e54a1ef20b83db811ff300753d 100644
--- a/latest/_c_l_convolution_layer_8h.xhtml
+++ b/latest/_c_l_convolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_copy_8h.xhtml b/latest/_c_l_copy_8h.xhtml
index d57f0d9b56000836c6113055b4c28a1d63937f61..384e999a69911bee2b70dd2a8b0111cc5f4a8b6e 100644
--- a/latest/_c_l_copy_8h.xhtml
+++ b/latest/_c_l_copy_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_crop_8h.xhtml b/latest/_c_l_crop_8h.xhtml
index a6a16593683cdf69e7cd19c9b2dd2a3d4fc58bec..95d9a9adc93a52ef0dcc59beb62cfbfe726d339b 100644
--- a/latest/_c_l_crop_8h.xhtml
+++ b/latest/_c_l_crop_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_crop_resize_8h.xhtml b/latest/_c_l_crop_resize_8h.xhtml
index 15a8f53a9876ffd93cce3df9f006300ca74eb547..e23dacc5329293a00f19813b8acf4a42e8a64172 100644
--- a/latest/_c_l_crop_resize_8h.xhtml
+++ b/latest/_c_l_crop_resize_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_c_l_deconvolution_layer_8h.xhtml b/latest/_c_l_deconvolution_layer_8h.xhtml
index d36fe928e4013ad7ef37ca33ce2ed4612e192e09..9ae7c6ac3266b8166eced70f606806f493c2669c 100644
--- a/latest/_c_l_deconvolution_layer_8h.xhtml
+++ b/latest/_c_l_deconvolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_deconvolution_layer_upsample_8h.xhtml b/latest/_c_l_deconvolution_layer_upsample_8h.xhtml
index 27f4338bde4effd66c92ccee91b692c884a9b64b..12faca389dbbee1867be5448bdae010de2c507b1 100644
--- a/latest/_c_l_deconvolution_layer_upsample_8h.xhtml
+++ b/latest/_c_l_deconvolution_layer_upsample_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_depth_convert_layer_8h.xhtml b/latest/_c_l_depth_convert_layer_8h.xhtml
index 0f2c9636207c998f56e00d8a9fc385271e8f7c04..77456fe10744ebd4820a08e98523d516fa57f6f2 100644
--- a/latest/_c_l_depth_convert_layer_8h.xhtml
+++ b/latest/_c_l_depth_convert_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_depth_to_space_layer_8h.xhtml b/latest/_c_l_depth_to_space_layer_8h.xhtml
index 999be38986566e88e42e61b755eedd57fd8e5ecd..84a1f54593c1f5d6143d35c0d4d48aadc3bed0df 100644
--- a/latest/_c_l_depth_to_space_layer_8h.xhtml
+++ b/latest/_c_l_depth_to_space_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_depthwise_convolution_layer_8h.xhtml b/latest/_c_l_depthwise_convolution_layer_8h.xhtml
index f4fe8be29c774b173d2ca159f99cfa0d3a414593..78d4b5fbda0b5b5b60ea71c5d1412c35e251fe10 100644
--- a/latest/_c_l_depthwise_convolution_layer_8h.xhtml
+++ b/latest/_c_l_depthwise_convolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_l_dequantization_layer_8h.xhtml b/latest/_c_l_dequantization_layer_8h.xhtml
index 99a7a8a8343f04521a7c27aad3c8ed067f7d9ac5..a4a9ab02565360ee0a422989587f858bc9b52818 100644
--- a/latest/_c_l_dequantization_layer_8h.xhtml
+++ b/latest/_c_l_dequantization_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_device_8h.xhtml b/latest/_c_l_device_8h.xhtml
index c4608a701710ba086475ac33f9a145abe021cd6b..8913c59b489cd40d352ef33fb092c255b406e058 100644
--- a/latest/_c_l_device_8h.xhtml
+++ b/latest/_c_l_device_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_device_backend_8h.xhtml b/latest/_c_l_device_backend_8h.xhtml
index a7d8a8de9c58b369d25727cad9a075493f992fd0..b670dffc955c817f821c914dc8e2139a7fba29c6 100644
--- a/latest/_c_l_device_backend_8h.xhtml
+++ b/latest/_c_l_device_backend_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -148,7 +148,7 @@ Namespaces
diff --git a/latest/_c_l_direct_convolution_layer_8h.xhtml b/latest/_c_l_direct_convolution_layer_8h.xhtml
index 2903f0207031f95810940865e8c0d71fb7ae02b1..831e1f7a64ef502d58f83c9916db05db02bb6902 100644
--- a/latest/_c_l_direct_convolution_layer_8h.xhtml
+++ b/latest/_c_l_direct_convolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_direct_deconvolution_layer_8h.xhtml b/latest/_c_l_direct_deconvolution_layer_8h.xhtml
index d574cf229c1bc44c7fe31f5363e67c40903bc423..d3724307aa199a0eb0fbb6c4810149d5fd1d9149 100644
--- a/latest/_c_l_direct_deconvolution_layer_8h.xhtml
+++ b/latest/_c_l_direct_deconvolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -148,7 +148,7 @@ Namespaces
diff --git a/latest/_c_l_elementwise_operations_8h.xhtml b/latest/_c_l_elementwise_operations_8h.xhtml
index 8153f273e9b9d818db198505d9fae94d038d8044..28bd6d91d3bd313fad6f1c352d31e9ca6eaaf875 100644
--- a/latest/_c_l_elementwise_operations_8h.xhtml
+++ b/latest/_c_l_elementwise_operations_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -160,7 +160,7 @@ Namespaces
diff --git a/latest/_c_l_elementwise_unary_layer_8h.xhtml b/latest/_c_l_elementwise_unary_layer_8h.xhtml
index 8d6381441af736569b8383df57a6610f67a724a0..4bb7784cde9503ffbc19367ed055c27d11c4e640 100644
--- a/latest/_c_l_elementwise_unary_layer_8h.xhtml
+++ b/latest/_c_l_elementwise_unary_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -160,7 +160,7 @@ Namespaces
diff --git a/latest/_c_l_f_f_t1_d_8h.xhtml b/latest/_c_l_f_f_t1_d_8h.xhtml
index 36e32263c221257bd965763c70aca2bf1e7cae86..490e83ed5451ca598c2a62ec2df64bf1a5e3d54a 100644
--- a/latest/_c_l_f_f_t1_d_8h.xhtml
+++ b/latest/_c_l_f_f_t1_d_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_f_f_t2_d_8h.xhtml b/latest/_c_l_f_f_t2_d_8h.xhtml
index 006ccc859476dcb271db38fe2cc58264fb9f55b7..8ef97f4389429dea05880ed9fe12badd62954dc4 100644
--- a/latest/_c_l_f_f_t2_d_8h.xhtml
+++ b/latest/_c_l_f_f_t2_d_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_f_f_t_convolution_layer_8h.xhtml b/latest/_c_l_f_f_t_convolution_layer_8h.xhtml
index cbe6457eb0e405e60bf85f2987715d4527bf1b0c..6f417cd98c380a19c09e890623d8b64be6c4d469 100644
--- a/latest/_c_l_f_f_t_convolution_layer_8h.xhtml
+++ b/latest/_c_l_f_f_t_convolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -151,7 +151,7 @@ Namespaces
diff --git a/latest/_c_l_fill_8h.xhtml b/latest/_c_l_fill_8h.xhtml
index 609cd521e138176e4c2d967542ad22aabcc5326e..8a9f20ab7fa44a9e859a3abc8a320133f3ef8ca8 100644
--- a/latest/_c_l_fill_8h.xhtml
+++ b/latest/_c_l_fill_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_flatten_layer_8h.xhtml b/latest/_c_l_flatten_layer_8h.xhtml
index 4647f611b65d610a7825aefa204b2f167e258500..596dedbced9cd9b781a4cbc964d1a3572ec1b432 100644
--- a/latest/_c_l_flatten_layer_8h.xhtml
+++ b/latest/_c_l_flatten_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_floor_8h.xhtml b/latest/_c_l_floor_8h.xhtml
index 52884e45e2abaed29d25646640809ca662222b3c..cb7827de1b48a8df9e0103bc1ad9581a40b051cb 100644
--- a/latest/_c_l_floor_8h.xhtml
+++ b/latest/_c_l_floor_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_fully_connected_layer_8h.xhtml b/latest/_c_l_fully_connected_layer_8h.xhtml
index 44a27ecc51287395f9970c70863791fcb81800d3..6fb7a7c79353f987194fd0a7dcc2653fe0ad96fc 100644
--- a/latest/_c_l_fully_connected_layer_8h.xhtml
+++ b/latest/_c_l_fully_connected_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_function_factory_8h.xhtml b/latest/_c_l_function_factory_8h.xhtml
index 7089168ff751a0ebe66874e3e5ca5fddc0416dc8..17db6fbafd1888772a44d222e71312e7f9c26c09 100644
--- a/latest/_c_l_function_factory_8h.xhtml
+++ b/latest/_c_l_function_factory_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_l_functions_8h.xhtml b/latest/_c_l_functions_8h.xhtml
index ee44a41c32960dd0c5fb6fdb82c1030ba36b7d77..ee0651dd77f3aaabe89d04bb9a0e8c6f7135db47 100644
--- a/latest/_c_l_functions_8h.xhtml
+++ b/latest/_c_l_functions_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -216,7 +216,7 @@ $(document).ready(function(){initNavTree('_c_l_functions_8h.xhtml',''); initResi
diff --git a/latest/_c_l_fuse_batch_normalization_8h.xhtml b/latest/_c_l_fuse_batch_normalization_8h.xhtml
index 956cf236e0918eb3ad2b7f2325edd77c63ed54c2..825d5d59b23ef4a584d494055e51211f452b673a 100644
--- a/latest/_c_l_fuse_batch_normalization_8h.xhtml
+++ b/latest/_c_l_fuse_batch_normalization_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_g_e_m_m_8h.xhtml b/latest/_c_l_g_e_m_m_8h.xhtml
index 4b827f4d71e16ad50591f964d8846e8730260301..38dc10d6412ce533d8c8558eb4ceab6a6acb10ed 100644
--- a/latest/_c_l_g_e_m_m_8h.xhtml
+++ b/latest/_c_l_g_e_m_m_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_c_l_g_e_m_m_convolution_layer_8h.xhtml b/latest/_c_l_g_e_m_m_convolution_layer_8h.xhtml
index f88ef59a5ace61686df539cfdf16c361d1858ad1..593d560e417cedbb3c1f57a2bdefcdace3bab7eb 100644
--- a/latest/_c_l_g_e_m_m_convolution_layer_8h.xhtml
+++ b/latest/_c_l_g_e_m_m_convolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_g_e_m_m_deconvolution_layer_8h.xhtml b/latest/_c_l_g_e_m_m_deconvolution_layer_8h.xhtml
index a5113ee5c40e4e177913081105950f65b1d6fa2c..020dfec5c8bbd1f0bfe6a5045cd85c2855c44fed 100644
--- a/latest/_c_l_g_e_m_m_deconvolution_layer_8h.xhtml
+++ b/latest/_c_l_g_e_m_m_deconvolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -152,7 +152,7 @@ Namespaces
diff --git a/latest/_c_l_g_e_m_m_heuristics_handle_8h.xhtml b/latest/_c_l_g_e_m_m_heuristics_handle_8h.xhtml
index 8b67b13e2165280e3d343b2f624c958502d54679..df4211e963b66c999190173af087c878f359f3f0 100644
--- a/latest/_c_l_g_e_m_m_heuristics_handle_8h.xhtml
+++ b/latest/_c_l_g_e_m_m_heuristics_handle_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_g_e_m_m_lowp_matrix_multiply_core_8h.xhtml b/latest/_c_l_g_e_m_m_lowp_matrix_multiply_core_8h.xhtml
index 6205068a85a488e76407f2159d3b0916f0c84f29..c33aa3344ebbcd87785cf933484bc8cfdca154ab 100644
--- a/latest/_c_l_g_e_m_m_lowp_matrix_multiply_core_8h.xhtml
+++ b/latest/_c_l_g_e_m_m_lowp_matrix_multiply_core_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_g_e_m_m_lowp_output_stage_8h.xhtml b/latest/_c_l_g_e_m_m_lowp_output_stage_8h.xhtml
index decc5020a03e928e9a69620ed12b0a2551d96891..b0ec4a6961a2245e1d4e1e43e31ef61510ca8657 100644
--- a/latest/_c_l_g_e_m_m_lowp_output_stage_8h.xhtml
+++ b/latest/_c_l_g_e_m_m_lowp_output_stage_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_gather_8h.xhtml b/latest/_c_l_gather_8h.xhtml
index 0f1d154db70d5e16a728639a2c4107b4f0d0627f..1f6390c3a898c2754f2e2af23b64458ed15f7eb0 100644
--- a/latest/_c_l_gather_8h.xhtml
+++ b/latest/_c_l_gather_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_generate_proposals_layer_8h.xhtml b/latest/_c_l_generate_proposals_layer_8h.xhtml
index ea293e41ad43c99ad3777c8c0ab30d76d234f3f8..461db1887ae6e20b72d95e1a42a588dd9f9059c9 100644
--- a/latest/_c_l_generate_proposals_layer_8h.xhtml
+++ b/latest/_c_l_generate_proposals_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -149,7 +149,7 @@ Namespaces
diff --git a/latest/_c_l_indirect_convolution_layer_8h.xhtml b/latest/_c_l_indirect_convolution_layer_8h.xhtml
index b5fb4e5038a76c3da657bafcaf1ceabbc197b1e4..439f87bfb1e24be7c345ea4e5d5488e8b1d08cf3 100644
--- a/latest/_c_l_indirect_convolution_layer_8h.xhtml
+++ b/latest/_c_l_indirect_convolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_instance_normalization_layer_8h.xhtml b/latest/_c_l_instance_normalization_layer_8h.xhtml
index 372d52c2d8d1a4ffa2dc620d38c4595121f0d147..cd070be094de3df2ce2ff9a0c2bf3f8c46f1bdd6 100644
--- a/latest/_c_l_instance_normalization_layer_8h.xhtml
+++ b/latest/_c_l_instance_normalization_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_kernel_library_8h.xhtml b/latest/_c_l_kernel_library_8h.xhtml
index 422a7017a6d212a13210a5cbd82c21971b4f04aa..bedace5d9db5b792324bf0eb0530627e23c7888a 100644
--- a/latest/_c_l_kernel_library_8h.xhtml
+++ b/latest/_c_l_kernel_library_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -149,7 +149,7 @@ Namespaces
diff --git a/latest/_c_l_l2_normalize_layer_8h.xhtml b/latest/_c_l_l2_normalize_layer_8h.xhtml
index db2bd7fd6c84f41a7ab35db8e2a5a308d7748b32..35b13243bd24c083f58c22c9ad3948e2669cda02 100644
--- a/latest/_c_l_l2_normalize_layer_8h.xhtml
+++ b/latest/_c_l_l2_normalize_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_c_l_l_s_t_m_layer_8h.xhtml b/latest/_c_l_l_s_t_m_layer_8h.xhtml
index a6afb339c3ac9e863d423df2c2c0a8214121035f..a2d70c286b59b22206c1ea5d62db3daa586acdf1 100644
--- a/latest/_c_l_l_s_t_m_layer_8h.xhtml
+++ b/latest/_c_l_l_s_t_m_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -159,7 +159,7 @@ Namespaces
diff --git a/latest/_c_l_l_s_t_m_layer_quantized_8h.xhtml b/latest/_c_l_l_s_t_m_layer_quantized_8h.xhtml
index 8e2ca953337ef2880473b15ebf995bebc73bc7e2..3d6f372f692a862c9432601d5a25a5aea867aa40 100644
--- a/latest/_c_l_l_s_t_m_layer_quantized_8h.xhtml
+++ b/latest/_c_l_l_s_t_m_layer_quantized_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -151,7 +151,7 @@ Namespaces
diff --git a/latest/_c_l_logical_and_8h.xhtml b/latest/_c_l_logical_and_8h.xhtml
index 10397ad99743ff29bbe29049cc7f0e522743ce33..214800aa9cb5d8c6971f706a7b2e80fe15a4f256 100644
--- a/latest/_c_l_logical_and_8h.xhtml
+++ b/latest/_c_l_logical_and_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_logical_not_8h.xhtml b/latest/_c_l_logical_not_8h.xhtml
index 550883422889dc15c3514fba19fda83a327b2597..a49db2c3943b74de9a18d2b96193625e5b64060d 100644
--- a/latest/_c_l_logical_not_8h.xhtml
+++ b/latest/_c_l_logical_not_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_logical_or_8h.xhtml b/latest/_c_l_logical_or_8h.xhtml
index 1e099a4a763ad005953cc9ad387661f4846a0f27..0b179248be5e50a4def4e92c2b4c1b35cd41f98d 100644
--- a/latest/_c_l_logical_or_8h.xhtml
+++ b/latest/_c_l_logical_or_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_mat_mul_8h.xhtml b/latest/_c_l_mat_mul_8h.xhtml
index cf2ad79b4c1789a11ad8776115bb0a376e19856f..7993985471d5fb4890e2c15b565e3c27e76255c8 100644
--- a/latest/_c_l_mat_mul_8h.xhtml
+++ b/latest/_c_l_mat_mul_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_max_unpooling_layer_8h.xhtml b/latest/_c_l_max_unpooling_layer_8h.xhtml
index 9e6332c7a232d242417a34c6733de59db86ec087..126b81531c23b1720d5293d1bdfd5b7441b54eab 100644
--- a/latest/_c_l_max_unpooling_layer_8h.xhtml
+++ b/latest/_c_l_max_unpooling_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_mean_std_dev_normalization_layer_8h.xhtml b/latest/_c_l_mean_std_dev_normalization_layer_8h.xhtml
index 043ca30a182415d726f6c8d3d44779bffbc7b5d7..6bf3a5d7a97d38d25d2585738f95873fb096edbb 100644
--- a/latest/_c_l_mean_std_dev_normalization_layer_8h.xhtml
+++ b/latest/_c_l_mean_std_dev_normalization_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_memory_8h.xhtml b/latest/_c_l_memory_8h.xhtml
index 7fce90109b3b3f07e10693d8c838f6f5cc5e764c..0031f0c6622832b3726992377fef04190b2a0524 100644
--- a/latest/_c_l_memory_8h.xhtml
+++ b/latest/_c_l_memory_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_memory_region_8h.xhtml b/latest/_c_l_memory_region_8h.xhtml
index bc955138ff0b6d6e25ae9a90574e1506343e1e1d..08a64934e8647eaadfe5a633891208370defc434 100644
--- a/latest/_c_l_memory_region_8h.xhtml
+++ b/latest/_c_l_memory_region_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -154,7 +154,7 @@ Namespaces
diff --git a/latest/_c_l_node_validator_8h.xhtml b/latest/_c_l_node_validator_8h.xhtml
index 54fb90e594e5846ca0c51eb680c2c0b36001d4c1..e7f3e980eeb0706d3d14f34a646348c8c70c75bb 100644
--- a/latest/_c_l_node_validator_8h.xhtml
+++ b/latest/_c_l_node_validator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_normalization_layer_8h.xhtml b/latest/_c_l_normalization_layer_8h.xhtml
index 072cfafdc444574cd87fb4d22b674783b6e5611b..a6b7af1ac9a75184f0675b5964ebfdf422cf590a 100644
--- a/latest/_c_l_normalization_layer_8h.xhtml
+++ b/latest/_c_l_normalization_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_normalize_planar_y_u_v_layer_8h.xhtml b/latest/_c_l_normalize_planar_y_u_v_layer_8h.xhtml
index 40e83603888d8f23e13fcf2f1c0bfdd552ca3465..cf72bfc97fcbcf88977e25eaf0a7dd60204037a4 100644
--- a/latest/_c_l_normalize_planar_y_u_v_layer_8h.xhtml
+++ b/latest/_c_l_normalize_planar_y_u_v_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_p_relu_layer_8h.xhtml b/latest/_c_l_p_relu_layer_8h.xhtml
index c7de70cff523c4cfe232e10aa4644801589e521f..7af69fcbdbcbb30d4d7d4d52d798c7a1d9b8a448 100644
--- a/latest/_c_l_p_relu_layer_8h.xhtml
+++ b/latest/_c_l_p_relu_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_pad_layer_8h.xhtml b/latest/_c_l_pad_layer_8h.xhtml
index 196409c62b263b435cc8a1687c8b72b35fea99f0..42d748ccfa894b7b60b40d8d363e0c221066b71e 100644
--- a/latest/_c_l_pad_layer_8h.xhtml
+++ b/latest/_c_l_pad_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_permute_8h.xhtml b/latest/_c_l_permute_8h.xhtml
index dc64cbdfe89a8a5aded5204be1cf45baef4755e3..9c116ee3e15616421ab0290741e319b3082681f4 100644
--- a/latest/_c_l_permute_8h.xhtml
+++ b/latest/_c_l_permute_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_pixel_wise_multiplication_8h.xhtml b/latest/_c_l_pixel_wise_multiplication_8h.xhtml
index 566a81f8aff8a21eae20d3b9e312de51ecfbf625..58e206cd8e7150e6b2e7c30d1e6ccd88f9e3818b 100644
--- a/latest/_c_l_pixel_wise_multiplication_8h.xhtml
+++ b/latest/_c_l_pixel_wise_multiplication_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_pooling3d_layer_8h.xhtml b/latest/_c_l_pooling3d_layer_8h.xhtml
index 48a24d88657e1d9d0af61f8c4b622f949bf12f40..0e05876f5384b6300703234d71c0059a4ce213a2 100644
--- a/latest/_c_l_pooling3d_layer_8h.xhtml
+++ b/latest/_c_l_pooling3d_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_pooling_layer_8h.xhtml b/latest/_c_l_pooling_layer_8h.xhtml
index 6ccbe379ad11d63bdffaa53006afcbdb5d0aab55..ecb693f26575b71a42a505ccd2350ac55014c2f6 100644
--- a/latest/_c_l_pooling_layer_8h.xhtml
+++ b/latest/_c_l_pooling_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_prior_box_layer_8h.xhtml b/latest/_c_l_prior_box_layer_8h.xhtml
index 21fc74284ed0a5da246b61b1ab447e35397fb199..f18c19f033980210c052bac22a9f00f61c24c3ce 100644
--- a/latest/_c_l_prior_box_layer_8h.xhtml
+++ b/latest/_c_l_prior_box_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_q_l_s_t_m_layer_8h.xhtml b/latest/_c_l_q_l_s_t_m_layer_8h.xhtml
index 44252b1d951bb6bb1d0adbb6b5bb3bddbe745722..32cf26c8b02e82a2a5997c2774a65f39a4895d65 100644
--- a/latest/_c_l_q_l_s_t_m_layer_8h.xhtml
+++ b/latest/_c_l_q_l_s_t_m_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -152,7 +152,7 @@ Namespaces
diff --git a/latest/_c_l_quantization_layer_8h.xhtml b/latest/_c_l_quantization_layer_8h.xhtml
index 8ed6583da4273d0664e55f12bdc8b2dd59659226..14b7b5baee0866514ba7e6a3cb61c9e85d02635b 100644
--- a/latest/_c_l_quantization_layer_8h.xhtml
+++ b/latest/_c_l_quantization_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_r_n_n_layer_8h.xhtml b/latest/_c_l_r_n_n_layer_8h.xhtml
index c3c8d7e025e2143bdbbf155f924fb5051de38c2c..21a47e3edeacb1f69d552f675d82c17e1da0acea 100644
--- a/latest/_c_l_r_n_n_layer_8h.xhtml
+++ b/latest/_c_l_r_n_n_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_r_o_i_align_layer_8h.xhtml b/latest/_c_l_r_o_i_align_layer_8h.xhtml
index 3d2e87f5707512db99f5d248f1fc167e657b0013..3a6288f9e0028b247da896e630242505f8e21d6f 100644
--- a/latest/_c_l_r_o_i_align_layer_8h.xhtml
+++ b/latest/_c_l_r_o_i_align_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_r_o_i_pooling_layer_8h.xhtml b/latest/_c_l_r_o_i_pooling_layer_8h.xhtml
index 6f1a3da7f84e1d3b4c7e393ab30107c5913f93ef..42f65f5c3c623dd78f9e352cad1abf912fbb0190 100644
--- a/latest/_c_l_r_o_i_pooling_layer_8h.xhtml
+++ b/latest/_c_l_r_o_i_pooling_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_range_8h.xhtml b/latest/_c_l_range_8h.xhtml
index fef676de5cd89ec62b4da19757c3033cd878f821..096894f393f108f318f62f80e0b736f00298dde7 100644
--- a/latest/_c_l_range_8h.xhtml
+++ b/latest/_c_l_range_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_reduce_mean_8h.xhtml b/latest/_c_l_reduce_mean_8h.xhtml
index 6bdf6427bc9f3131f39edba6b615c747b81d166d..f8c2dc339db8fbabc2fabd0949e7d1baddcd2dac 100644
--- a/latest/_c_l_reduce_mean_8h.xhtml
+++ b/latest/_c_l_reduce_mean_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_reduction_operation_8h.xhtml b/latest/_c_l_reduction_operation_8h.xhtml
index 127d171e45fef4727b3139b0f24362c5ba1e88df..f0fa9820541db2c0234b7fd934014676e4a59125 100644
--- a/latest/_c_l_reduction_operation_8h.xhtml
+++ b/latest/_c_l_reduction_operation_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_l_reorg_layer_8h.xhtml b/latest/_c_l_reorg_layer_8h.xhtml
index a356c9d488b181078ececa427f2655d2441d6c2d..390ce316dca303c175f43c876fd322f3d7fd23f5 100644
--- a/latest/_c_l_reorg_layer_8h.xhtml
+++ b/latest/_c_l_reorg_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_l_reshape_layer_8h.xhtml b/latest/_c_l_reshape_layer_8h.xhtml
index 98968e09d519a672f70020d8d0775bc34e308a71..9a195afba1cd30f7fb6a2065baa3c646b6c166d7 100644
--- a/latest/_c_l_reshape_layer_8h.xhtml
+++ b/latest/_c_l_reshape_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_reverse_8h.xhtml b/latest/_c_l_reverse_8h.xhtml
index b2eb94982843ee5f5111ee7c968ffd182d95f9a2..d4aaba8d1b918e05e90b5b980c5f19013c33b08c 100644
--- a/latest/_c_l_reverse_8h.xhtml
+++ b/latest/_c_l_reverse_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_runtime_context_8h.xhtml b/latest/_c_l_runtime_context_8h.xhtml
index 5c5893799d0b5f08c0f2e5a9442d1b513765887e..cc57874c906f3150d3c870cfba98f53ee8dc6858 100644
--- a/latest/_c_l_runtime_context_8h.xhtml
+++ b/latest/_c_l_runtime_context_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_scale_8h.xhtml b/latest/_c_l_scale_8h.xhtml
index 919b47b54373290c007a1bff48e8ed76e090168f..5ebd56d15fb83d5faa4b362a6a3b6c4faf35905e 100644
--- a/latest/_c_l_scale_8h.xhtml
+++ b/latest/_c_l_scale_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_scatter_8h.xhtml b/latest/_c_l_scatter_8h.xhtml
index c77685c30e0a2e969395b3ab6ad6ecd8f721291d..b928ddac1d9eefe67feac835a799d15a8ec37911 100644
--- a/latest/_c_l_scatter_8h.xhtml
+++ b/latest/_c_l_scatter_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_scheduler_8h.xhtml b/latest/_c_l_scheduler_8h.xhtml
index da7807c3d0e9542acbf52f66befedd5c7275cfd5..cabb582f59f1757043113490e6df0795b16c0521 100644
--- a/latest/_c_l_scheduler_8h.xhtml
+++ b/latest/_c_l_scheduler_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -153,7 +153,7 @@ Namespaces
diff --git a/latest/_c_l_select_8h.xhtml b/latest/_c_l_select_8h.xhtml
index 650feb3b9840446cc7d792c6ef345ccae667e4a7..8d4573fa2a5e384d5d212529b8a449149de0e2f1 100644
--- a/latest/_c_l_select_8h.xhtml
+++ b/latest/_c_l_select_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_slice_8h.xhtml b/latest/_c_l_slice_8h.xhtml
index db19cdc9a204fe0617062c82c7a6725aff06df49..25511e2597671fcc890a6bf2256ce4757d84a632 100644
--- a/latest/_c_l_slice_8h.xhtml
+++ b/latest/_c_l_slice_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_softmax_layer_8h.xhtml b/latest/_c_l_softmax_layer_8h.xhtml
index 788fbcc6edda9f19602cd6f93b10620247961dac..640aee505df301f25e747ffb082c72a0aceeed83 100644
--- a/latest/_c_l_softmax_layer_8h.xhtml
+++ b/latest/_c_l_softmax_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -151,7 +151,7 @@ Typedefs
diff --git a/latest/_c_l_space_to_batch_layer_8h.xhtml b/latest/_c_l_space_to_batch_layer_8h.xhtml
index d9bd77acdda395f41cc92e93c77b2d6db58689a7..28c3e0ddc171fd77dcd09d725ff16dc9baeecd2c 100644
--- a/latest/_c_l_space_to_batch_layer_8h.xhtml
+++ b/latest/_c_l_space_to_batch_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_space_to_depth_layer_8h.xhtml b/latest/_c_l_space_to_depth_layer_8h.xhtml
index 9c40ea67c88dc37ef5d70e7495c6d125b8e691a4..8bc29ca2208b7fd4988b6587f72f7f27bdf014c9 100644
--- a/latest/_c_l_space_to_depth_layer_8h.xhtml
+++ b/latest/_c_l_space_to_depth_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_split_8h.xhtml b/latest/_c_l_split_8h.xhtml
index 6fff54994825f7399a434bdf85b9aafa13efe287..a1614199adf4e61be1bc3b65acee67c30dff4437 100644
--- a/latest/_c_l_split_8h.xhtml
+++ b/latest/_c_l_split_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_l_stack_layer_8h.xhtml b/latest/_c_l_stack_layer_8h.xhtml
index 9a9c65543a2130e6ca8701569b81378530bd1806..3a1b46a4f9f4b2505f2a832254b2e45226f8efb2 100644
--- a/latest/_c_l_stack_layer_8h.xhtml
+++ b/latest/_c_l_stack_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_strided_slice_8h.xhtml b/latest/_c_l_strided_slice_8h.xhtml
index 6b388df0806996420a8dc0bdd86cad6e6261fcc7..d9cd5dce379a1913f3f71c5bc9ed51868421332a 100644
--- a/latest/_c_l_strided_slice_8h.xhtml
+++ b/latest/_c_l_strided_slice_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_c_l_sub_tensor_8h.xhtml b/latest/_c_l_sub_tensor_8h.xhtml
index 288eeece9305cd009277dfd8d5bfe12f2308368a..9ea8df766a0ee10ff98861bc948417131629249f 100644
--- a/latest/_c_l_sub_tensor_8h.xhtml
+++ b/latest/_c_l_sub_tensor_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_sub_tensor_handle_8h.xhtml b/latest/_c_l_sub_tensor_handle_8h.xhtml
index 1f4bac035b9fc8adf58c40349bd99683e2a47004..f3b8f662d83183771b11e09b255f0aecea9cb9e8 100644
--- a/latest/_c_l_sub_tensor_handle_8h.xhtml
+++ b/latest/_c_l_sub_tensor_handle_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_l_tensor_8h.xhtml b/latest/_c_l_tensor_8h.xhtml
index d023b146444a16bbd5375cfae66eabf171335c4b..d96be2b06a7b2f7c485c9650c34d3e19b94fda69 100644
--- a/latest/_c_l_tensor_8h.xhtml
+++ b/latest/_c_l_tensor_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -150,7 +150,7 @@ Typedefs
diff --git a/latest/_c_l_tensor_allocator_8h.xhtml b/latest/_c_l_tensor_allocator_8h.xhtml
index 9d5def5388f8aa2783d81bfbfab532068434a172..c58b9ed5f570f1f9b7247dbbc9a65e821d59c921 100644
--- a/latest/_c_l_tensor_allocator_8h.xhtml
+++ b/latest/_c_l_tensor_allocator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_c_l_tensor_handle_8h.xhtml b/latest/_c_l_tensor_handle_8h.xhtml
index 50aab8210c0e76cb39aedca0648dea6f94148b55..eb51ca5cce2d6ac2e80526cbd74c293bd1ae0fe8 100644
--- a/latest/_c_l_tensor_handle_8h.xhtml
+++ b/latest/_c_l_tensor_handle_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_l_tile_8h.xhtml b/latest/_c_l_tile_8h.xhtml
index 09a36f9751d6c3f4e84e0787d98d366c8b243764..17840255406511945793d948f846416124a07345 100644
--- a/latest/_c_l_tile_8h.xhtml
+++ b/latest/_c_l_tile_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_l_transpose_8h.xhtml b/latest/_c_l_transpose_8h.xhtml
index f3502964f2314e34a12321cd7f2b38433ffc03d3..decebfa4b2ffb1af603837ef802d9aa56683a040 100644
--- a/latest/_c_l_transpose_8h.xhtml
+++ b/latest/_c_l_transpose_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_c_l_tuner_8h.xhtml b/latest/_c_l_tuner_8h.xhtml
index 4d7d4e30f907b007884729bb75d2f641116acb43..06ec27c852d4e7754e7ce781a4f102a8b39e4480 100644
--- a/latest/_c_l_tuner_8h.xhtml
+++ b/latest/_c_l_tuner_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_l_tuner_types_8h.xhtml b/latest/_c_l_tuner_types_8h.xhtml
index ea6cb83b8e2aab3e3003eb6183dbd9883dfa0656..161ff2e2cf57028ce4ec4443bcc7083e061186b6 100644
--- a/latest/_c_l_tuner_types_8h.xhtml
+++ b/latest/_c_l_tuner_types_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -161,7 +161,7 @@ Functions
diff --git a/latest/_c_l_tuning_parameters_list_8h.xhtml b/latest/_c_l_tuning_parameters_list_8h.xhtml
index 849441876956ad0d141dca07112acfd84f166a06..538aeee522b08936cffdd14464b7b4d5478fe1eb 100644
--- a/latest/_c_l_tuning_parameters_list_8h.xhtml
+++ b/latest/_c_l_tuning_parameters_list_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -155,7 +155,7 @@ Functions
diff --git a/latest/_c_l_tuning_params_8h.xhtml b/latest/_c_l_tuning_params_8h.xhtml
index 8e1a23d1a75c5800753f5be99a7c555e7c8d1e06..20b282ad755070f9bc12b4e82a2f7240b8ff6442 100644
--- a/latest/_c_l_tuning_params_8h.xhtml
+++ b/latest/_c_l_tuning_params_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_c_l_unstack_8h.xhtml b/latest/_c_l_unstack_8h.xhtml
index d49773e191aee8dd31727d5bacbd4ff7d94d5050..52028a592277dfb4dd2e85ac177f5bcd72ed0e1b 100644
--- a/latest/_c_l_unstack_8h.xhtml
+++ b/latest/_c_l_unstack_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_l_winograd_convolution_layer_8h.xhtml b/latest/_c_l_winograd_convolution_layer_8h.xhtml
index 0996090c0ef93522b201f32b6f283bffed6452da..302d224adc85dfd451b9664d2b1a17e506b67450 100644
--- a/latest/_c_l_winograd_convolution_layer_8h.xhtml
+++ b/latest/_c_l_winograd_convolution_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_c_p_p_box_with_non_maxima_suppression_limit_8h.xhtml b/latest/_c_p_p_box_with_non_maxima_suppression_limit_8h.xhtml
index 4dc96f16edf5e6bda92feb95f583b9cea9e5c845..2a258a9d96b674d95fd9b7b4e2698b236bf6a8d8 100644
--- a/latest/_c_p_p_box_with_non_maxima_suppression_limit_8h.xhtml
+++ b/latest/_c_p_p_box_with_non_maxima_suppression_limit_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_p_p_box_with_non_maxima_suppression_limit_kernel_8h.xhtml b/latest/_c_p_p_box_with_non_maxima_suppression_limit_kernel_8h.xhtml
index 1eab38386fd99cbd0b2c0818a39ccaa8e4da8a06..2986553a7d00b29cba2bc04d235f3049980ecfee 100644
--- a/latest/_c_p_p_box_with_non_maxima_suppression_limit_kernel_8h.xhtml
+++ b/latest/_c_p_p_box_with_non_maxima_suppression_limit_kernel_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_p_p_detection_output_layer_8h.xhtml b/latest/_c_p_p_detection_output_layer_8h.xhtml
index 68f081d5ee1609adda6e6c5515f3e11d8734deba..b0dd3b1d7e341937def81a4f616854702ff68774 100644
--- a/latest/_c_p_p_detection_output_layer_8h.xhtml
+++ b/latest/_c_p_p_detection_output_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_p_p_detection_post_process_layer_8h.xhtml b/latest/_c_p_p_detection_post_process_layer_8h.xhtml
index 5d39a7c639e141e670fe9fb3abb8676afb43ef85..ae0f5979f81d5120236bcc72cbc67a8ba5679211 100644
--- a/latest/_c_p_p_detection_post_process_layer_8h.xhtml
+++ b/latest/_c_p_p_detection_post_process_layer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_p_p_functions_8h.xhtml b/latest/_c_p_p_functions_8h.xhtml
index 30690dc734d41f6838a83b3051ba49b5c812643b..124debde20efc9c4e8c263896216ddddf5841144 100644
--- a/latest/_c_p_p_functions_8h.xhtml
+++ b/latest/_c_p_p_functions_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -131,7 +131,7 @@ $(document).ready(function(){initNavTree('_c_p_p_functions_8h.xhtml',''); initRe
diff --git a/latest/_c_p_p_kernels_8h.xhtml b/latest/_c_p_p_kernels_8h.xhtml
index 7ee6cbe7a8789c8858cc43629ad5809937b87247..cbb6a1b9ea8b6bee04797c915e7883563311dbf1 100644
--- a/latest/_c_p_p_kernels_8h.xhtml
+++ b/latest/_c_p_p_kernels_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_c_p_p_kernels_8h.xhtml',''); initResi
diff --git a/latest/_c_p_p_non_maximum_suppression_8h.xhtml b/latest/_c_p_p_non_maximum_suppression_8h.xhtml
index 93fa83a499b00833d05829248d35262aa54e25d2..9d3f09d793cb31daeb32cd28aad2d9e0544f9f55 100644
--- a/latest/_c_p_p_non_maximum_suppression_8h.xhtml
+++ b/latest/_c_p_p_non_maximum_suppression_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_p_p_non_maximum_suppression_kernel_8h.xhtml b/latest/_c_p_p_non_maximum_suppression_kernel_8h.xhtml
index fea99135d0482e670a00b801c816c8a3c93d3947..28dbd9822b89d4b19c079aa9b624ac04a109ccd2 100644
--- a/latest/_c_p_p_non_maximum_suppression_kernel_8h.xhtml
+++ b/latest/_c_p_p_non_maximum_suppression_kernel_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_p_p_permute_8h.xhtml b/latest/_c_p_p_permute_8h.xhtml
index d5cb26cdf799486a96d1c9009de0b34ec30f4b68..0bc7b6454dbf6fe764b306866b0df6e5fcd6d9b7 100644
--- a/latest/_c_p_p_permute_8h.xhtml
+++ b/latest/_c_p_p_permute_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_p_p_permute_kernel_8h.xhtml b/latest/_c_p_p_permute_kernel_8h.xhtml
index b1c5012b754836ac3dd6e87fdebf08fbb40ee6fd..40be8df1bedd1d0d8f363a3895b4a127a37fb921 100644
--- a/latest/_c_p_p_permute_kernel_8h.xhtml
+++ b/latest/_c_p_p_permute_kernel_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_p_p_scheduler_8h.xhtml b/latest/_c_p_p_scheduler_8h.xhtml
index e76db5341c1669e9fd736535a67cb7ad5029c582..d957f61b840a398dce62322637d19e0dffc810a9 100644
--- a/latest/_c_p_p_scheduler_8h.xhtml
+++ b/latest/_c_p_p_scheduler_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_c_p_p_split_8h.xhtml b/latest/_c_p_p_split_8h.xhtml
index 887f65cd58b462cbcd2c5a6088858eeeb93fa8f0..cd4dc4fa62b97e81d32cf02dac6c9de11a169811 100644
--- a/latest/_c_p_p_split_8h.xhtml
+++ b/latest/_c_p_p_split_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_c_p_p_top_k_v_8h.xhtml b/latest/_c_p_p_top_k_v_8h.xhtml
index 357acb6036daf8fbb6c834d82a381f9e38bfd7ad..f5a4b797b05f5a35de6bcc3fbbeaf42a0805f957 100644
--- a/latest/_c_p_p_top_k_v_8h.xhtml
+++ b/latest/_c_p_p_top_k_v_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_p_p_top_k_v_kernel_8h.xhtml b/latest/_c_p_p_top_k_v_kernel_8h.xhtml
index 14072bc7c7ce0a4a4a13cd48da5b39a9f84b2347..801dfa7d739bc2323975abed6d941f87e53cb797 100644
--- a/latest/_c_p_p_top_k_v_kernel_8h.xhtml
+++ b/latest/_c_p_p_top_k_v_kernel_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_p_p_types_8h.xhtml b/latest/_c_p_p_types_8h.xhtml
index 24fb02059bf5192ef9fd73165975a74313f3a6ff..d76680d646ff053922b6be51e69521224c0aca7e 100644
--- a/latest/_c_p_p_types_8h.xhtml
+++ b/latest/_c_p_p_types_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -229,7 +229,7 @@ Enumerations
diff --git a/latest/_c_p_p_upsample_8h.xhtml b/latest/_c_p_p_upsample_8h.xhtml
index 9c3d33a22f05e175c0069208c03c6fc85edce9ca..2c30ba1c98617836bd9bd3e08b29ded6ab02eeb8 100644
--- a/latest/_c_p_p_upsample_8h.xhtml
+++ b/latest/_c_p_p_upsample_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_c_p_p_upsample_kernel_8h.xhtml b/latest/_c_p_p_upsample_kernel_8h.xhtml
index e08a2f05956efbd1b3679b7e0889345bbb5655a9..8c704ed7c880ba26809377d3f596cda6f675d2d2 100644
--- a/latest/_c_p_p_upsample_kernel_8h.xhtml
+++ b/latest/_c_p_p_upsample_kernel_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_c_r_t_p_8h.xhtml b/latest/_c_r_t_p_8h.xhtml
index 2b135c73c5b151a0efe57e70325f9fb66578aee1..600a42e83be219243cc6585593744632d347e8d4 100644
--- a/latest/_c_r_t_p_8h.xhtml
+++ b/latest/_c_r_t_p_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -140,7 +140,7 @@ Namespaces
diff --git a/latest/_cast_8h.xhtml b/latest/_cast_8h.xhtml
index 550114eae7603be120a7bdde616edf74d86a665d..d3c0434af8ea1774f4fdea2c3b002d60342d2f46 100644
--- a/latest/_cast_8h.xhtml
+++ b/latest/_cast_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -156,7 +156,7 @@ Functions
diff --git a/latest/_channel_shuffle_layer_node_8h.xhtml b/latest/_channel_shuffle_layer_node_8h.xhtml
index 92b958ea38db5720fb10a32244a5464bc4c6e620..088c071cbdcbc914195ba7d7ea0c8c90197277a5 100644
--- a/latest/_channel_shuffle_layer_node_8h.xhtml
+++ b/latest/_channel_shuffle_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_command_line_options_8h.xhtml b/latest/_command_line_options_8h.xhtml
index 27767ac115786512ad29c56e4afa762577a23cd5..763cd1f343930adca6fffb868e711bad78b9fb79 100644
--- a/latest/_command_line_options_8h.xhtml
+++ b/latest/_command_line_options_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -127,7 +127,7 @@ $(document).ready(function(){initNavTree('_command_line_options_8h.xhtml',''); i
diff --git a/latest/_command_line_parser_8h.xhtml b/latest/_command_line_parser_8h.xhtml
index cbad8568e9ed2bf1b8b7ca237757a74e24b70651..a19fce2d6d7888f5b1eb729aea290b67bdcb027e 100644
--- a/latest/_command_line_parser_8h.xhtml
+++ b/latest/_command_line_parser_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -150,7 +150,7 @@ Namespaces
diff --git a/latest/_common_graph_options_8cpp.xhtml b/latest/_common_graph_options_8cpp.xhtml
index ef0688e8cdb1d7867f707f8c465d278200e10122..11d62c7026250fb3ebbe839f6aa80a4aa602d09d 100644
--- a/latest/_common_graph_options_8cpp.xhtml
+++ b/latest/_common_graph_options_8cpp.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -149,7 +149,7 @@ Functions
diff --git a/latest/_common_graph_options_8h.xhtml b/latest/_common_graph_options_8h.xhtml
index 73d5eeab9e2828225b45fd37c4fe351e668730f7..9803abaf4f16b99b0d58fb2a96bd25e01da45db5 100644
--- a/latest/_common_graph_options_8h.xhtml
+++ b/latest/_common_graph_options_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -158,7 +158,7 @@ Functions
diff --git a/latest/_compute_library_8dir.xhtml b/latest/_compute_library_8dir.xhtml
index 16f4420e29dd31aa3b6616efd993f594de4ec719..98a034fd88cff8a64611b098116cc4a3aa6eb9d4 100644
--- a/latest/_compute_library_8dir.xhtml
+++ b/latest/_compute_library_8dir.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -122,7 +122,7 @@ $(document).ready(function(){initNavTree('_compute_library_8dir.xhtml',''); init
diff --git a/latest/_concatenate_layer_node_8h.xhtml b/latest/_concatenate_layer_node_8h.xhtml
index 088907e7e5f4079da989c03ea2d8c6d45ebdbee2..fd12b4605d77ec608c659129047b5a57d72f4f37 100644
--- a/latest/_concatenate_layer_node_8h.xhtml
+++ b/latest/_concatenate_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_const_node_8h.xhtml b/latest/_const_node_8h.xhtml
index 56d556ae562c8ce90ec919b6d69d5bfa6c4d4f96..91427312f1afc4b9381342a0ece67604b8a68353 100644
--- a/latest/_const_node_8h.xhtml
+++ b/latest/_const_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_convolution_info_8h.xhtml b/latest/_convolution_info_8h.xhtml
index 3b2f97abba57268d2fe851842b53346a75942705..786beb6c2dcd2a165f692c5101caab27679320fd 100644
--- a/latest/_convolution_info_8h.xhtml
+++ b/latest/_convolution_info_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_convolution_layer_node_8h.xhtml b/latest/_convolution_layer_node_8h.xhtml
index 79726492c7993e4e68f2aa093972de82bea92c41..4c46c676133a5cbabb3b51c1112b352d7791c920 100644
--- a/latest/_convolution_layer_node_8h.xhtml
+++ b/latest/_convolution_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_coordinates_8h.xhtml b/latest/_coordinates_8h.xhtml
index c0b01099926376297f38bf4a1a7616a27cf716e2..e8a0a98033ba096793e197707ed71629a4782464 100644
--- a/latest/_coordinates_8h.xhtml
+++ b/latest/_coordinates_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_core_types_8h.xhtml b/latest/_core_types_8h.xhtml
index 78186d0e6047ad3cf45f77ef23684c7a31ec9e43..e5a652aa6aa532de144bcffbe83a50d03e889d28 100644
--- a/latest/_core_types_8h.xhtml
+++ b/latest/_core_types_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -307,7 +307,7 @@ Enumerations
diff --git a/latest/_cpu_activation_8h.xhtml b/latest/_cpu_activation_8h.xhtml
index 6096ec087669c89b6613ef6cce93e8456b63eedd..fa638fb79ab1d06cd76e1d8a451a59e8d21cd119 100644
--- a/latest/_cpu_activation_8h.xhtml
+++ b/latest/_cpu_activation_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_cpu_add_8h.xhtml b/latest/_cpu_add_8h.xhtml
index e06fa97a807293f865b5002e6d716059a1cabcc1..568e1242b387c2b1a06637dbff8c9b841586a2c3 100644
--- a/latest/_cpu_add_8h.xhtml
+++ b/latest/_cpu_add_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_cpu_depthwise_conv2d_8h.xhtml b/latest/_cpu_depthwise_conv2d_8h.xhtml
index 2f1db91da85f695b91f3ef3c4bfda375da21f79a..bd5af0a8aa4c1a6e5be1ad9258d769afa039c46f 100644
--- a/latest/_cpu_depthwise_conv2d_8h.xhtml
+++ b/latest/_cpu_depthwise_conv2d_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_cpu_dequantize_8h.xhtml b/latest/_cpu_dequantize_8h.xhtml
index 85b1dd89f13373cc15213bc4cac9b2eb5b458763..7657c5dc5c273776e8ef0103d03cc0edee2b0e7c 100644
--- a/latest/_cpu_dequantize_8h.xhtml
+++ b/latest/_cpu_dequantize_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_cpu_elementwise_8h.xhtml b/latest/_cpu_elementwise_8h.xhtml
index fde7e6f159623dcd428355909b48e3f8047a9b35..e961b0a73306b67678517d8d973363c33688c3d4 100644
--- a/latest/_cpu_elementwise_8h.xhtml
+++ b/latest/_cpu_elementwise_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -156,7 +156,7 @@ Namespaces
diff --git a/latest/_cpu_g_e_m_m_lowp_8h.xhtml b/latest/_cpu_g_e_m_m_lowp_8h.xhtml
index 82f2108663d512881906c1bdf7691dcadf64a8c6..8123427d0d321eb826d6c288c1c3cf214ebbac0c 100644
--- a/latest/_cpu_g_e_m_m_lowp_8h.xhtml
+++ b/latest/_cpu_g_e_m_m_lowp_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_cpu_gemm_8h.xhtml b/latest/_cpu_gemm_8h.xhtml
index f21ddc3179455fb450969429fdb748569f0f3b5a..b2eb131e3474f45ff07dc0c0ed071c54a8943800 100644
--- a/latest/_cpu_gemm_8h.xhtml
+++ b/latest/_cpu_gemm_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_cpu_gemm_assembly_dispatch_8h.xhtml b/latest/_cpu_gemm_assembly_dispatch_8h.xhtml
index 87511170cc169e1044b3860bc3320d246956bda5..1908dd61c242cc6b8b544857095aafc3b0122d00 100644
--- a/latest/_cpu_gemm_assembly_dispatch_8h.xhtml
+++ b/latest/_cpu_gemm_assembly_dispatch_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -148,7 +148,7 @@ Namespaces
diff --git a/latest/_cpu_gemm_conv2d_8h.xhtml b/latest/_cpu_gemm_conv2d_8h.xhtml
index a44e3976b4c749614f50b6e8fc162ea4465c91a2..91c6fc0a3716f5c1d0d4bfe3d678d4b040923897 100644
--- a/latest/_cpu_gemm_conv2d_8h.xhtml
+++ b/latest/_cpu_gemm_conv2d_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_cpu_gemm_direct_conv2d_8h.xhtml b/latest/_cpu_gemm_direct_conv2d_8h.xhtml
index 807ae0890df154619d903311c0400b7509943554..8f7bdfb683626224e03a8dfd446efcd0c6424c1b 100644
--- a/latest/_cpu_gemm_direct_conv2d_8h.xhtml
+++ b/latest/_cpu_gemm_direct_conv2d_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_cpu_mean_std_dev_normalization_8h.xhtml b/latest/_cpu_mean_std_dev_normalization_8h.xhtml
index 8405aa20187ad5db7c011a61f3aedd7c3be9214e..2c8fcd8332dbb56a68cff8bdbd0c950c2d9825c9 100644
--- a/latest/_cpu_mean_std_dev_normalization_8h.xhtml
+++ b/latest/_cpu_mean_std_dev_normalization_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_cpu_mul_8h.xhtml b/latest/_cpu_mul_8h.xhtml
index 3db46111b015709f2503963c362b7b4972cd41ea..a141193c159646f035da48da6be117f0d0ccf02a 100644
--- a/latest/_cpu_mul_8h.xhtml
+++ b/latest/_cpu_mul_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_cpu_quantize_8h.xhtml b/latest/_cpu_quantize_8h.xhtml
index 82162ec0a4ed4deb3c19245269e3cdf68ec5e9af..cd0ef4c056e56cdf98086008b30e04a5ba24dab0 100644
--- a/latest/_cpu_quantize_8h.xhtml
+++ b/latest/_cpu_quantize_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_cpu_softmax_8h.xhtml b/latest/_cpu_softmax_8h.xhtml
index 8a963f8cefbe22ec58ae78b6fb62c556d13f40df..df6923d641b72bd7302d497a5e2e257302ab6d2b 100644
--- a/latest/_cpu_softmax_8h.xhtml
+++ b/latest/_cpu_softmax_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_cpu_sub_8h.xhtml b/latest/_cpu_sub_8h.xhtml
index b97c5e90c6ee901354d238e9207c3aac604bf641..cb9ea70958c04e9513c2de9e47abd4afbf1753c3 100644
--- a/latest/_cpu_sub_8h.xhtml
+++ b/latest/_cpu_sub_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -148,7 +148,7 @@ Namespaces
diff --git a/latest/_cpu_transpose_8h.xhtml b/latest/_cpu_transpose_8h.xhtml
index de67aae39c8bfcb1820d502eb8ac8162f9e276f6..863a729f495e4faf27756b9a2b94915a7b78a514 100644
--- a/latest/_cpu_transpose_8h.xhtml
+++ b/latest/_cpu_transpose_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_cpu_winograd_conv2d_8h.xhtml b/latest/_cpu_winograd_conv2d_8h.xhtml
index be6e7858c4db6b37e574ba6ae1c0e52dda006aa9..7595ac447f56518df906c392cd41f13d2e6c7e14 100644
--- a/latest/_cpu_winograd_conv2d_8h.xhtml
+++ b/latest/_cpu_winograd_conv2d_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_cross_layer_memory_manager_helpers_8h.xhtml b/latest/_cross_layer_memory_manager_helpers_8h.xhtml
index 1181a724c0012f4452ee50d985675f4a4757fb66..412fcd5204fb0f93dbdffe2cbca2afd295a365a0 100644
--- a/latest/_cross_layer_memory_manager_helpers_8h.xhtml
+++ b/latest/_cross_layer_memory_manager_helpers_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Functions
diff --git a/latest/_data_layer_visitor_8h.xhtml b/latest/_data_layer_visitor_8h.xhtml
index fda0117127a4ead8a0a0953d44ab0ce0c9533b20..88cb13cfc5c92b53e1da3437b9344db76435e271 100644
--- a/latest/_data_layer_visitor_8h.xhtml
+++ b/latest/_data_layer_visitor_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_data_layout_utils_8h.xhtml b/latest/_data_layout_utils_8h.xhtml
index f9ade091c83ddd4f52427aaa3d949f954952a03a..ff4c262c839e7b6727b841baa78107cd25979343 100644
--- a/latest/_data_layout_utils_8h.xhtml
+++ b/latest/_data_layout_utils_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Functions
diff --git a/latest/_data_type_utils_8h.xhtml b/latest/_data_type_utils_8h.xhtml
index 23efc883c1946731aed8f154c82833b5b82cc55a..f4b15dae0b5f1373e5599b1593dae9ecd8ab7575 100644
--- a/latest/_data_type_utils_8h.xhtml
+++ b/latest/_data_type_utils_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -193,7 +193,7 @@ Functions
diff --git a/latest/_deconvolution_layer_node_8h.xhtml b/latest/_deconvolution_layer_node_8h.xhtml
index 070eabd456dbeb717f17246239f2b37336f10190..8069690037da07d8672e11cdd1219e635cc18363 100644
--- a/latest/_deconvolution_layer_node_8h.xhtml
+++ b/latest/_deconvolution_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_deep_copy_8h.xhtml b/latest/_deep_copy_8h.xhtml
index 92866487299d982c153c734706bc4a07b5ce6ff9..861ca8b3322abd356ce4fe68b558993e8ec13233 100644
--- a/latest/_deep_copy_8h.xhtml
+++ b/latest/_deep_copy_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -156,7 +156,7 @@ Functions
diff --git a/latest/_depth_concat_sub_tensor_mutator_8h.xhtml b/latest/_depth_concat_sub_tensor_mutator_8h.xhtml
index e22c3c9d58710dcad998de92936d248e96a61c50..52bf08e743e94383206b602f571fe7024aa2d681 100644
--- a/latest/_depth_concat_sub_tensor_mutator_8h.xhtml
+++ b/latest/_depth_concat_sub_tensor_mutator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_depth_to_space_layer_node_8h.xhtml b/latest/_depth_to_space_layer_node_8h.xhtml
index 5403d90da1d0776f646a48ec42dc400d00205493..94cec018a3e28928f6e571ec27359bc7082cd530 100644
--- a/latest/_depth_to_space_layer_node_8h.xhtml
+++ b/latest/_depth_to_space_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_depthwise_convolution_layer_node_8h.xhtml b/latest/_depthwise_convolution_layer_node_8h.xhtml
index 46c843daa328fcf0d8bee05a38a32d1ae9354c5e..5d1a5b5f64662ce9281e59fd8a87db0bd53a5649 100644
--- a/latest/_depthwise_convolution_layer_node_8h.xhtml
+++ b/latest/_depthwise_convolution_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_dequantization_layer_node_8h.xhtml b/latest/_dequantization_layer_node_8h.xhtml
index 42c6f4b5a3e26302ece64956dcc034f143ddc0dc..7e780115859c2dcb1ecefc0e5f4fcd0c58c48ddb 100644
--- a/latest/_dequantization_layer_node_8h.xhtml
+++ b/latest/_dequantization_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_detection_output_layer_node_8h.xhtml b/latest/_detection_output_layer_node_8h.xhtml
index 7307e0e89babc8ace810c4751610e1842dc70c28..e16bd9651f97c813b42060aca427c3dda726abb3 100644
--- a/latest/_detection_output_layer_node_8h.xhtml
+++ b/latest/_detection_output_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_detection_post_process_layer_node_8h.xhtml b/latest/_detection_post_process_layer_node_8h.xhtml
index e3a4ee5a7760f043ae07f30ce754201f52abe060..9614f38b36c3e2442b6bddeca1dd7399372babd4 100644
--- a/latest/_detection_post_process_layer_node_8h.xhtml
+++ b/latest/_detection_post_process_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_dimensions_8h.xhtml b/latest/_dimensions_8h.xhtml
index 84737f06d750016c84bbc1ef7fd37672921136d8..d02c04a79e8c1f4e6d0d4fc7c1429c047bf8a83d 100644
--- a/latest/_dimensions_8h.xhtml
+++ b/latest/_dimensions_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -164,7 +164,7 @@ Variables
diff --git a/latest/_dot_graph_printer_8h.xhtml b/latest/_dot_graph_printer_8h.xhtml
index 55ca77901ad6466c50972d6a9c23721fcf38b597..649c8e43d4dae5a110b175a084436abe69c4981b 100644
--- a/latest/_dot_graph_printer_8h.xhtml
+++ b/latest/_dot_graph_printer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_dummy_node_8h.xhtml b/latest/_dummy_node_8h.xhtml
index eb8b37648305b146901ffdd39eae9cecd27f2fd4..5acef8e4c931abcf1c072bff362fc36d8e89645b 100644
--- a/latest/_dummy_node_8h.xhtml
+++ b/latest/_dummy_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_edge_8h.xhtml b/latest/_edge_8h.xhtml
index ae004ef322aee792570135cf5600d70ee99a6433..ffb4785d952c2baf89070b02e9d4d995eabb2b20 100644
--- a/latest/_edge_8h.xhtml
+++ b/latest/_edge_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_eltwise_layer_node_8h.xhtml b/latest/_eltwise_layer_node_8h.xhtml
index 0b334e7ea86bd9abdf815b38bd962782939be0e0..d6669483e41405f695eb16865cc42b8ccde0fd34 100644
--- a/latest/_eltwise_layer_node_8h.xhtml
+++ b/latest/_eltwise_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_enum_list_option_8h.xhtml b/latest/_enum_list_option_8h.xhtml
index b73f7bfbe1c094a8b7569b8adb5fa40389ada685..6db9355c44d250f755b93eca3e730011a134f3f6 100644
--- a/latest/_enum_list_option_8h.xhtml
+++ b/latest/_enum_list_option_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -147,7 +147,7 @@ Namespaces
diff --git a/latest/_enum_option_8h.xhtml b/latest/_enum_option_8h.xhtml
index 1013396052dcb557728126e129bf5ca9e086a927..9f93742828691618119d709d1d20b8a21e9bd173 100644
--- a/latest/_enum_option_8h.xhtml
+++ b/latest/_enum_option_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_error_8h.xhtml b/latest/_error_8h.xhtml
index aecf14eb29e02c111789f22f400bbb8a3e213d69..95081f7f044e7e4ff15c1181e042b74106c658b2 100644
--- a/latest/_error_8h.xhtml
+++ b/latest/_error_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -1511,7 +1511,7 @@ Functions
diff --git a/latest/_execution_helpers_8h.xhtml b/latest/_execution_helpers_8h.xhtml
index 9d86268824d2fd4ccf90686336af494009643c67..d56c3f90cd7ec51abcf0e6aae868c9a7e75c1ef2 100644
--- a/latest/_execution_helpers_8h.xhtml
+++ b/latest/_execution_helpers_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -183,7 +183,7 @@ Functions
diff --git a/latest/_file_handler_8h.xhtml b/latest/_file_handler_8h.xhtml
index 7390b4e20da230ed18132b800b4abf3c32fefbe3..71dde3eb490bf431f4bc8f2468b2d56969a1c6eb 100644
--- a/latest/_file_handler_8h.xhtml
+++ b/latest/_file_handler_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_file_printer_8h.xhtml b/latest/_file_printer_8h.xhtml
index 5de87ecff281d236329e764345d33203cf071855..205401793dcaea8f02beb75db71688a2950ed566 100644
--- a/latest/_file_printer_8h.xhtml
+++ b/latest/_file_printer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_flatten_layer_node_8h.xhtml b/latest/_flatten_layer_node_8h.xhtml
index b25d22c20a1feb560e5a0598776e63ccfb3fc2f7..0f26d8812b051d84d5fac098517b9ecbd6917963 100644
--- a/latest/_flatten_layer_node_8h.xhtml
+++ b/latest/_flatten_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_format_utils_8h.xhtml b/latest/_format_utils_8h.xhtml
index 3ab7f00db473ea4b58c7742767737607f0c1f602..ca66d72f79ce0b64b2457bb485e1d1a6fc2e7a53 100644
--- a/latest/_format_utils_8h.xhtml
+++ b/latest/_format_utils_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -156,7 +156,7 @@ Functions
diff --git a/latest/_fully_connected_layer_info_8h.xhtml b/latest/_fully_connected_layer_info_8h.xhtml
index e391cd992f39f6f0f11de470e7e4b9ec463a4a2c..d33178db08d4ec40fc33116303f34c029cb29aee 100644
--- a/latest/_fully_connected_layer_info_8h.xhtml
+++ b/latest/_fully_connected_layer_info_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_fully_connected_layer_node_8h.xhtml b/latest/_fully_connected_layer_node_8h.xhtml
index 4ab11ad4ffaffb0d931c65380147e0c59ff0bcbf..4e72b9b9e63dfda1ace6bbe872a4cbf5cdab2720 100644
--- a/latest/_fully_connected_layer_node_8h.xhtml
+++ b/latest/_fully_connected_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_function_descriptors_8h.xhtml b/latest/_function_descriptors_8h.xhtml
index fca6293ef3ce601c8ab10f4103f835f7fcf32495..662d4f81026b7f1ec94cf903affce9fdc9e22dd4 100644
--- a/latest/_function_descriptors_8h.xhtml
+++ b/latest/_function_descriptors_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -160,7 +160,7 @@ Enumerations
diff --git a/latest/_function_helpers_8h.xhtml b/latest/_function_helpers_8h.xhtml
index 4852132470f95e390971175f388728ab9a929914..d9d7d7c3b43de7d8f8f1d14bb03f59b209269c07 100644
--- a/latest/_function_helpers_8h.xhtml
+++ b/latest/_function_helpers_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -318,7 +318,7 @@ Functions
diff --git a/latest/_fused_convolution_batch_normalization_function_8h.xhtml b/latest/_fused_convolution_batch_normalization_function_8h.xhtml
index dad1328939d3f39fe60ca26893176b43d11306b4..a3f5f5ab2b63a6c9f86ebba360271136e86402c0 100644
--- a/latest/_fused_convolution_batch_normalization_function_8h.xhtml
+++ b/latest/_fused_convolution_batch_normalization_function_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_fused_convolution_batch_normalization_node_8h.xhtml b/latest/_fused_convolution_batch_normalization_node_8h.xhtml
index 62468d814e6890b406a830f7c87fee86418c002e..be34ef83bd818652ac088785a8072f3113a92f53 100644
--- a/latest/_fused_convolution_batch_normalization_node_8h.xhtml
+++ b/latest/_fused_convolution_batch_normalization_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_fused_depthwise_convolution_batch_normalization_function_8h.xhtml b/latest/_fused_depthwise_convolution_batch_normalization_function_8h.xhtml
index aa88ccafb3eae974058ada15369b3a9b9f1623c8..7a402fc1548eeda2a8cd52468cfb95150f3aa916 100644
--- a/latest/_fused_depthwise_convolution_batch_normalization_function_8h.xhtml
+++ b/latest/_fused_depthwise_convolution_batch_normalization_function_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -145,7 +145,7 @@ Namespaces
diff --git a/latest/_fused_depthwise_convolution_batch_normalization_node_8h.xhtml b/latest/_fused_depthwise_convolution_batch_normalization_node_8h.xhtml
index 7d445b3bc84da7749f29130415481395a304d668..bbbb65e3f4e211e84da706ddbc6ad45f13c2c995 100644
--- a/latest/_fused_depthwise_convolution_batch_normalization_node_8h.xhtml
+++ b/latest/_fused_depthwise_convolution_batch_normalization_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_g_e_m_m_info_8h.xhtml b/latest/_g_e_m_m_info_8h.xhtml
index 94e88875d95a29e653c8fc7954de5a62934d738f..be440032df43d9d54e3f1702706efafcc20645ea 100644
--- a/latest/_g_e_m_m_info_8h.xhtml
+++ b/latest/_g_e_m_m_info_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -156,7 +156,7 @@ Enumerations
diff --git a/latest/_g_p_u_target_8h.xhtml b/latest/_g_p_u_target_8h.xhtml
index 5a3d5c68557938f237a285eebacd163d413e84d0..8816350f1ee61e0f90905dab347c0c1caacb7148 100644
--- a/latest/_g_p_u_target_8h.xhtml
+++ b/latest/_g_p_u_target_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -209,7 +209,7 @@ Functions
diff --git a/latest/_generate_proposals_layer_node_8h.xhtml b/latest/_generate_proposals_layer_node_8h.xhtml
index 86536c8471cff631bd9157d4afdd3953e4d34d7a..0e2799c949fc452b40a0e0a3f91fd7e28b24a700 100644
--- a/latest/_generate_proposals_layer_node_8h.xhtml
+++ b/latest/_generate_proposals_layer_node_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_graph_8h.xhtml b/latest/_graph_8h.xhtml
index 3e269a4e14a2cd201792a60dcd02d40a6ea0aae8..a9ae9c1471bd3edb5d6aefcd0e2cab0741421ad5 100644
--- a/latest/_graph_8h.xhtml
+++ b/latest/_graph_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -149,7 +149,7 @@ $(document).ready(function(){initNavTree('_graph_8h.xhtml',''); initResizable();
diff --git a/latest/_graph_builder_8h.xhtml b/latest/_graph_builder_8h.xhtml
index 46878dce9bd1d35c65d8e06148e41e0212097e41..02abcef8d4118ef04d7a8b02f99719d7eaab467e 100644
--- a/latest/_graph_builder_8h.xhtml
+++ b/latest/_graph_builder_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_graph_context_8h.xhtml b/latest/_graph_context_8h.xhtml
index c4ca755bdc8d55d23bb7a74da5961792fb4952c6..36135a3970518893041a4aabe101633d90fa5494 100644
--- a/latest/_graph_context_8h.xhtml
+++ b/latest/_graph_context_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -152,7 +152,7 @@ Namespaces
diff --git a/latest/_graph_manager_8h.xhtml b/latest/_graph_manager_8h.xhtml
index 3cc2ff27589b6064ad2dbedb053dbce7b2b8daf0..5966b4a0fcf0c05a8c98c928302e73e707f14e94 100644
--- a/latest/_graph_manager_8h.xhtml
+++ b/latest/_graph_manager_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_graph_mutators_8h.xhtml b/latest/_graph_mutators_8h.xhtml
index 37aa33b63feededb8e5c8a28c89923150cc2fbba..b8d2867b18a6db34a35e686fd531ef0451c6dd24 100644
--- a/latest/_graph_mutators_8h.xhtml
+++ b/latest/_graph_mutators_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -130,7 +130,7 @@ $(document).ready(function(){initNavTree('_graph_mutators_8h.xhtml',''); initRes
diff --git a/latest/_graph_utils_8cpp.xhtml b/latest/_graph_utils_8cpp.xhtml
index 394aa7d427e108656bc9869b1da7b9a63cb9c87c..9629e6bc7624d5389b3481f1bba64b845e12587b 100644
--- a/latest/_graph_utils_8cpp.xhtml
+++ b/latest/_graph_utils_8cpp.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -132,7 +132,7 @@ $(document).ready(function(){initNavTree('_graph_utils_8cpp.xhtml',''); initResi
diff --git a/latest/_graph_utils_8h.xhtml b/latest/_graph_utils_8h.xhtml
index 4caa3de74bcda11a330e589449017539f3024ac0..17dbdcede5b78cc2b96174ad53bbfc0c8a9f0518 100644
--- a/latest/_graph_utils_8h.xhtml
+++ b/latest/_graph_utils_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -228,7 +228,7 @@ Functions
diff --git a/latest/_grouped_convolution_mutator_8h.xhtml b/latest/_grouped_convolution_mutator_8h.xhtml
index 73178b6a830a69757618a7189d1ba006b8392d32..94ba839b8d995ab9a50599c29ea2e7258fb5cfea 100644
--- a/latest/_grouped_convolution_mutator_8h.xhtml
+++ b/latest/_grouped_convolution_mutator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_half_8h.xhtml b/latest/_half_8h.xhtml
index a165cf4dac53a0f222234369f2fd4833a0120021..5ba5f0967712acd81340d475d1c6d01a7e1bdafb 100644
--- a/latest/_half_8h.xhtml
+++ b/latest/_half_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -162,7 +162,7 @@ Macros
diff --git a/latest/_helpers_8h.xhtml b/latest/_helpers_8h.xhtml
index e90f818c197a6bc0401963a955f0e8bde6887890..e7c186e8d1f9bc2823c3cf41cf69aec6f7599cce 100644
--- a/latest/_helpers_8h.xhtml
+++ b/latest/_helpers_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -193,7 +193,7 @@ Functions
diff --git a/latest/_helpers_8inl.xhtml b/latest/_helpers_8inl.xhtml
index e265a0bb09eac60023160a68f21002bb6f624e37..1ae4c49a9c8afd4892ee691786304d7786e7fe5f 100644
--- a/latest/_helpers_8inl.xhtml
+++ b/latest/_helpers_8inl.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -176,7 +176,7 @@ Functions
diff --git a/latest/_i_access_window_8h.xhtml b/latest/_i_access_window_8h.xhtml
index c06cfb07503a0f22332beba43cbf4a865bea3f3f..5eb6b84955598aaafd107b80d4d9e36ce44adf85 100644
--- a/latest/_i_access_window_8h.xhtml
+++ b/latest/_i_access_window_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -162,7 +162,7 @@ Functions
diff --git a/latest/_i_allocator_8h.xhtml b/latest/_i_allocator_8h.xhtml
index 65ad78ca3b09cc0b7f4e4c012bc1c1cc2d604a00..d78326b1967df491fa53137285615f26f0b3bcd0 100644
--- a/latest/_i_allocator_8h.xhtml
+++ b/latest/_i_allocator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_i_array_8h.xhtml b/latest/_i_array_8h.xhtml
index e944db7363e0f8e0b6e24c137eb34420366e213a..3773df2b3aac0fe304eccbc93b4b4bfe40c3604e 100644
--- a/latest/_i_array_8h.xhtml
+++ b/latest/_i_array_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -164,7 +164,7 @@ Typedefs
diff --git a/latest/_i_asset_manager_8h.xhtml b/latest/_i_asset_manager_8h.xhtml
index beb8f884f290b6e6e24b0e7a659d14dfe769cac0..0a8ba3ee7d776d180bd4d3ec6574175aa8d45f07 100644
--- a/latest/_i_asset_manager_8h.xhtml
+++ b/latest/_i_asset_manager_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -139,7 +139,7 @@ Namespaces
diff --git a/latest/_i_c_l_array_8h.xhtml b/latest/_i_c_l_array_8h.xhtml
index 6520ca34e4069e30275f328020942e5d8a62f67c..09ca05dbbf02f79ed8b168fc26792a264c8ae8c2 100644
--- a/latest/_i_c_l_array_8h.xhtml
+++ b/latest/_i_c_l_array_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -164,7 +164,7 @@ Typedefs
diff --git a/latest/_i_c_l_g_e_m_m_kernel_selection_8h.xhtml b/latest/_i_c_l_g_e_m_m_kernel_selection_8h.xhtml
index a419821bc8f36b96a928f16e511f37a93663049b..43813169968a025a1d4000212d4f1c9baa7074a8 100644
--- a/latest/_i_c_l_g_e_m_m_kernel_selection_8h.xhtml
+++ b/latest/_i_c_l_g_e_m_m_kernel_selection_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_i_c_l_operator_8h.xhtml b/latest/_i_c_l_operator_8h.xhtml
index b57e1df1a49495d1ba03a052d7ce398c9c9bc64e..eca6eec59e06370ff3ed1d73a1de35805b45c90c 100644
--- a/latest/_i_c_l_operator_8h.xhtml
+++ b/latest/_i_c_l_operator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -146,7 +146,7 @@ Namespaces
diff --git a/latest/_i_c_l_simple_function_8h.xhtml b/latest/_i_c_l_simple_function_8h.xhtml
index d84bd6cd44077dd8e155857b36a78793e1c6a178..197d91d2f46cdf3f9303cd24007607703aa55335 100644
--- a/latest/_i_c_l_simple_function_8h.xhtml
+++ b/latest/_i_c_l_simple_function_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_i_c_l_tensor_8h.xhtml b/latest/_i_c_l_tensor_8h.xhtml
index 56bbd688930ecbe7040663d9b68b2efe78ac545e..dc308db6e9d4306b78ea878a7f77d54b7f4eefc8 100644
--- a/latest/_i_c_l_tensor_8h.xhtml
+++ b/latest/_i_c_l_tensor_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -150,7 +150,7 @@ Typedefs
diff --git a/latest/_i_c_l_tuner_8h.xhtml b/latest/_i_c_l_tuner_8h.xhtml
index fc70538ca32170bb30d98686524cd02cf1a1e1a3..217071e9376e72ae692c8c4ca15f4e68f5b9f50d 100644
--- a/latest/_i_c_l_tuner_8h.xhtml
+++ b/latest/_i_c_l_tuner_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -144,7 +144,7 @@ Namespaces
diff --git a/latest/_i_c_p_p_kernel_8h.xhtml b/latest/_i_c_p_p_kernel_8h.xhtml
index 551aeea3d9fe09c087dc16d769fb684a91652275..8c2150ca4344267b3fad8ae83bacd0f61257a75e 100644
--- a/latest/_i_c_p_p_kernel_8h.xhtml
+++ b/latest/_i_c_p_p_kernel_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -143,7 +143,7 @@ Namespaces
diff --git a/latest/_i_c_p_p_simple_function_8h.xhtml b/latest/_i_c_p_p_simple_function_8h.xhtml
index 49f13d2b807eeddd120250c3f3e84fd532c9d122..29505ae7df65f9378e268e41b9ff629bcbe6fb9f 100644
--- a/latest/_i_c_p_p_simple_function_8h.xhtml
+++ b/latest/_i_c_p_p_simple_function_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces
diff --git a/latest/_i_cloneable_8h.xhtml b/latest/_i_cloneable_8h.xhtml
index cf4c84cfab8899cc2edbde64455c6bc0d5354480..41ffd9881df46988da687565a752ba217593ee5a 100644
--- a/latest/_i_cloneable_8h.xhtml
+++ b/latest/_i_cloneable_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_i_device_8h.xhtml b/latest/_i_device_8h.xhtml
index 5124c7faaf06c7f23a32db20d10d98481771b76c..5690f90c77431c25edd68d230e8bbf85415ce616 100644
--- a/latest/_i_device_8h.xhtml
+++ b/latest/_i_device_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -149,7 +149,7 @@ Enumerations
diff --git a/latest/_i_device_backend_8h.xhtml b/latest/_i_device_backend_8h.xhtml
index bdaa22bbf65542e7ea22045be6c7610369707a36..c2ed7f1736938f7e2c24bcd2c27ec27aa89fb98a 100644
--- a/latest/_i_device_backend_8h.xhtml
+++ b/latest/_i_device_backend_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -149,7 +149,7 @@ Namespaces
diff --git a/latest/_i_function_8h.xhtml b/latest/_i_function_8h.xhtml
index 5280038c05a1539f0b174641edf92772228df16f..5b78dc1a0a22944f44ede2ef7e66bb5194f3c2a1 100644
--- a/latest/_i_function_8h.xhtml
+++ b/latest/_i_function_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -139,7 +139,7 @@ Namespaces
diff --git a/latest/_i_graph_mutator_8h.xhtml b/latest/_i_graph_mutator_8h.xhtml
index d9bbe6749af080ce2c92a7f2f73db59fd1f43814..be1a6b6a61c57b435a6ffd3644e489f4901c4906 100644
--- a/latest/_i_graph_mutator_8h.xhtml
+++ b/latest/_i_graph_mutator_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -141,7 +141,7 @@ Namespaces
diff --git a/latest/_i_graph_printer_8h.xhtml b/latest/_i_graph_printer_8h.xhtml
index 20ad1a691957a7aba0cb3c351a2d514e0a8239aa..4ec77d2ae44e1d62a093c9d48292ed453320c772 100644
--- a/latest/_i_graph_printer_8h.xhtml
+++ b/latest/_i_graph_printer_8h.xhtml
@@ -56,7 +56,7 @@ SOFTWARE.
- 25.03.1
+ 25.04
|
@@ -142,7 +142,7 @@ Namespaces