diff --git a/docs/build/html/.buildinfo b/docs/build/html/.buildinfo index 241cac39c..d0b5e9e22 100644 --- a/docs/build/html/.buildinfo +++ b/docs/build/html/.buildinfo @@ -1,4 +1,4 @@ # Sphinx build info version 1 # This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. -config: 136f45bc6db8a54d889bf646df22a392 +config: 106d4f405b471b3dd6a82c4cc5ee12b0 tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/build/html/_sources/dev/extensions.rst b/docs/build/html/_sources/dev/extensions.rst index c08614d03..4272371cb 100644 --- a/docs/build/html/_sources/dev/extensions.rst +++ b/docs/build/html/_sources/dev/extensions.rst @@ -22,12 +22,12 @@ You can do that in MLX directly: This function performs that operation while leaving the implementation and function transformations to MLX. -However you may need to customize the underlying implementation, perhaps to -make it faster or for custom differentiation. In this tutorial we will go -through adding custom extensions. It will cover: +However, you may want to customize the underlying implementation, perhaps to +make it faster. In this tutorial we will go through adding custom extensions. +It will cover: * The structure of the MLX library. -* Implementing a CPU operation that redirects to Accelerate_ when appropriate. +* Implementing a CPU operation. * Implementing a GPU operation using metal. * Adding the ``vjp`` and ``jvp`` function transformation. * Building a custom extension and binding it to python. @@ -45,7 +45,7 @@ Operations Operations are the front-end functions that operate on arrays. They are defined in the C++ API (:ref:`cpp_ops`), and the Python API (:ref:`ops`) binds them. -We would like an operation, :meth:`axpby` that takes in two arrays ``x`` and +We would like an operation :meth:`axpby` that takes in two arrays, ``x`` and ``y``, and two scalars, ``alpha`` and ``beta``. This is how to define it in C++: @@ -55,7 +55,7 @@ C++: * Scale and sum two vectors element-wise * z = alpha * x + beta * y * - * Follow numpy style broadcasting between x and y + * Use NumPy-style broadcasting between x and y * Inputs are upcasted to floats if needed **/ array axpby( @@ -66,7 +66,7 @@ C++: StreamOrDevice s = {} // Stream on which to schedule the operation ); -The simplest way to this operation is in terms of existing operations: +The simplest way to implement this is with existing operations: .. code-block:: C++ @@ -153,9 +153,6 @@ more concrete: private: float alpha_; float beta_; - - /** Fall back implementation for evaluation on CPU */ - void eval(const std::vector& inputs, array& out); }; The :class:`Axpby` class derives from the base :class:`Primitive` class. The @@ -188,7 +185,7 @@ Let's reimplement our operation now in terms of our :class:`Axpby` primitive. auto promoted_dtype = promote_types(x.dtype(), y.dtype()); // Upcast to float32 for non-floating point inputs x and y - auto out_dtype = is_floating_point(promoted_dtype) + auto out_dtype = issubdtype(promoted_dtype, float32) ? promoted_dtype : promote_types(promoted_dtype, float32); @@ -234,49 +231,59 @@ the execution of the computation graph, and calls :meth:`Axpby::eval_cpu` or Implementing the CPU Back-end ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ -Let's start by implementing a naive and generic version of -:meth:`Axpby::eval_cpu`. We declared this as a private member function of -:class:`Axpby` earlier called :meth:`Axpby::eval`. +Let's start by implementing :meth:`Axpby::eval_cpu`. -Our naive method will go over each element of the output array, find the +The method will go over each element of the output array, find the corresponding input elements of ``x`` and ``y`` and perform the operation point-wise. This is captured in the templated function :meth:`axpby_impl`. .. code-block:: C++ - template - void axpby_impl( - const array& x, - const array& y, - array& out, - float alpha_, - float beta_) { - // We only allocate memory when we are ready to fill the output - // malloc_or_wait synchronously allocates available memory - // There may be a wait executed here if the allocation is requested - // under memory-pressured conditions - out.set_data(allocator::malloc_or_wait(out.nbytes())); + template + void axpby_impl( + const mx::array& x, + const mx::array& y, + mx::array& out, + float alpha_, + float beta_, + mx::Stream stream) { + // Allocate the output with `malloc_or_wait` which synchronously allocates + // memory, potentially waiting if the system is under memory pressure + out.set_data(mx::allocator::malloc_or_wait(out.nbytes())); - // Collect input and output data pointers - const T* x_ptr = x.data(); - const T* y_ptr = y.data(); - T* out_ptr = out.data(); + // Get the CPU command encoder and register input and output arrays + auto& encoder = mx::cpu::get_command_encoder(stream); + encoder.set_input_array(x); + encoder.set_input_array(y); + encoder.set_output_array(out); - // Cast alpha and beta to the relevant types - T alpha = static_cast(alpha_); - T beta = static_cast(beta_); + // Launch the CPU kernel + encoder.dispatch([x_ptr = x.data(), + y_ptr = y.data(), + out_ptr = out.data(), + size = out.size(), + shape = out.shape(), + x_strides = x.strides(), + y_strides = y.strides(), + alpha_, + beta_]() { - // Do the element-wise operation for each output - for (size_t out_idx = 0; out_idx < out.size(); out_idx++) { - // Map linear indices to offsets in x and y - auto x_offset = elem_to_loc(out_idx, x.shape(), x.strides()); - auto y_offset = elem_to_loc(out_idx, y.shape(), y.strides()); + // Cast alpha and beta to the relevant types + T alpha = static_cast(alpha_); + T beta = static_cast(beta_); - // We allocate the output to be contiguous and regularly strided - // (defaults to row major) and hence it doesn't need additional mapping - out_ptr[out_idx] = alpha * x_ptr[x_offset] + beta * y_ptr[y_offset]; - } - } + // Do the element-wise operation for each output + for (size_t out_idx = 0; out_idx < size; out_idx++) { + // Map linear indices to offsets in x and y + auto x_offset = mx::elem_to_loc(out_idx, shape, x_strides); + auto y_offset = mx::elem_to_loc(out_idx, shape, y_strides); + + // We allocate the output to be contiguous and regularly strided + // (defaults to row major) and hence it doesn't need additional mapping + out_ptr[out_idx] = alpha * x_ptr[x_offset] + beta * y_ptr[y_offset]; + } + }); + } Our implementation should work for all incoming floating point arrays. Accordingly, we add dispatches for ``float32``, ``float16``, ``bfloat16`` and @@ -284,112 +291,32 @@ Accordingly, we add dispatches for ``float32``, ``float16``, ``bfloat16`` and .. code-block:: C++ - /** Fall back implementation for evaluation on CPU */ - void Axpby::eval( - const std::vector& inputs, - const std::vector& outputs) { - auto& x = inputs[0]; - auto& y = inputs[1]; - auto& out = outputs[0]; - - // Dispatch to the correct dtype - if (out.dtype() == float32) { - return axpby_impl(x, y, out, alpha_, beta_); - } else if (out.dtype() == float16) { - return axpby_impl(x, y, out, alpha_, beta_); - } else if (out.dtype() == bfloat16) { - return axpby_impl(x, y, out, alpha_, beta_); - } else if (out.dtype() == complex64) { - return axpby_impl(x, y, out, alpha_, beta_); - } else { - throw std::runtime_error( - "[Axpby] Only supports floating point types."); - } - } - -This is good as a fallback implementation. We can use the ``axpby`` routine -provided by the Accelerate_ framework for a faster implementation in certain -cases: - -#. Accelerate does not provide implementations of ``axpby`` for half precision - floats. We can only use it for ``float32`` types. -#. Accelerate assumes the inputs ``x`` and ``y`` are contiguous and all - elements have fixed strides between them. We only direct to Accelerate - if both ``x`` and ``y`` are row contiguous or column contiguous. -#. Accelerate performs the routine ``Y = (alpha * X) + (beta * Y)`` in-place. - MLX expects to write the output to a new array. We must copy the elements - of ``y`` into the output and use that as an input to ``axpby``. - -Let's write an implementation that uses Accelerate in the right conditions. -It allocates data for the output, copies ``y`` into it, and then calls the -:func:`catlas_saxpby` from accelerate. - -.. code-block:: C++ - - template - void axpby_impl_accelerate( - const array& x, - const array& y, - array& out, - float alpha_, - float beta_) { - // Accelerate library provides catlas_saxpby which does - // Y = (alpha * X) + (beta * Y) in place - // To use it, we first copy the data in y over to the output array - out.set_data(allocator::malloc_or_wait(out.nbytes())); - - // We then copy over the elements using the contiguous vector specialization - copy_inplace(y, out, CopyType::Vector); - - // Get x and y pointers for catlas_saxpby - const T* x_ptr = x.data(); - T* y_ptr = out.data(); - - T alpha = static_cast(alpha_); - T beta = static_cast(beta_); - - // Call the inplace accelerate operator - catlas_saxpby( - /* N = */ out.size(), - /* ALPHA = */ alpha, - /* X = */ x_ptr, - /* INCX = */ 1, - /* BETA = */ beta, - /* Y = */ y_ptr, - /* INCY = */ 1); - } - -For inputs that do not fit the criteria for accelerate, we fall back to -:meth:`Axpby::eval`. With this in mind, let's finish our -:meth:`Axpby::eval_cpu`. - -.. code-block:: C++ - - /** Evaluate primitive on CPU using accelerate specializations */ void Axpby::eval_cpu( - const std::vector& inputs, - const std::vector& outputs) { - assert(inputs.size() == 2); - auto& x = inputs[0]; - auto& y = inputs[1]; - auto& out = outputs[0]; + const std::vector& inputs, + std::vector& outputs) { + auto& x = inputs[0]; + auto& y = inputs[1]; + auto& out = outputs[0]; - // Accelerate specialization for contiguous single precision float arrays - if (out.dtype() == float32 && - ((x.flags().row_contiguous && y.flags().row_contiguous) || - (x.flags().col_contiguous && y.flags().col_contiguous))) { - axpby_impl_accelerate(x, y, out, alpha_, beta_); - return; - } - - // Fall back to common back-end if specializations are not available - eval(inputs, outputs); + // Dispatch to the correct dtype + if (out.dtype() == mx::float32) { + return axpby_impl(x, y, out, alpha_, beta_, stream()); + } else if (out.dtype() == mx::float16) { + return axpby_impl(x, y, out, alpha_, beta_, stream()); + } else if (out.dtype() == mx::bfloat16) { + return axpby_impl(x, y, out, alpha_, beta_, stream()); + } else if (out.dtype() == mx::complex64) { + return axpby_impl(x, y, out, alpha_, beta_, stream()); + } else { + throw std::runtime_error( + "Axpby is only supported for floating point types."); + } } Just this much is enough to run the operation :meth:`axpby` on a CPU stream! If you do not plan on running the operation on the GPU or using transforms on computation graphs that contain :class:`Axpby`, you can stop implementing the -primitive here and enjoy the speed-ups you get from the Accelerate library. +primitive here. Implementing the GPU Back-end ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ @@ -824,7 +751,7 @@ Results ^^^^^^^ Let's run a quick benchmark and see how our new ``axpby`` operation compares -with the naive :meth:`simple_axpby` we first defined on the CPU. +with the naive :meth:`simple_axpby` we first defined. .. code-block:: python @@ -832,13 +759,11 @@ with the naive :meth:`simple_axpby` we first defined on the CPU. from mlx_sample_extensions import axpby import time - mx.set_default_device(mx.cpu) - def simple_axpby(x: mx.array, y: mx.array, alpha: float, beta: float) -> mx.array: return alpha * x + beta * y - M = 256 - N = 512 + M = 4096 + N = 4096 x = mx.random.normal((M, N)) y = mx.random.normal((M, N)) @@ -849,24 +774,24 @@ with the naive :meth:`simple_axpby` we first defined on the CPU. def bench(f): # Warm up - for i in range(100): + for i in range(5): z = f(x, y, alpha, beta) mx.eval(z) # Timed run s = time.time() - for i in range(5000): + for i in range(100): z = f(x, y, alpha, beta) mx.eval(z) e = time.time() - return e - s + return 1000 * (e - s) / 100 simple_time = bench(simple_axpby) custom_time = bench(axpby) - print(f"Simple axpby: {simple_time:.3f} s | Custom axpby: {custom_time:.3f} s") + print(f"Simple axpby: {simple_time:.3f} ms | Custom axpby: {custom_time:.3f} ms") -The results are ``Simple axpby: 0.114 s | Custom axpby: 0.109 s``. We see +The results are ``Simple axpby: 1.559 ms | Custom axpby: 0.774 ms``. We see modest improvements right away! This operation is now good to be used to build other operations, in diff --git a/docs/build/html/_static/documentation_options.js b/docs/build/html/_static/documentation_options.js index b42e8215e..bcbb1c4d0 100644 --- a/docs/build/html/_static/documentation_options.js +++ b/docs/build/html/_static/documentation_options.js @@ -1,5 +1,5 @@ const DOCUMENTATION_OPTIONS = { - VERSION: '0.23.2', + VERSION: '0.24.0', LANGUAGE: 'en', COLLAPSE_INDEX: false, BUILDER: 'html', diff --git a/docs/build/html/annotated.html b/docs/build/html/annotated.html index dca09161f..f3dad488c 100644 --- a/docs/build/html/annotated.html +++ b/docs/build/html/annotated.html @@ -123,301 +123,304 @@ $(function(){initNavTree('annotated.html',''); initResizable(true); });  CAllocator  CBuffer  CCommonAllocator - Ndetail - CAbs - CAdd - CArcCos - CArcCosh - CArcSin - CArcSinh - CArcTan - CArcTan2 - CArcTanh - CBitwiseAnd - CBitwiseInvert - CBitwiseOr - CBitwiseXor - CCeil - CConjugate - CCos - CCosh - CDivide - CEqual - CErf - CErfInv - CExp - CExpm1 - CFloor - CGreater - CGreaterEqual - CImag - CInTracing - CLeftShift - CLess - CLessEqual - CLog - CLog10 - CLog1p - CLog2 - CLogAddExp - CLogicalAnd - CLogicalNot - CLogicalOr - CMaximum - CMinimum - CMultiply - CNaNEqual - CNegative - CNotEqual - CPower - CReal - CRemainder - CRetainGraph - CRightShift - CRound - CRsqrt - CSelect - CSigmoid - CSign - CSin - CSinh - CSqrt - CSquare - CSubtract - CTan - CTanh - Ndistributed - Ndetail - CGroupImplAbstract base class of a distributed group implementation - CAllGather - CAllReduce - CDistPrimitive - CGroupA distributed::Group represents a group of independent mlx processes that can communicate - CRecv - CSend - Nfast - CAffineQuantize - CCustom - CCustomKernel - CCustomKernelShapeInfo - CLayerNorm - CLayerNormVJP - CRMSNorm - CRMSNormVJP - CRoPE - CScaledDotProductAttention - Nio - CFileWriter - CParallelFileReader - CReader - CWriter - Nmetal - CBuffer - CCommandEncoder - CConcurrentContext - CDevice - CDeviceStream - CFence - CMetalAllocator - CResidencySet - Nrandom - CKeySequence - Nscheduler - CScheduler - CStreamThread - Nsimd - CScalarT - CScalarT< bool, N > - CScalarT< int64_t, N > - CScalarT< int8_t, N > - CScalarT< uint64_t, N > - CSimd - CSimd< float16_t, N > - CSimd< T, 1 > - C_MLX_BFloat16 - C_MLX_Float16 - CAbs - CAdd - CAddMM - CArange - CArcCos - CArcCosh - CArcSin - CArcSinh - CArcTan - CArcTan2 - CArcTanh - CArgPartition - CArgReduce - CArgSort - Carray - CArrayIterator - CData - CFlags - CAsStrided - CAsType - CBitwiseBinary - CBitwiseInvert - CBlockMaskedMM - CBroadcast - CBroadcastAxes - CCeil - CCholesky - CCommandEncoder - CConcurrentContext - CCompiled - Ccomplex128_t - Ccomplex64_t - CConcatenate - CConjugate - CContiguous - CContiguousIterator - CConvolution - CCopy - CCos - CCosh - CCustomTransforms - CDepends - CDevice - CDivide - CDivMod - CDtype - CDynamicSlice - CDynamicSliceUpdate - CEigh - CEqual - CErf - CErfInv - CEvent - CExp - CExpandDims - CExpm1 - CFence - CFFT - CfinfoHolds information about floating-point types - CFlatten - CFloor - CFull - CFunctionExporter - CGather - CGatherAxis - CGatherMM - CGatherQMM - CGreater - CGreaterEqual - CHadamard - CImag - CImportedFunction - CInverse - CJitCompiler - CLess - CLessEqual - CLoad - CLog - CLog1p - CLogAddExp - CLogicalAnd - CLogicalNot - CLogicalOr - CLUF - CMatmul - CMaximum - CMinimum - CMultiply - CNegative - CNodeNamer - CNotEqual - CNumberOfElements - Cnumeric_limits - Cnumeric_limits< bfloat16_t > - Cnumeric_limits< double > - Cnumeric_limits< float > - Cnumeric_limits< float16_t > - CPad - CPartition - CPower - CPrimitive - CPrintFormatter - CQRF - CQuantizedMatmul - CRandomBits - CReal - CReduce - CReductionPlan - CRemainder - CReshape - CRound - CScalarVector - CScan - CScatter - CScatterAxis - CSelect - CSigmoid - CSign - CSin - CSinh - CSlice - CSliceUpdate - CSoftmax - CSort - CSplit - CSqrt - CSquare - CSqueeze - CStopGradient - CStream - CStreamContext - CSubtract - CSVD - CTan - CTanh - CTranspose - CTypeToDtype - CUnaryPrimitive - CUnflatten - CVectorScalar - CVectorVector - CView + Ncpu + CCommandEncoder + Ndetail + CAbs + CAdd + CArcCos + CArcCosh + CArcSin + CArcSinh + CArcTan + CArcTan2 + CArcTanh + CBitwiseAnd + CBitwiseInvert + CBitwiseOr + CBitwiseXor + CCeil + CConjugate + CCos + CCosh + CDivide + CEqual + CErf + CErfInv + CExp + CExpm1 + CFloor + CGreater + CGreaterEqual + CImag + CInTracing + CLeftShift + CLess + CLessEqual + CLog + CLog10 + CLog1p + CLog2 + CLogAddExp + CLogicalAnd + CLogicalNot + CLogicalOr + CMaximum + CMinimum + CMultiply + CNaNEqual + CNegative + CNotEqual + CPower + CReal + CRemainder + CRetainGraph + CRightShift + CRound + CRsqrt + CSelect + CSigmoid + CSign + CSin + CSinh + CSqrt + CSquare + CSubtract + CTan + CTanh + Ndistributed + Ndetail + CGroupImplAbstract base class of a distributed group implementation + CAllGather + CAllReduce + CDistPrimitive + CGroupA distributed::Group represents a group of independent mlx processes that can communicate + CRecv + CSend + Nfast + CAffineQuantize + CCustom + CCustomKernel + CCustomKernelShapeInfo + CLayerNorm + CLayerNormVJP + CRMSNorm + CRMSNormVJP + CRoPE + CScaledDotProductAttention + Nio + CFileWriter + CParallelFileReader + CReader + CWriter + Nmetal + CBuffer + CCommandEncoder + CConcurrentContext + CDevice + CDeviceStream + CFence + CMetalAllocator + CResidencySet + Nrandom + CKeySequence + Nscheduler + CScheduler + CStreamThread + Nsimd + CScalarT + CScalarT< bool, N > + CScalarT< int64_t, N > + CScalarT< int8_t, N > + CScalarT< uint64_t, N > + CSimd + CSimd< float16_t, N > + CSimd< T, 1 > + C_MLX_BFloat16 + C_MLX_Float16 + CAbs + CAdd + CAddMM + CArange + CArcCos + CArcCosh + CArcSin + CArcSinh + CArcTan + CArcTan2 + CArcTanh + CArgPartition + CArgReduce + CArgSort + Carray + CArrayIterator + CData + CFlags + CAsStrided + CAsType + CBitwiseBinary + CBitwiseInvert + CBlockMaskedMM + CBroadcast + CBroadcastAxes + CCeil + CCholesky + CCommandEncoder + CConcurrentContext + CCompiled + Ccomplex128_t + Ccomplex64_t + CConcatenate + CConjugate + CContiguous + CContiguousIterator + CConvolution + CCopy + CCos + CCosh + CCustomTransforms + CDepends + CDevice + CDivide + CDivMod + CDtype + CDynamicSlice + CDynamicSliceUpdate + CEigh + CEqual + CErf + CErfInv + CEvent + CExp + CExpandDims + CExpm1 + CFence + CFFT + CfinfoHolds information about floating-point types + CFlatten + CFloor + CFull + CFunctionExporter + CGather + CGatherAxis + CGatherMM + CGatherQMM + CGreater + CGreaterEqual + CHadamard + CImag + CImportedFunction + CInverse + CJitCompiler + CLess + CLessEqual + CLoad + CLog + CLog1p + CLogAddExp + CLogicalAnd + CLogicalNot + CLogicalOr + CLUF + CMatmul + CMaximum + CMinimum + CMultiply + CNegative + CNodeNamer + CNotEqual + CNumberOfElements + Cnumeric_limits + Cnumeric_limits< bfloat16_t > + Cnumeric_limits< double > + Cnumeric_limits< float > + Cnumeric_limits< float16_t > + CPad + CPartition + CPower + CPrimitive + CPrintFormatter + CQRF + CQuantizedMatmul + CRandomBits + CReal + CReduce + CReductionPlan + CRemainder + CReshape + CRound + CScalarVector + CScan + CScatter + CScatterAxis + CSelect + CSigmoid + CSign + CSin + CSinh + CSlice + CSliceUpdate + CSoftmax + CSort + CSplit + CSqrt + CSquare + CSqueeze + CStopGradient + CStream + CStreamContext + CSubtract + CSVD + CTan + CTanh + CTranspose + CTypeToDtype + CUnaryPrimitive + CUnflatten + CVectorScalar + CVectorVector + CView  Nsteel  CAccumHelper - CAttnParams - CBaseMMAFrag - CBaseMMAFrag< T, 8, 8 > - CBlockLoader - CReadVector - CBlockLoaderT - CBlockMMA - CBlockSwizzle - CChannelHelper - CChannelHelper< 1 > - CChannelHelper< 2 > - CChannelHelper< 3 > - CChannelHelper< 4 > - CConv2DGeneralBaseInfo - CConv2DGeneralJumpParams - CConv2DInputBlockLoaderGeneral - CConv2DInputBlockLoaderLargeFilter - CConv2DInputBlockLoaderSmallChannels - CConv2DInputBlockLoaderSmallFilter - CConv2DWeightBlockLoader - CConv2DWeightBlockLoaderGeneral - CConv2DWeightBlockLoaderSmallChannels - CCShape - CGEMMAddMMParams - CGEMMKernel - CGEMMParams - CGEMMSpiltKParams - CImplicitGemmConv2DParams - Cintegral_constant - Cis_integral - Cis_integral< integral_constant< T, v > > - CLayout2D - CLoopAlignment - CMMATile - CShape2D - CTransformAdd - CTransformAxpby - CTransformNone + CAttnMaskParams + CAttnParams + CBaseMMAFrag + CBaseMMAFrag< T, 8, 8 > + CBlockLoader + CReadVector + CBlockLoaderT + CBlockMMA + CBlockSwizzle + CChannelHelper + CChannelHelper< 1 > + CChannelHelper< 2 > + CChannelHelper< 3 > + CChannelHelper< 4 > + CConv2DGeneralBaseInfo + CConv2DGeneralJumpParams + CConv2DInputBlockLoaderGeneral + CConv2DInputBlockLoaderLargeFilter + CConv2DInputBlockLoaderSmallChannels + CConv2DInputBlockLoaderSmallFilter + CConv2DWeightBlockLoader + CConv2DWeightBlockLoaderGeneral + CConv2DWeightBlockLoaderSmallChannels + CCShape + CGEMMAddMMParams + CGEMMKernel + CGEMMParams + CGEMMSpiltKParams + CImplicitGemmConv2DParams + Cintegral_constant + Cis_integral + Cis_integral< integral_constant< T, v > > + CLayout2D + CLoopAlignment + CMMATile + CShape2D + CTransformAdd + CTransformAxpby + CTransformNone  Npocketfft  Ndetail  Nthreading diff --git a/docs/build/html/annotated_dup.js b/docs/build/html/annotated_dup.js index 47263365a..3d1aa66b4 100644 --- a/docs/build/html/annotated_dup.js +++ b/docs/build/html/annotated_dup.js @@ -18,6 +18,9 @@ var annotated_dup = [ "Buffer", "classmlx_1_1core_1_1allocator_1_1_buffer.html", "classmlx_1_1core_1_1allocator_1_1_buffer" ], [ "CommonAllocator", "classmlx_1_1core_1_1allocator_1_1_common_allocator.html", "classmlx_1_1core_1_1allocator_1_1_common_allocator" ] ] ], + [ "cpu", "namespacemlx_1_1core_1_1cpu.html", [ + [ "CommandEncoder", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html", "structmlx_1_1core_1_1cpu_1_1_command_encoder" ] + ] ], [ "detail", "namespacemlx_1_1core_1_1detail.html", [ [ "Abs", "structmlx_1_1core_1_1detail_1_1_abs.html", "structmlx_1_1core_1_1detail_1_1_abs" ], [ "Add", "structmlx_1_1core_1_1detail_1_1_add.html", "structmlx_1_1core_1_1detail_1_1_add" ], @@ -280,6 +283,7 @@ var annotated_dup = ] ], [ "steel", "namespacemlx_1_1steel.html", [ [ "AccumHelper", "structmlx_1_1steel_1_1_accum_helper.html", "structmlx_1_1steel_1_1_accum_helper" ], + [ "AttnMaskParams", "structmlx_1_1steel_1_1_attn_mask_params.html", "structmlx_1_1steel_1_1_attn_mask_params" ], [ "AttnParams", "structmlx_1_1steel_1_1_attn_params.html", "structmlx_1_1steel_1_1_attn_params" ], [ "BaseMMAFrag", "structmlx_1_1steel_1_1_base_m_m_a_frag.html", null ], [ "BaseMMAFrag< T, 8, 8 >", "structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html", "structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4" ], diff --git a/docs/build/html/array_8h_source.html b/docs/build/html/array_8h_source.html index b4507c380..6c4e4e996 100644 --- a/docs/build/html/array_8h_source.html +++ b/docs/build/html/array_8h_source.html @@ -314,515 +314,497 @@ $(function(){initNavTree('array_8h_source.html',''); initResizable(true); });
199 const std::shared_ptr<Primitive>& primitive,
200 const std::vector<array>& inputs);
201
-
-
203 std::uintptr_t id() const {
-
204 return reinterpret_cast<std::uintptr_t>(array_desc_.get());
-
205 }
+
207 static array unsafe_weak_copy(const array& other);
+
208
+
+
210 std::uintptr_t id() const {
+
211 return reinterpret_cast<std::uintptr_t>(array_desc_.get());
+
212 }
-
206
-
-
208 std::uintptr_t primitive_id() const {
-
209 return reinterpret_cast<std::uintptr_t>(array_desc_->primitive.get());
-
210 }
-
-
211
-
-
212 struct Data {
- - +
213
- -
216 : buffer(buffer), d(d) {}
+
215 std::uintptr_t primitive_id() const {
+
216 return reinterpret_cast<std::uintptr_t>(array_desc_->primitive.get());
+
217 }
-
217 // Not copyable
-
218 Data(const Data& d) = delete;
-
219 Data& operator=(const Data& d) = delete;
-
- -
221 d(buffer);
-
222 }
+
218
+
+
219 struct Data {
+ + + -
223 };
+
224 // Not copyable
+
225 Data(const Data& d) = delete;
+
226 Data& operator=(const Data& d) = delete;
+
+ +
228 d(buffer);
+
229 }
-
224
-
-
225 struct Flags {
-
226 // True iff there are no gaps in the underlying data. Each item
-
227 // in the underlying data buffer belongs to at least one index.
-
228 //
-
229 // True iff:
-
230 // prod(shape[i] for i in range(ndim) if strides[i] > 0) == data_size()
-
231 bool contiguous : 1;
-
232
-
233 // True iff:
-
234 // strides[-1] == 1 and
-
235 // all(strides[i] == (shape[i+1]*strides[i+1]) or shape[i] == 1 for i in
-
236 // range(ndim - 1))
- -
238
-
239 // True iff:
-
240 // strides[0] == 1 and
-
241 // all(strides[i] == (shape[i-1]*strides[i-1]) or shape[i] == 1 for i in
-
242 // range(1, ndim))
- -
244 };
+
230 };
+
+
231
+
+
232 struct Flags {
+
233 // True iff there are no gaps in the underlying data. Each item
+
234 // in the underlying data buffer belongs to at least one index.
+
235 //
+
236 // True iff:
+
237 // prod(shape[i] for i in range(ndim) if strides[i] > 0) == data_size()
+
238 bool contiguous : 1;
+
239
+
240 // True iff:
+
241 // strides[-1] == 1 and
+
242 // all(strides[i] == (shape[i+1]*strides[i+1]) or shape[i] == 1 for i in
+
243 // range(ndim - 1))
+ +
245
+
246 // True iff:
+
247 // strides[0] == 1 and
+
248 // all(strides[i] == (shape[i-1]*strides[i-1]) or shape[i] == 1 for i in
+
249 // range(1, ndim))
+ +
251 };
+
+
252
+
+ +
255 return *(array_desc_->primitive);
+
256 }
-
245
-
249 explicit array(
- -
251 Shape shape,
-
252 Dtype dtype,
- -
254 size_t data_size,
-
255 Flags flags,
-
256 Deleter deleter = allocator::free);
257
- -
260 return *(array_desc_->primitive);
+
259 std::shared_ptr<Primitive>& primitive_ptr() const {
+
260 return array_desc_->primitive;
261 }
262
-
264 std::shared_ptr<Primitive>& primitive_ptr() const {
-
265 return array_desc_->primitive;
+
264 bool has_primitive() const {
+
265 return array_desc_->primitive != nullptr;
266 }
267
-
269 bool has_primitive() const {
-
270 return array_desc_->primitive != nullptr;
+
269 const std::vector<array>& inputs() const {
+
270 return array_desc_->inputs;
271 }
-
272
-
-
274 const std::vector<array>& inputs() const {
-
275 return array_desc_->inputs;
-
276 }
+
272
+
+
273 std::vector<array>& inputs() {
+
274 return array_desc_->inputs;
+
275 }
-
277
+
276
-
278 std::vector<array>& inputs() {
-
279 return array_desc_->inputs;
+
278 bool is_donatable() const {
+
279 return array_desc_.use_count() == 1 && (array_desc_->data.use_count() == 1);
280 }
281
-
283 bool is_donatable() const {
-
284 return array_desc_.use_count() == 1 && (array_desc_->data.use_count() == 1);
+
283 const std::vector<array>& siblings() const {
+
284 return array_desc_->siblings;
285 }
286
-
288 const std::vector<array>& siblings() const {
+
288 std::vector<array>& siblings() {
289 return array_desc_->siblings;
290 }
-
291
-
-
293 std::vector<array>& siblings() {
-
294 return array_desc_->siblings;
+
291
+
+
292 void set_siblings(std::vector<array> siblings, uint16_t position) {
+
293 array_desc_->siblings = std::move(siblings);
+
294 array_desc_->position = position;
295 }
-
296
-
-
297 void set_siblings(std::vector<array> siblings, uint16_t position) {
-
298 array_desc_->siblings = std::move(siblings);
-
299 array_desc_->position = position;
-
300 }
+
296
+
+
299 std::vector<array> outputs() const {
+
300 auto idx = array_desc_->position;
+
301 std::vector<array> outputs;
+
302 outputs.reserve(siblings().size() + 1);
+
303 outputs.insert(outputs.end(), siblings().begin(), siblings().begin() + idx);
+
304 outputs.push_back(*this);
+
305 outputs.insert(outputs.end(), siblings().begin() + idx, siblings().end());
+
306 return outputs;
+
307 }
-
301
-
-
304 std::vector<array> outputs() const {
-
305 auto idx = array_desc_->position;
-
306 std::vector<array> outputs;
-
307 outputs.reserve(siblings().size() + 1);
-
308 outputs.insert(outputs.end(), siblings().begin(), siblings().begin() + idx);
-
309 outputs.push_back(*this);
-
310 outputs.insert(outputs.end(), siblings().begin() + idx, siblings().end());
-
311 return outputs;
-
312 }
+
308
+
310 void detach();
+
311
+
+
313 const Flags& flags() const {
+
314 return array_desc_->flags;
+
315 }
-
313
-
315 void detach();
316
-
-
318 const Flags& flags() const {
-
319 return array_desc_->flags;
-
320 }
+
+
327 size_t data_size() const {
+
328 return array_desc_->data_size;
+
329 }
-
321
-
-
332 size_t data_size() const {
-
333 return array_desc_->data_size;
-
334 }
+
330
+
+ +
332 return array_desc_->data->buffer;
+
333 }
-
335
-
- -
337 return array_desc_->data->buffer;
-
338 }
+
+
334 const allocator::Buffer& buffer() const {
+
335 return array_desc_->data->buffer;
+
336 }
-
-
339 const allocator::Buffer& buffer() const {
-
340 return array_desc_->data->buffer;
-
341 }
+
337
+
+
338 size_t buffer_size() const {
+
339 return allocator::allocator().size(buffer());
+
340 }
-
342
-
-
343 size_t buffer_size() const {
-
344 return allocator::allocator().size(buffer());
-
345 }
+
341
+
342 // Return a copy of the shared pointer
+
343 // to the array::Data struct
+
+
344 std::shared_ptr<Data> data_shared_ptr() const {
+
345 return array_desc_->data;
+
346 }
-
346
-
347 // Return a copy of the shared pointer
-
348 // to the array::Data struct
+
347 // Return a raw pointer to the arrays data
+
348 template <typename T>
-
349 std::shared_ptr<Data> data_shared_ptr() const {
-
350 return array_desc_->data;
+
349 T* data() {
+
350 return static_cast<T*>(array_desc_->data_ptr);
351 }
-
352 // Return a raw pointer to the arrays data
+
352
353 template <typename T>
-
354 T* data() {
+
354 const T* data() const {
355 return static_cast<T*>(array_desc_->data_ptr);
356 }
357
-
358 template <typename T>
-
-
359 const T* data() const {
-
360 return static_cast<T*>(array_desc_->data_ptr);
-
361 }
-
+
+
358 enum Status {
+
359 // The ouptut of a computation which has not been scheduled.
+
360 // For example, the status of `x` in `auto x = a + b`.
+
362
-
-
363 enum Status {
-
364 // The ouptut of a computation which has not been scheduled.
-
365 // For example, the status of `x` in `auto x = a + b`.
- +
363 // The array's `eval_*` function has been run, but the computation is not
+
364 // necessarily complete. The array will have memory allocated and if it is
+
365 // not a tracer then it will be detached from the graph.
+
367
-
368 // The ouptut of a computation which has been scheduled but `eval_*` has
-
369 // not yet been called on the array's primitive. A possible
-
370 // status of `x` in `auto x = a + b; eval(x);`
- -
372
-
373 // The array's `eval_*` function has been run, but the computation is not
-
374 // necessarily complete. The array will have memory allocated and if it is
-
375 // not a tracer then it will be detached from the graph.
- -
377
-
378 // If the array is the output of a computation then the computation
-
379 // is complete. Constant arrays are always available (e.g. `array({1, 2,
-
380 // 3})`)
- -
382 };
+
368 // If the array is the output of a computation then the computation
+
369 // is complete. Constant arrays are always available (e.g. `array({1, 2,
+
370 // 3})`)
+ +
372 };
-
383
-
384 // Check if the array is safe to read.
-
385 bool is_available() const;
-
386
-
387 // Wait on the array to be available. After this `is_available` returns
-
388 // `true`.
-
389 void wait();
-
390
-
-
391 Status status() const {
-
392 return array_desc_->status;
-
393 }
+
373
+
374 // Check if the array is safe to read.
+
375 bool is_available() const;
+
376
+
377 // Wait on the array to be available. After this `is_available` returns
+
378 // `true`.
+
379 void wait();
+
380
+
+
381 Status status() const {
+
382 return array_desc_->status;
+
383 }
-
394
+
384
+
+
385 void set_status(Status s) const {
+
386 array_desc_->status = s;
+
387 }
+
+
388
+
389 // Get the array's shared event
+
+
390 Event& event() const {
+
391 return array_desc_->event;
+
392 }
+
+
393
+
394 // Attach an event to a not yet evaluated array
-
395 void set_status(Status s) const {
-
396 array_desc_->status = s;
+
395 void attach_event(Event e) const {
+
396 array_desc_->event = std::move(e);
397 }
398
-
399 // Get the array's shared event
-
-
400 Event& event() const {
-
401 return array_desc_->event;
-
402 }
+
+
399 void detach_event() const {
+
400 array_desc_->event = Event{};
+
401 }
-
403
-
404 // Attach an event to a not yet evaluated array
-
-
405 void attach_event(Event e) const {
-
406 array_desc_->event = std::move(e);
-
407 }
+
402
+
403 // Mark the array as a tracer array (true) or not.
+
+ +
405 array_desc_->is_tracer = is_tracer;
+
406 }
-
408
-
409 // Mark the array as a tracer array (true) or not.
-
- -
411 array_desc_->is_tracer = is_tracer;
-
412 }
-
-
413 // Check if the array is a tracer array
-
414 bool is_tracer() const;
-
415
- -
417
- - -
420 size_t data_size,
- +
407 // Check if the array is a tracer array
+
408 bool is_tracer() const;
+
409
+ +
411
+ + +
414 size_t data_size,
+ +
416 Flags flags,
+ +
418
+ +
420 const array& other,
+
421 const Strides& strides,
422 Flags flags,
- -
424
- -
426 const array& other,
-
427 const Strides& strides,
-
428 Flags flags,
-
429 size_t data_size,
-
430 size_t offset = 0);
-
431
-
432 void copy_shared_buffer(const array& other);
-
433
- -
435 array other,
-
436 const Strides& strides,
-
437 Flags flags,
-
438 size_t data_size,
-
439 size_t offset = 0);
-
440
- -
442
-
-
443 void overwrite_descriptor(const array& other) {
-
444 array_desc_ = other.array_desc_;
-
445 }
+
423 size_t data_size,
+
424 size_t offset = 0);
+
425
+
426 void copy_shared_buffer(const array& other);
+
427
+
+
428 void overwrite_descriptor(const array& other) {
+
429 array_desc_ = other.array_desc_;
+
430 }
-
446
- -
448
-
449 private:
-
450 // Initialize the arrays data
-
451 template <typename It>
-
452 void init(const It src);
-
453
-
454 struct ArrayDesc {
-
455 Shape shape;
- -
457 size_t size;
-
458 Dtype dtype;
-
459 std::shared_ptr<Primitive> primitive;
-
460
- -
462
-
463 // An event on the array used for synchronization
-
464 Event event;
-
465
-
466 // Indicates an array is being used in a graph transform
-
467 // and should not be detached from the graph
-
468 bool is_tracer{false};
-
469
-
470 // This is a shared pointer so that *different* arrays
-
471 // can share the underlying data buffer.
-
472 std::shared_ptr<Data> data;
-
473
-
474 // Properly offset data pointer
-
475 void* data_ptr{nullptr};
+
431
+ +
433
+
434 private:
+
435 // Initialize the arrays data
+
436 template <typename It>
+
437 void init(const It src);
+
438
+
439 struct ArrayDesc {
+
440 Shape shape;
+ +
442 size_t size;
+
443 Dtype dtype;
+
444 std::shared_ptr<Primitive> primitive;
+
445
+ +
447
+
448 // An event on the array used for synchronization
+
449 Event event;
+
450
+
451 // Indicates an array is being used in a graph transform
+
452 // and should not be detached from the graph
+
453 bool is_tracer{false};
+
454
+
455 // This is a shared pointer so that *different* arrays
+
456 // can share the underlying data buffer.
+
457 std::shared_ptr<Data> data;
+
458
+
459 // Properly offset data pointer
+
460 void* data_ptr{nullptr};
+
461
+
462 // The size in elements of the data buffer the array accesses
+
463 size_t data_size;
+
464
+
465 // Contains useful meta data about the array
+
466 Flags flags;
+
467
+
468 std::vector<array> inputs;
+
469 // An array to keep track of the siblings from a multi-output
+
470 // primitive.
+
471 std::vector<array> siblings;
+
472 // The arrays position in the output list
+
473 uint32_t position{0};
+
474
+
475 explicit ArrayDesc(Shape shape, Dtype dtype);
476
-
477 // The size in elements of the data buffer the array accesses
-
478 size_t data_size;
-
479
-
480 // Contains useful meta data about the array
-
481 Flags flags;
+
477 explicit ArrayDesc(
+
478 Shape shape,
+
479 Dtype dtype,
+
480 std::shared_ptr<Primitive> primitive,
+
481 std::vector<array> inputs);
482
-
483 std::vector<array> inputs;
-
484 // An array to keep track of the siblings from a multi-output
-
485 // primitive.
-
486 std::vector<array> siblings;
-
487 // The arrays position in the output list
-
488 uint32_t position{0};
+
483 ~ArrayDesc();
+
484
+
485 private:
+
486 // Initialize size, strides, and other metadata
+
487 void init();
+
488 };
489
-
490 explicit ArrayDesc(Shape shape, Dtype dtype);
-
491
-
492 explicit ArrayDesc(
-
493 Shape shape,
-
494 Dtype dtype,
-
495 std::shared_ptr<Primitive> primitive,
-
496 std::vector<array> inputs);
-
497
-
498 ~ArrayDesc();
-
499
-
500 private:
-
501 // Initialize size, strides, and other metadata
-
502 void init();
-
503 };
-
504
-
505 // The ArrayDesc contains the details of the materialized array including the
-
506 // shape, strides, the data type. It also includes
-
507 // the primitive which knows how to compute the array's data from its inputs
-
508 // and the list of array's inputs for the primitive.
-
509 std::shared_ptr<ArrayDesc> array_desc_;
-
510};
+
490 // The ArrayDesc contains the details of the materialized array including the
+
491 // shape, strides, the data type. It also includes
+
492 // the primitive which knows how to compute the array's data from its inputs
+
493 // and the list of array's inputs for the primitive.
+
494 std::shared_ptr<ArrayDesc> array_desc_;
+
495};
+
+
496
+
497template <typename T>
+
+
498array::array(T val, Dtype dtype /* = TypeToDtype<T>() */)
+
499 : array_desc_(std::make_shared<ArrayDesc>(Shape{}, dtype)) {
+
500 init(&val);
+
501}
+
+
502
+
503template <typename It>
+
+ +
505 It data,
+
506 Shape shape,
+
507 Dtype dtype /* = TypeToDtype<typename std::iterator_traits<It>::value_type>() */) :
+
508 array_desc_(std::make_shared<ArrayDesc>(std::move(shape), dtype)) {
+
509 init(data);
+
510}
511
512template <typename T>
-
513array::array(T val, Dtype dtype /* = TypeToDtype<T>() */)
-
514 : array_desc_(std::make_shared<ArrayDesc>(Shape{}, dtype)) {
-
515 init(&val);
-
516}
+ +
514 std::initializer_list<T> data,
+
515 Dtype dtype /* = TypeToDtype<T>() */)
+
516 : array_desc_(std::make_shared<ArrayDesc>(
+
517 Shape{static_cast<ShapeElem>(data.size())},
+
518 dtype)) {
+
519 init(data.begin());
+
520}
-
517
-
518template <typename It>
-
- -
520 It data,
-
521 Shape shape,
-
522 Dtype dtype /* = TypeToDtype<typename std::iterator_traits<It>::value_type>() */) :
-
523 array_desc_(std::make_shared<ArrayDesc>(std::move(shape), dtype)) {
-
524 init(data);
-
525}
+
521
+
522template <typename T>
+
+ +
524 std::initializer_list<T> data,
+
525 Shape shape,
+
526 Dtype dtype /* = TypeToDtype<T>() */)
+
527 : array_desc_(std::make_shared<ArrayDesc>(std::move(shape), dtype)) {
+
528 if (data.size() != size()) {
+
529 throw std::invalid_argument(
+
530 "Data size and provided shape mismatch in array construction.");
+
531 }
+
532 init(data.begin());
+
533}
-
526
-
527template <typename T>
-
- -
529 std::initializer_list<T> data,
-
530 Dtype dtype /* = TypeToDtype<T>() */)
-
531 : array_desc_(std::make_shared<ArrayDesc>(
-
532 Shape{static_cast<ShapeElem>(data.size())},
-
533 dtype)) {
-
534 init(data.begin());
-
535}
+
534
+
535template <typename T>
+
+ +
537 if (size() != 1) {
+
538 throw std::invalid_argument("item can only be called on arrays of size 1.");
+
539 }
+
540 eval();
+
541 return *data<T>();
+
542}
-
536
-
537template <typename T>
-
- -
539 std::initializer_list<T> data,
-
540 Shape shape,
-
541 Dtype dtype /* = TypeToDtype<T>() */)
-
542 : array_desc_(std::make_shared<ArrayDesc>(std::move(shape), dtype)) {
-
543 if (data.size() != size()) {
-
544 throw std::invalid_argument(
-
545 "Data size and provided shape mismatch in array construction.");
-
546 }
-
547 init(data.begin());
-
548}
+
543
+
544template <typename T>
+
+
545T array::item() const {
+
546 if (size() != 1) {
+
547 throw std::invalid_argument("item can only be called on arrays of size 1.");
+
548 }
+
549 if (status() == Status::unscheduled) {
+
550 throw std::invalid_argument(
+
551 "item() const can only be called on evaled arrays");
+
552 }
+
553 const_cast<array*>(this)->eval();
+
554 return *data<T>();
+
555}
-
549
-
550template <typename T>
-
- -
552 if (size() != 1) {
-
553 throw std::invalid_argument("item can only be called on arrays of size 1.");
-
554 }
-
555 eval();
-
556 return *data<T>();
-
557}
-
-
558
-
559template <typename T>
-
-
560T array::item() const {
-
561 if (size() != 1) {
-
562 throw std::invalid_argument("item can only be called on arrays of size 1.");
-
563 }
-
564 if (status() == Status::unscheduled) {
-
565 throw std::invalid_argument(
-
566 "item() const can only be called on evaled arrays");
-
567 }
-
568 const_cast<array*>(this)->eval();
-
569 return *data<T>();
-
570}
-
-
571
-
572template <typename It>
-
573void array::init(It src) {
- -
575 switch (dtype()) {
-
576 case bool_:
-
577 std::copy(src, src + size(), data<bool>());
+
556
+
557template <typename It>
+
558void array::init(It src) {
+ +
560 switch (dtype()) {
+
561 case bool_:
+
562 std::copy(src, src + size(), data<bool>());
+
563 break;
+
564 case uint8:
+
565 std::copy(src, src + size(), data<uint8_t>());
+
566 break;
+
567 case uint16:
+
568 std::copy(src, src + size(), data<uint16_t>());
+
569 break;
+
570 case uint32:
+
571 std::copy(src, src + size(), data<uint32_t>());
+
572 break;
+
573 case uint64:
+
574 std::copy(src, src + size(), data<uint64_t>());
+
575 break;
+
576 case int8:
+
577 std::copy(src, src + size(), data<int8_t>());
578 break;
-
579 case uint8:
-
580 std::copy(src, src + size(), data<uint8_t>());
+
579 case int16:
+
580 std::copy(src, src + size(), data<int16_t>());
581 break;
-
582 case uint16:
-
583 std::copy(src, src + size(), data<uint16_t>());
+
582 case int32:
+
583 std::copy(src, src + size(), data<int32_t>());
584 break;
-
585 case uint32:
-
586 std::copy(src, src + size(), data<uint32_t>());
+
585 case int64:
+
586 std::copy(src, src + size(), data<int64_t>());
587 break;
-
588 case uint64:
-
589 std::copy(src, src + size(), data<uint64_t>());
+
588 case float16:
+
589 std::copy(src, src + size(), data<float16_t>());
590 break;
-
591 case int8:
-
592 std::copy(src, src + size(), data<int8_t>());
+
591 case float32:
+
592 std::copy(src, src + size(), data<float>());
593 break;
-
594 case int16:
-
595 std::copy(src, src + size(), data<int16_t>());
+
594 case float64:
+
595 std::copy(src, src + size(), data<double>());
596 break;
-
597 case int32:
-
598 std::copy(src, src + size(), data<int32_t>());
+
597 case bfloat16:
+
598 std::copy(src, src + size(), data<bfloat16_t>());
599 break;
-
600 case int64:
-
601 std::copy(src, src + size(), data<int64_t>());
+
600 case complex64:
+
601 std::copy(src, src + size(), data<complex64_t>());
602 break;
-
603 case float16:
-
604 std::copy(src, src + size(), data<float16_t>());
-
605 break;
-
606 case float32:
-
607 std::copy(src, src + size(), data<float>());
-
608 break;
-
609 case float64:
-
610 std::copy(src, src + size(), data<double>());
-
611 break;
-
612 case bfloat16:
-
613 std::copy(src, src + size(), data<bfloat16_t>());
-
614 break;
-
615 case complex64:
-
616 std::copy(src, src + size(), data<complex64_t>());
-
617 break;
-
618 }
-
619}
-
620
-
621/* Utilities for determining whether a template parameter is array. */
-
622template <typename T>
-
623inline constexpr bool is_array_v =
-
624 std::is_same_v<std::remove_cv_t<std::remove_reference_t<T>>, array>;
-
625
-
626template <typename... T>
-
627inline constexpr bool is_arrays_v = (is_array_v<T> && ...);
-
628
-
629template <typename... T>
-
630using enable_for_arrays_t = typename std::enable_if_t<is_arrays_v<T...>>;
-
631
-
632} // namespace mlx::core
+
603 }
+
604}
+
605
+
606/* Utilities for determining whether a template parameter is array. */
+
607template <typename T>
+
608inline constexpr bool is_array_v =
+
609 std::is_same_v<std::remove_cv_t<std::remove_reference_t<T>>, array>;
+
610
+
611template <typename... T>
+
612inline constexpr bool is_arrays_v = (is_array_v<T> && ...);
+
613
+
614template <typename... T>
+
615using enable_for_arrays_t = typename std::enable_if_t<is_arrays_v<T...>>;
+
616
+
617} // namespace mlx::core
Definition event.h:11
Definition primitives.h:48
virtual size_t size(Buffer buffer) const =0
Definition allocator.h:12
Definition array.h:24
-
void attach_event(Event e) const
Definition array.h:405
-
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:318
-
Event & event() const
Definition array.h:400
-
Status
Definition array.h:363
-
@ available
Definition array.h:381
-
@ evaluated
Definition array.h:376
-
@ unscheduled
Definition array.h:366
-
@ scheduled
Definition array.h:371
+
void attach_event(Event e) const
Definition array.h:395
+
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:313
+
Event & event() const
Definition array.h:390
+
Status
Definition array.h:358
+
@ available
Definition array.h:371
+
@ evaluated
Definition array.h:366
+
@ unscheduled
Definition array.h:361
const Shape & shape() const
The shape of the array as a vector of integers.
Definition array.h:103
-
array(allocator::Buffer data, Shape shape, Dtype dtype, Strides strides, size_t data_size, Flags flags, Deleter deleter=allocator::free)
Build an array from all the info held by the array description.
void eval()
Evaluate the array.
const Strides & strides() const
The strides of the array.
Definition array.h:117
-
const std::vector< array > & inputs() const
The array's inputs.
Definition array.h:274
+
const std::vector< array > & inputs() const
The array's inputs.
Definition array.h:269
array(const array &other)=default
-
std::vector< array > outputs() const
The outputs of the array's primitive (i.e.
Definition array.h:304
+
std::vector< array > outputs() const
The outputs of the array's primitive (i.e.
Definition array.h:299
size_t nbytes() const
The number of bytes in the array.
Definition array.h:93
-
void move_shared_buffer(array other)
static std::vector< array > make_arrays(std::vector< Shape > shapes, const std::vector< Dtype > &dtypes, const std::shared_ptr< Primitive > &primitive, const std::vector< array > &inputs)
array(std::initializer_list< float > data)
-
bool is_donatable() const
True indicates the arrays buffer is safe to reuse.
Definition array.h:283
+
bool is_donatable() const
True indicates the arrays buffer is safe to reuse.
Definition array.h:278
array(allocator::Buffer data, Shape shape, Dtype dtype, Deleter deleter=allocator::free)
-
std::shared_ptr< Primitive > & primitive_ptr() const
A shared pointer to the array's primitive.
Definition array.h:264
+
std::shared_ptr< Primitive > & primitive_ptr() const
A shared pointer to the array's primitive.
Definition array.h:259
size_t ndim() const
The number of dimensions of the array.
Definition array.h:98
size_t size() const
The number of elements in the array.
Definition array.h:88
array & operator=(array &&other) &&=delete
@@ -830,45 +812,46 @@ $(function(){initNavTree('array_8h_source.html',''); initResizable(true); });
ArrayIterator end() const
Definition array.h:180
array(std::initializer_list< int > data, Dtype dtype)
void set_data(allocator::Buffer buffer, size_t data_size, Strides strides, Flags flags, Deleter d=allocator::free)
-
const allocator::Buffer & buffer() const
Definition array.h:339
-
void set_status(Status s) const
Definition array.h:395
+
const allocator::Buffer & buffer() const
Definition array.h:334
+
void set_status(Status s) const
Definition array.h:385
array(const std::complex< float > &val, Dtype dtype=complex64)
-
Status status() const
Definition array.h:391
-
std::vector< array > & siblings()
The array's siblings.
Definition array.h:293
-
T * data()
Definition array.h:354
-
array(T val, Dtype dtype=TypeToDtype< T >())
Construct a scalar array with zero dimensions.
Definition array.h:513
+
Status status() const
Definition array.h:381
+
std::vector< array > & siblings()
The array's siblings.
Definition array.h:288
+
T * data()
Definition array.h:349
+
array(T val, Dtype dtype=TypeToDtype< T >())
Construct a scalar array with zero dimensions.
Definition array.h:498
ArrayIterator begin() const
Definition array.h:177
-
Primitive & primitive() const
The array's primitive.
Definition array.h:259
+
Primitive & primitive() const
The array's primitive.
Definition array.h:254
+
static array unsafe_weak_copy(const array &other)
Get a new array that refers to the same data as the input but with a non-owning pointer to it.
void detach()
Detach the array from the graph.
array & operator=(const array &other) &&=delete
Assignment to rvalue does not compile.
-
void set_siblings(std::vector< array > siblings, uint16_t position)
Definition array.h:297
-
T item()
Get the value from a scalar array.
Definition array.h:551
-
size_t buffer_size() const
Definition array.h:343
+
void set_siblings(std::vector< array > siblings, uint16_t position)
Definition array.h:292
+
T item()
Get the value from a scalar array.
Definition array.h:536
+
size_t buffer_size() const
Definition array.h:338
void copy_shared_buffer(const array &other)
-
void overwrite_descriptor(const array &other)
Definition array.h:443
-
const T * data() const
Definition array.h:359
-
bool has_primitive() const
Check if the array has an attached primitive or is a leaf node.
Definition array.h:269
-
allocator::Buffer & buffer()
Definition array.h:336
+
void overwrite_descriptor(const array &other)
Definition array.h:428
+
const T * data() const
Definition array.h:354
+
void detach_event() const
Definition array.h:399
+
bool has_primitive() const
Check if the array has an attached primitive or is a leaf node.
Definition array.h:264
+
allocator::Buffer & buffer()
Definition array.h:331
array(array &&other)=default
-
std::shared_ptr< Data > data_shared_ptr() const
Definition array.h:349
+
std::shared_ptr< Data > data_shared_ptr() const
Definition array.h:344
array(Shape shape, Dtype dtype, std::shared_ptr< Primitive > primitive, std::vector< array > inputs)
The following methods should be used with caution.
auto shape(int dim) const
Get the size of the corresponding dimension.
Definition array.h:112
auto strides(int dim) const
Get the stride of the corresponding dimension.
Definition array.h:126
-
const std::vector< array > & siblings() const
The array's siblings.
Definition array.h:288
-
std::vector< array > & inputs()
Definition array.h:278
+
const std::vector< array > & siblings() const
The array's siblings.
Definition array.h:283
+
std::vector< array > & inputs()
Definition array.h:273
void copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
array & operator=(array &&other) &=default
Default copy and move constructors otherwise.
-
void move_shared_buffer(array other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
-
std::uintptr_t id() const
A unique identifier for an array.
Definition array.h:203
+
std::uintptr_t id() const
A unique identifier for an array.
Definition array.h:210
Dtype dtype() const
Get the arrays data type.
Definition array.h:131
bool is_available() const
-
void set_tracer(bool is_tracer)
Definition array.h:410
+
void set_tracer(bool is_tracer)
Definition array.h:404
size_t itemsize() const
The size of the array's datatype in bytes.
Definition array.h:83
-
std::uintptr_t primitive_id() const
A unique identifier for an arrays primitive.
Definition array.h:208
+
std::uintptr_t primitive_id() const
A unique identifier for an arrays primitive.
Definition array.h:215
bool is_tracer() const
void set_data(allocator::Buffer buffer, Deleter d=allocator::free)
-
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:332
+
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:327
array std(const array &a, bool keepdims, int ddof=0, StreamOrDevice s={})
Computes the standard deviation of the elements of an array.
@@ -876,7 +859,7 @@ $(function(){initNavTree('array_8h_source.html',''); initResizable(true); });
void free(Buffer buffer)
Allocator & allocator()
Definition allocator.h:7
-
constexpr bool is_array_v
Definition array.h:623
+
constexpr bool is_array_v
Definition array.h:608
constexpr Dtype bool_
Definition dtype.h:68
int32_t ShapeElem
Definition array.h:20
constexpr Dtype uint64
Definition dtype.h:73
@@ -890,13 +873,13 @@ $(function(){initNavTree('array_8h_source.html',''); initResizable(true); });
std::vector< int64_t > Strides
Definition array.h:22
constexpr Dtype int8
Definition dtype.h:75
constexpr Dtype int64
Definition dtype.h:78
-
constexpr bool is_arrays_v
Definition array.h:627
+
constexpr bool is_arrays_v
Definition array.h:612
constexpr Dtype uint8
Definition dtype.h:70
constexpr Dtype float16
Definition dtype.h:80
constexpr Dtype uint32
Definition dtype.h:72
uint8_t size_of(const Dtype &t)
Definition dtype.h:104
std::function< void(allocator::Buffer)> Deleter
Definition array.h:19
-
typename std::enable_if_t< is_arrays_v< T... > > enable_for_arrays_t
Definition array.h:630
+
typename std::enable_if_t< is_arrays_v< T... > > enable_for_arrays_t
Definition array.h:615
constexpr Dtype complex64
Definition dtype.h:84
Definition dtype.h:13
Definition dtype.h:111
@@ -911,16 +894,16 @@ $(function(){initNavTree('array_8h_source.html',''); initResizable(true); });
size_t difference_type
Definition array.h:147
const array value_type
Definition array.h:148
ArrayIterator & operator+(difference_type diff)
Definition array.h:155
-
Deleter d
Definition array.h:214
-
Data(allocator::Buffer buffer, Deleter d=allocator::free)
Definition array.h:215
-
~Data()
Definition array.h:220
+
Deleter d
Definition array.h:221
+
Data(allocator::Buffer buffer, Deleter d=allocator::free)
Definition array.h:222
+
~Data()
Definition array.h:227
Data(const Data &d)=delete
Data & operator=(const Data &d)=delete
-
allocator::Buffer buffer
Definition array.h:213
-
Definition array.h:225
-
bool row_contiguous
Definition array.h:237
-
bool col_contiguous
Definition array.h:243
-
bool contiguous
Definition array.h:231
+
allocator::Buffer buffer
Definition array.h:220
+
Definition array.h:232
+
bool row_contiguous
Definition array.h:244
+
bool col_contiguous
Definition array.h:250
+
bool contiguous
Definition array.h:238
diff --git a/docs/build/html/attn_2mma_8h_source.html b/docs/build/html/attn_2mma_8h_source.html index 9de433931..d946a9747 100644 --- a/docs/build/html/attn_2mma_8h_source.html +++ b/docs/build/html/attn_2mma_8h_source.html @@ -228,7 +228,7 @@ $(function(){initNavTree('attn_2mma_8h_source.html',''); initResizable(true); })
111 for (short j = 0; j < kElemCols; j++) {
112 if ((off_x + i) < lim_x && (off_y + j) < lim_y) {
113 dst[i * kElemCols + j] =
-
114 static_cast<T>(src[(off_x + i) * str_x + (off_x + j) * str_y]);
+
114 static_cast<T>(src[(off_x + i) * str_x + (off_y + j) * str_y]);
115 } else {
116 dst[i * kElemCols + j] = T(0);
117 }
diff --git a/docs/build/html/attn_2params_8h.html b/docs/build/html/attn_2params_8h.html index eb1590053..7947a653e 100644 --- a/docs/build/html/attn_2params_8h.html +++ b/docs/build/html/attn_2params_8h.html @@ -115,6 +115,8 @@ $(function(){initNavTree('attn_2params_8h.html',''); initResizable(true); }); Classes struct  mlx::steel::AttnParams   +struct  mlx::steel::AttnMaskParams +  diff --git a/docs/build/html/attn_2params_8h.js b/docs/build/html/attn_2params_8h.js index f9f62aac2..bc0247386 100644 --- a/docs/build/html/attn_2params_8h.js +++ b/docs/build/html/attn_2params_8h.js @@ -1,4 +1,5 @@ var attn_2params_8h = [ - [ "mlx::steel::AttnParams", "structmlx_1_1steel_1_1_attn_params.html", "structmlx_1_1steel_1_1_attn_params" ] + [ "mlx::steel::AttnParams", "structmlx_1_1steel_1_1_attn_params.html", "structmlx_1_1steel_1_1_attn_params" ], + [ "mlx::steel::AttnMaskParams", "structmlx_1_1steel_1_1_attn_mask_params.html", "structmlx_1_1steel_1_1_attn_mask_params" ] ]; \ No newline at end of file diff --git a/docs/build/html/attn_2params_8h_source.html b/docs/build/html/attn_2params_8h_source.html index 9c099d6bf..9f8a8ee8b 100644 --- a/docs/build/html/attn_2params_8h_source.html +++ b/docs/build/html/attn_2params_8h_source.html @@ -132,20 +132,33 @@ $(function(){initNavTree('attn_2params_8h_source.html',''); initResizable(true);
28
-
29 int64_t Q_strides[3];
-
30 int64_t K_strides[3];
-
31 int64_t V_strides[3];
-
32 int64_t O_strides[3];
-
33};
+
29 int qL_rem;
+
30 int kL_rem;
+
31 int qL_off;
+
32
+
33 int64_t Q_strides[3];
+
34 int64_t K_strides[3];
+
35 int64_t V_strides[3];
+
36 int64_t O_strides[3];
+
37};
-
34
-
35} // namespace steel
-
36} // namespace mlx
+
38
+
+ +
40 int64_t M_strides[3];
+
41};
+
+
42
+
43} // namespace steel
+
44} // namespace mlx
Definition attn.h:19
Definition allocator.h:7
+
Definition params.h:39
+
int64_t M_strides[3]
Mask strides (B, H, qL, kL = 1)
Definition params.h:40
Definition params.h:12
int D
Head Dim.
Definition params.h:15
int B
Batch Size.
Definition params.h:13
+
int qL_off
Offset in query sequence start.
Definition params.h:31
int gqa_factor
Group Query factor.
Definition params.h:20
int H
Heads.
Definition params.h:14
int NQ
Number of query blocks.
Definition params.h:23
@@ -153,12 +166,14 @@ $(function(){initNavTree('attn_2params_8h_source.html',''); initResizable(true);
int NQ_aligned
Number of full query blocks.
Definition params.h:26
int qL
Query Sequence Length.
Definition params.h:17
int NK
Number of key/value blocks.
Definition params.h:24
-
int64_t Q_strides[3]
Query strides (B, H, L, D = 1)
Definition params.h:29
+
int kL_rem
Remainder in last key/value block.
Definition params.h:30
+
int64_t Q_strides[3]
Query strides (B, H, L, D = 1)
Definition params.h:33
int NK_aligned
Number of full key/value blocks.
Definition params.h:27
-
int64_t O_strides[3]
Output strides (B, H, L, D = 1)
Definition params.h:32
-
int64_t V_strides[3]
Value strides (B, H, L, D = 1)
Definition params.h:31
+
int64_t O_strides[3]
Output strides (B, H, L, D = 1)
Definition params.h:36
+
int64_t V_strides[3]
Value strides (B, H, L, D = 1)
Definition params.h:35
float scale
Attention scale.
Definition params.h:21
-
int64_t K_strides[3]
Key strides (B, H, L, D = 1)
Definition params.h:30
+
int qL_rem
Remainder in last query block.
Definition params.h:29
+
int64_t K_strides[3]
Key strides (B, H, L, D = 1)
Definition params.h:34
diff --git a/docs/build/html/backend_2common_2load_8h.js b/docs/build/html/backend_2common_2load_8h.js deleted file mode 100644 index 452297e46..000000000 --- a/docs/build/html/backend_2common_2load_8h.js +++ /dev/null @@ -1,4 +0,0 @@ -var backend_2common_2load_8h = -[ - [ "mlx::core::load", "namespacemlx_1_1core.html#a954de19249da7c1fa39b89bdc47368aa", null ] -]; \ No newline at end of file diff --git a/docs/build/html/backend_2common_2utils_8h.html b/docs/build/html/backend_2common_2utils_8h.html index 88924b13c..bff3735c0 100644 --- a/docs/build/html/backend_2common_2utils_8h.html +++ b/docs/build/html/backend_2common_2utils_8h.html @@ -149,10 +149,6 @@ Functions - - - - diff --git a/docs/build/html/backend_2common_2utils_8h.js b/docs/build/html/backend_2common_2utils_8h.js index e85f82ea1..56bbb881c 100644 --- a/docs/build/html/backend_2common_2utils_8h.js +++ b/docs/build/html/backend_2common_2utils_8h.js @@ -11,8 +11,6 @@ var backend_2common_2utils_8h = [ "mlx::core::elem_to_loc", "namespacemlx_1_1core.html#a59c0af06c5325c04ad8d69563c1c6b0a", null ], [ "mlx::core::is_donatable", "namespacemlx_1_1core.html#af650e831ce21759da1ac103037d08d84", null ], [ "mlx::core::make_contiguous_strides", "namespacemlx_1_1core.html#a449ef1148816a37bbc7ffd43d3c586a0", null ], - [ "mlx::core::move_or_copy", "namespacemlx_1_1core.html#a830a47d8a317dffb0c88e5a7afe6aee2", null ], - [ "mlx::core::move_or_copy", "namespacemlx_1_1core.html#a9fcb3711b150cb65c7778a35c51284b2", null ], [ "mlx::core::prepare_reshape", "namespacemlx_1_1core.html#a6783cfc7dbe1a116ba84a3904a37145f", null ], [ "mlx::core::shared_buffer_reshape", "namespacemlx_1_1core.html#a88d88987bd8bf3ca46bf3b5e8aacce9d", null ] ]; \ No newline at end of file diff --git a/docs/build/html/backend_2common_2utils_8h_source.html b/docs/build/html/backend_2common_2utils_8h_source.html index f347cbbfb..93218013f 100644 --- a/docs/build/html/backend_2common_2utils_8h_source.html +++ b/docs/build/html/backend_2common_2utils_8h_source.html @@ -292,30 +292,21 @@ $(function(){initNavTree('backend_2common_2utils_8h_source.html',''); initResiza
160}
161
-
162void move_or_copy(const array& in, array& out);
- -
164 const array& in,
-
165 array& out,
-
166 const Strides& strides,
-
167 array::Flags flags,
-
168 size_t data_size,
-
169 size_t offset = 0);
-
170
-
171std::pair<bool, Strides> prepare_reshape(const array& in, const array& out);
-
172
- -
174 const array& in,
-
175 const Strides& out_strides,
-
176 array& out);
-
177} // namespace mlx::core
+
162std::pair<bool, Strides> prepare_reshape(const array& in, const array& out);
+
163
+ +
165 const array& in,
+
166 const Strides& out_strides,
+
167 array& out);
+
168} // namespace mlx::core
Definition array.h:24
-
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:318
+
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:313
const Shape & shape() const
The shape of the array as a vector of integers.
Definition array.h:103
const Strides & strides() const
The strides of the array.
Definition array.h:117
size_t nbytes() const
The number of bytes in the array.
Definition array.h:93
-
bool is_donatable() const
True indicates the arrays buffer is safe to reuse.
Definition array.h:283
-
size_t buffer_size() const
Definition array.h:343
+
bool is_donatable() const
True indicates the arrays buffer is safe to reuse.
Definition array.h:278
+
size_t buffer_size() const
Definition array.h:338
size_t itemsize() const
The size of the array's datatype in bytes.
Definition array.h:83
Definition allocator.h:7
Strides make_contiguous_strides(const Shape &shape)
Definition utils.h:29
@@ -324,11 +315,10 @@ $(function(){initNavTree('backend_2common_2utils_8h_source.html',''); initResiza
std::pair< bool, Strides > prepare_reshape(const array &in, const array &out)
std::vector< ShapeElem > Shape
Definition array.h:21
std::vector< int64_t > Strides
Definition array.h:22
-
void move_or_copy(const array &in, array &out)
void shared_buffer_reshape(const array &in, const Strides &out_strides, array &out)
auto check_contiguity(const Shape &shape, const Strides &strides)
Definition utils.h:134
bool is_donatable(const array &in, const array &out)
Definition utils.h:155
-
typename std::enable_if_t< is_arrays_v< T... > > enable_for_arrays_t
Definition array.h:630
+
typename std::enable_if_t< is_arrays_v< T... > > enable_for_arrays_t
Definition array.h:615
int64_t loc
Definition utils.h:126
ContiguousIterator()
Definition utils.h:104
ContiguousIterator(const Shape &shape, const Strides &strides, int dims)
Definition utils.h:114
@@ -336,8 +326,7 @@ $(function(){initNavTree('backend_2common_2utils_8h_source.html',''); initResiza
void step()
Definition utils.h:74
void seek(int64_t n)
Definition utils.h:89
void reset()
Definition utils.h:99
-
Definition array.h:225
-
bool row_contiguous
Definition array.h:237
+
bool row_contiguous
Definition array.h:244
diff --git a/docs/build/html/backend_2metal_2device_8h_source.html b/docs/build/html/backend_2metal_2device_8h_source.html index 1e3401fba..e3e09e3cd 100644 --- a/docs/build/html/backend_2metal_2device_8h_source.html +++ b/docs/build/html/backend_2metal_2device_8h_source.html @@ -178,7 +178,7 @@ $(function(){initNavTree('backend_2metal_2device_8h_source.html',''); initResiza
62
63 void set_input_array(const array& a, int idx, int64_t offset = 0);
64 void set_output_array(array& a, int idx, int64_t offset = 0);
- +
66 void dispatch_threadgroups(MTL::Size grid_dims, MTL::Size group_dims);
67 void dispatch_threads(MTL::Size grid_dims, MTL::Size group_dims);
@@ -472,6 +472,7 @@ $(function(){initNavTree('backend_2metal_2device_8h_source.html',''); initResiza
Definition device.h:43
void dispatch_threads(MTL::Size grid_dims, MTL::Size group_dims)
std::unordered_set< const void * > & inputs()
Definition device.h:108
+
void register_output_array(const array &a)
CommandEncoder & operator=(const CommandEncoder &)=delete
ConcurrentContext start_concurrent()
Definition device.h:102
void set_vector_bytes(const std::vector< T > &vec, size_t nelems, int idx)
Definition device.h:84
@@ -487,7 +488,6 @@ $(function(){initNavTree('backend_2metal_2device_8h_source.html',''); initResiza
void set_bytes(const T &v, int idx)
Definition device.h:98
CommandEncoder(const CommandEncoder &)=delete
-
void set_buffer(const MTL::Buffer *buf, int idx, int64_t offset=0)
void update_fence(MTL::Fence *fence)
Definition device.h:79
std::unordered_set< const void * > outputs()
Definition device.h:113
diff --git a/docs/build/html/backend_2metal_2event_8h.js b/docs/build/html/backend_2metal_2event_8h.js deleted file mode 100644 index e2170ce94..000000000 --- a/docs/build/html/backend_2metal_2event_8h.js +++ /dev/null @@ -1,5 +0,0 @@ -var backend_2metal_2event_8h = -[ - [ "mlx::core::encode_signal", "namespacemlx_1_1core.html#a6d452306f0f046a7d021bd94f8713a89", null ], - [ "mlx::core::encode_wait", "namespacemlx_1_1core.html#a2874ba55b73057b76c23a7429fdd2d6e", null ] -]; \ No newline at end of file diff --git a/docs/build/html/backend_2metal_2utils_8h.html b/docs/build/html/backend_2metal_2utils_8h.html index ac6674994..200f869bc 100644 --- a/docs/build/html/backend_2metal_2utils_8h.html +++ b/docs/build/html/backend_2metal_2utils_8h.html @@ -147,9 +147,6 @@ Functions - - -

Namespaces

 
bool mlx::core::is_donatable (const array &in, const array &out)
 
void mlx::core::move_or_copy (const array &in, array &out)
 
void mlx::core::move_or_copy (const array &in, array &out, const Strides &strides, array::Flags flags, size_t data_size, size_t offset=0)
 
std::pair< bool, Stridesmlx::core::prepare_reshape (const array &in, const array &out)
 
void mlx::core::shared_buffer_reshape (const array &in, const Strides &out_strides, array &out)
template<typename T, typename... Args>
void mlx::core::concatenate (std::string &acc, T first, Args... args)
 
array mlx::core::unsafe_weak_copy (const array &x)
 Get a new array that refers to the same data but has a non-owning pointer to them.
 
diff --git a/docs/build/html/backend_2metal_2utils_8h.js b/docs/build/html/backend_2metal_2utils_8h.js index bc0d55b36..b67a9d3f9 100644 --- a/docs/build/html/backend_2metal_2utils_8h.js +++ b/docs/build/html/backend_2metal_2utils_8h.js @@ -10,6 +10,5 @@ var backend_2metal_2utils_8h = [ "mlx::core::get_primitive_string", "namespacemlx_1_1core.html#ad4be35b310a252edd80d9cf04f094a60", null ], [ "mlx::core::make_string", "namespacemlx_1_1core.html#aed148d95e7b5221f1312473deded0d27", null ], [ "mlx::core::type_to_name", "namespacemlx_1_1core.html#af1fdfdaa5644394362e6baba30701bae", null ], - [ "mlx::core::type_to_name", "namespacemlx_1_1core.html#aef60e3a8d9c987c9c338b193673d2164", null ], - [ "mlx::core::unsafe_weak_copy", "namespacemlx_1_1core.html#a357f4172305d2021bde8cf07d99adb7d", null ] + [ "mlx::core::type_to_name", "namespacemlx_1_1core.html#aef60e3a8d9c987c9c338b193673d2164", null ] ]; \ No newline at end of file diff --git a/docs/build/html/backend_2metal_2utils_8h_source.html b/docs/build/html/backend_2metal_2utils_8h_source.html index 8b09f8ba0..2567c0a28 100644 --- a/docs/build/html/backend_2metal_2utils_8h_source.html +++ b/docs/build/html/backend_2metal_2utils_8h_source.html @@ -185,35 +185,15 @@ $(function(){initNavTree('backend_2metal_2utils_8h_source.html',''); initResizab
69 concatenate(acc, args...);
70}
-
71
-
-
76inline array unsafe_weak_copy(const array& x) {
-
77 return array(
-
78 x.buffer(),
-
79 x.shape(),
-
80 x.dtype(),
-
81 x.strides(),
-
82 x.data_size(),
-
83 x.flags(),
-
84 [](auto b) {});
-
85}
-
-
86
-
87} // namespace mlx::core
+
71
+
72} // namespace mlx::core
Definition primitives.h:48
virtual void print(std::ostream &os)=0
Print the primitive.
Definition array.h:24
-
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:318
-
const Shape & shape() const
The shape of the array as a vector of integers.
Definition array.h:103
-
const Strides & strides() const
The strides of the array.
Definition array.h:117
-
allocator::Buffer & buffer()
Definition array.h:336
-
Dtype dtype() const
Get the arrays data type.
Definition array.h:131
-
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:332
Definition allocator.h:7
MTL::Size get_block_dims(int dim0, int dim1, int dim2, int pow2=10)
-
array unsafe_weak_copy(const array &x)
Get a new array that refers to the same data but has a non-owning pointer to them.
Definition utils.h:76
void debug_set_primitive_buffer_label(MTL::CommandBuffer *command_buffer, Primitive &primitive)
Definition utils.h:46
std::vector< ShapeElem > Shape
Definition array.h:21
void concatenate(std::string &acc, T first)
Definition utils.h:62
diff --git a/docs/build/html/classes.html b/docs/build/html/classes.html index 9ed2c8f37..2f916eb16 100644 --- a/docs/build/html/classes.html +++ b/docs/build/html/classes.html @@ -109,13 +109,13 @@ $(function(){initNavTree('classes.html',''); initResizable(true); });
A
-
Abs
Abs (mlx::core)
Abs (mlx::core::detail)
AccumHelper (mlx::steel)
Add
Add (mlx::core)
Add (mlx::core::detail)
add_vec (pocketfft::detail)
add_vec< cmplx< T > > (pocketfft::detail)
AddMM (mlx::core)
AffineQuantize (mlx::core::fast)
aligned_allocator (pocketfft::detail::threading)
AllGather (mlx::core::distributed)
Allocator (mlx::core::allocator)
AllReduce (mlx::core::distributed)
And
Arange (mlx::core)
ArcCos
ArcCos (mlx::core)
ArcCos (mlx::core::detail)
ArcCosh
ArcCosh (mlx::core)
ArcCosh (mlx::core::detail)
ArcSin
ArcSin (mlx::core)
ArcSin (mlx::core::detail)
ArcSinh
ArcSinh (mlx::core)
ArcSinh (mlx::core::detail)
ArcTan
ArcTan (mlx::core)
ArcTan (mlx::core::detail)
ArcTan2
ArcTan2 (mlx::core)
ArcTan2 (mlx::core::detail)
ArcTanh
ArcTanh (mlx::core)
ArcTanh (mlx::core::detail)
ArgPartition (mlx::core)
ArgReduce (mlx::core)
ArgSort (mlx::core)
arr (pocketfft::detail)
arr_info (pocketfft::detail)
array (mlx::core)
array::ArrayIterator (mlx::core)
AsStrided (mlx::core)
AsType (mlx::core)
AttnParams (mlx::steel)
+
Abs
Abs (mlx::core)
Abs (mlx::core::detail)
AccumHelper (mlx::steel)
Add
Add (mlx::core)
Add (mlx::core::detail)
add_vec (pocketfft::detail)
add_vec< cmplx< T > > (pocketfft::detail)
AddMM (mlx::core)
AffineQuantize (mlx::core::fast)
aligned_allocator (pocketfft::detail::threading)
AllGather (mlx::core::distributed)
Allocator (mlx::core::allocator)
AllReduce (mlx::core::distributed)
And
Arange (mlx::core)
ArcCos
ArcCos (mlx::core)
ArcCos (mlx::core::detail)
ArcCosh
ArcCosh (mlx::core)
ArcCosh (mlx::core::detail)
ArcSin
ArcSin (mlx::core)
ArcSin (mlx::core::detail)
ArcSinh
ArcSinh (mlx::core)
ArcSinh (mlx::core::detail)
ArcTan
ArcTan (mlx::core)
ArcTan (mlx::core::detail)
ArcTan2
ArcTan2 (mlx::core)
ArcTan2 (mlx::core::detail)
ArcTanh
ArcTanh (mlx::core)
ArcTanh (mlx::core::detail)
ArgPartition (mlx::core)
ArgReduce (mlx::core)
ArgSort (mlx::core)
arr (pocketfft::detail)
arr_info (pocketfft::detail)
array (mlx::core)
array::ArrayIterator (mlx::core)
AsStrided (mlx::core)
AsType (mlx::core)
AttnMaskParams (mlx::steel)
AttnParams (mlx::steel)
B
BaseMMAFrag (mlx::steel)
BaseMMAFrag< T, 8, 8 > (mlx::steel)
_MLX_BFloat16::bits_to_bfloat_struct
BitwiseAnd
BitwiseAnd (mlx::core::detail)
BitwiseBinary (mlx::core)
BitwiseInvert
BitwiseInvert (mlx::core)
BitwiseInvert (mlx::core::detail)
BitwiseOr
BitwiseOr (mlx::core::detail)
BitwiseXor
BitwiseXor (mlx::core::detail)
BlockLoader (mlx::steel)
BlockLoaderT (mlx::steel)
BlockMaskedMM (mlx::core)
BlockMergeSort
BlockMMA (mlx::steel)
BlockSwizzle (mlx::steel)
bool4_or_uint
Broadcast (mlx::core)
BroadcastAxes (mlx::core)
Buffer (mlx::core::allocator)
Buffer (mlx::core::metal)
C
-
Ceil
Ceil (mlx::core)
Ceil (mlx::core::detail)
cfftp (pocketfft::detail)
ChannelHelper (mlx::steel)
ChannelHelper< 1 > (mlx::steel)
ChannelHelper< 2 > (mlx::steel)
ChannelHelper< 3 > (mlx::steel)
ChannelHelper< 4 > (mlx::steel)
Cholesky (mlx::core)
cmplx (pocketfft::detail)
cndarr (pocketfft::detail)
CommandEncoder (mlx::core)
CommandEncoder (mlx::core::metal)
CommonAllocator (mlx::core::allocator)
Compiled (mlx::core)
complex128_t (mlx::core)
complex64_t
complex64_t (mlx::core)
Concatenate (mlx::core)
concurrent_queue (pocketfft::detail::threading)
CommandEncoder::ConcurrentContext (mlx::core)
CommandEncoder::ConcurrentContext (mlx::core::metal)
ConditionalType
ConditionalType< true, T, U >
Conjugate
Conjugate (mlx::core)
Conjugate (mlx::core::detail)
Contiguous (mlx::core)
ContiguousIterator (mlx::core)
Conv2DGeneralBaseInfo (mlx::steel)
Conv2DGeneralJumpParams (mlx::steel)
Conv2DInputBlockLoaderGeneral (mlx::steel)
Conv2DInputBlockLoaderLargeFilter (mlx::steel)
Conv2DInputBlockLoaderSmallChannels (mlx::steel)
Conv2DInputBlockLoaderSmallFilter (mlx::steel)
Conv2DWeightBlockLoader (mlx::steel)
Conv2DWeightBlockLoaderGeneral (mlx::steel)
Conv2DWeightBlockLoaderSmallChannels (mlx::steel)
Convolution (mlx::core)
Copy (mlx::core)
Cos
Cos (mlx::core)
Cos (mlx::core::detail)
Cosh
Cosh (mlx::core)
Cosh (mlx::core::detail)
CShape (mlx::steel)
CumMax
CumMin
CumProd
CumProd< bool >
CumSum
Custom (mlx::core::fast)
CustomKernel (mlx::core::fast)
CustomKernelShapeInfo (mlx::core::fast)
CustomTransforms (mlx::core)
+
Ceil
Ceil (mlx::core)
Ceil (mlx::core::detail)
cfftp (pocketfft::detail)
ChannelHelper (mlx::steel)
ChannelHelper< 1 > (mlx::steel)
ChannelHelper< 2 > (mlx::steel)
ChannelHelper< 3 > (mlx::steel)
ChannelHelper< 4 > (mlx::steel)
Cholesky (mlx::core)
cmplx (pocketfft::detail)
cndarr (pocketfft::detail)
CommandEncoder (mlx::core)
CommandEncoder (mlx::core::cpu)
CommandEncoder (mlx::core::metal)
CommonAllocator (mlx::core::allocator)
Compiled (mlx::core)
complex128_t (mlx::core)
complex64_t
complex64_t (mlx::core)
Concatenate (mlx::core)
concurrent_queue (pocketfft::detail::threading)
CommandEncoder::ConcurrentContext (mlx::core)
CommandEncoder::ConcurrentContext (mlx::core::metal)
ConditionalType
ConditionalType< true, T, U >
Conjugate
Conjugate (mlx::core)
Conjugate (mlx::core::detail)
Contiguous (mlx::core)
ContiguousIterator (mlx::core)
Conv2DGeneralBaseInfo (mlx::steel)
Conv2DGeneralJumpParams (mlx::steel)
Conv2DInputBlockLoaderGeneral (mlx::steel)
Conv2DInputBlockLoaderLargeFilter (mlx::steel)
Conv2DInputBlockLoaderSmallChannels (mlx::steel)
Conv2DInputBlockLoaderSmallFilter (mlx::steel)
Conv2DWeightBlockLoader (mlx::steel)
Conv2DWeightBlockLoaderGeneral (mlx::steel)
Conv2DWeightBlockLoaderSmallChannels (mlx::steel)
Convolution (mlx::core)
Copy (mlx::core)
Cos
Cos (mlx::core)
Cos (mlx::core::detail)
Cosh
Cosh (mlx::core)
Cosh (mlx::core::detail)
CShape (mlx::steel)
CumMax
CumMin
CumProd
CumProd< bool >
CumSum
Custom (mlx::core::fast)
CustomKernel (mlx::core::fast)
CustomKernelShapeInfo (mlx::core::fast)
CustomTransforms (mlx::core)
D
array::Data (mlx::core)
Depends (mlx::core)
Device (mlx::core)
Device (mlx::core::metal)
DeviceStream (mlx::core::metal)
DistPrimitive (mlx::core::distributed)
Divide
Divide (mlx::core::detail)
Divide (mlx::core)
DivMod
DivMod (mlx::core)
DivOp
Dtype (mlx::core)
DynamicSlice (mlx::core)
DynamicSliceUpdate (mlx::core)
diff --git a/docs/build/html/classmlx_1_1core_1_1_event-members.html b/docs/build/html/classmlx_1_1core_1_1_event-members.html index d55e6a71e..aeb61c819 100644 --- a/docs/build/html/classmlx_1_1core_1_1_event-members.html +++ b/docs/build/html/classmlx_1_1core_1_1_event-members.html @@ -108,16 +108,17 @@ $(function(){initNavTree('classmlx_1_1core_1_1_event.html',''); initResizable(tr

This is the complete list of members for mlx::core::Event, including all inherited members.

- - + + - - - + + + +
Event()=defaultmlx::core::Event
Event(const Stream &steam)mlx::core::Event
Event()mlx::core::Eventinline
Event(Stream stream)mlx::core::Eventexplicit
is_signaled() constmlx::core::Event
raw_event() constmlx::core::Eventinline
set_value(uint64_t v)mlx::core::Eventinline
signal()mlx::core::Event
set_value(uint64_t v)mlx::core::Eventinline
signal()mlx::core::Event
signal(Stream stream)mlx::core::Event
stream() constmlx::core::Eventinline
valid() constmlx::core::Eventinline
value() constmlx::core::Eventinline
wait()mlx::core::Event
wait(Stream stream)mlx::core::Event
diff --git a/docs/build/html/classmlx_1_1core_1_1_event.html b/docs/build/html/classmlx_1_1core_1_1_event.html index 19634f0b1..f058182d8 100644 --- a/docs/build/html/classmlx_1_1core_1_1_event.html +++ b/docs/build/html/classmlx_1_1core_1_1_event.html @@ -113,14 +113,18 @@ $(function(){initNavTree('classmlx_1_1core_1_1_event.html',''); initResizable(tr - - - - + + + + + + + + @@ -131,12 +135,10 @@ Public Member Functions - -

Public Member Functions

 Event ()=default
 
 Event (const Stream &steam)
 
 Event ()
 
 Event (Stream stream)
 
void wait ()
 
void signal ()
 
void wait (Stream stream)
 
void signal (Stream stream)
 
bool is_signaled () const
 
bool valid () const
 
const Streamstream () const
 
const std::shared_ptr< void > & raw_event () const
 

Constructor & Destructor Documentation

- -

◆ Event() [1/2]

+ +

◆ Event() [1/2]

@@ -153,26 +155,34 @@ Public Member Functions -default +inline
- -

◆ Event() [2/2]

+ +

◆ Event() [2/2]

+ + + + + +
- +
mlx::core::Event::Event (const Stream & steam)Stream stream)
+
+explicit
@@ -193,31 +203,6 @@ Public Member Functions
-
-
- -

◆ raw_event()

- -
-
- - - - - -
- - - - - - - -
const std::shared_ptr< void > & mlx::core::Event::raw_event () const
-
-inline
-
-
@@ -246,7 +231,7 @@ Public Member Functions
-

◆ signal()

+

◆ signal() [1/2]

@@ -260,6 +245,23 @@ Public Member Functions
+
+
+ +

◆ signal() [2/2]

+ +
+
+ + + + + + + +
void mlx::core::Event::signal (Stream stream)
+
+
@@ -338,7 +340,7 @@ Public Member Functions
-

◆ wait()

+

◆ wait() [1/2]

@@ -352,6 +354,23 @@ Public Member Functions
+
+
+ +

◆ wait() [2/2]

+ +
+
+ + + + + + + +
void mlx::core::Event::wait (Stream stream)
+
+

The documentation for this class was generated from the following file:
    diff --git a/docs/build/html/classmlx_1_1core_1_1_event.js b/docs/build/html/classmlx_1_1core_1_1_event.js index 924cdc8ad..dc4288d3a 100644 --- a/docs/build/html/classmlx_1_1core_1_1_event.js +++ b/docs/build/html/classmlx_1_1core_1_1_event.js @@ -1,13 +1,14 @@ var classmlx_1_1core_1_1_event = [ - [ "Event", "classmlx_1_1core_1_1_event.html#a833506419b2110ad1abd89b2dd238b4d", null ], - [ "Event", "classmlx_1_1core_1_1_event.html#a13e4835f2ffb2cc22e29148a448ea184", null ], + [ "Event", "classmlx_1_1core_1_1_event.html#a98f1f98d6cac43ddb682522acdce63d5", null ], + [ "Event", "classmlx_1_1core_1_1_event.html#acdc48fc71fcf3f8d128be029d63b7826", null ], [ "is_signaled", "classmlx_1_1core_1_1_event.html#a05a9a3de88185b4a89e154242b4e770a", null ], - [ "raw_event", "classmlx_1_1core_1_1_event.html#af408d30df17c4771e9e2aa550cb6e921", null ], [ "set_value", "classmlx_1_1core_1_1_event.html#a0d077b11f4b28f882b42440b7ac6d40d", null ], [ "signal", "classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89", null ], + [ "signal", "classmlx_1_1core_1_1_event.html#ab514bd9e9c21d1fdd7c1460dc7d0ec7f", null ], [ "stream", "classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614", null ], [ "valid", "classmlx_1_1core_1_1_event.html#aa77afd9669e2ef9d5e9ae1c2c6fd24fa", null ], [ "value", "classmlx_1_1core_1_1_event.html#ab71c7baee3d1d02ad6a2001bbf90b970", null ], - [ "wait", "classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252", null ] + [ "wait", "classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252", null ], + [ "wait", "classmlx_1_1core_1_1_event.html#ac58282a36a02aed7a5bd59b1602d11a8", null ] ]; \ No newline at end of file diff --git a/docs/build/html/classmlx_1_1core_1_1_fence-members.html b/docs/build/html/classmlx_1_1core_1_1_fence-members.html index b34cc2219..04b89ac52 100644 --- a/docs/build/html/classmlx_1_1core_1_1_fence-members.html +++ b/docs/build/html/classmlx_1_1core_1_1_fence-members.html @@ -108,11 +108,10 @@ $(function(){initNavTree('classmlx_1_1core_1_1_fence.html',''); initResizable(tr

    This is the complete list of members for mlx::core::Fence, including all inherited members.

    - - - - - + + + +
    Fence(const Stream &stream)mlx::core::Fence
    update()mlx::core::Fence
    update_gpu(const array &x)mlx::core::Fence
    wait()mlx::core::Fence
    wait_gpu(array &x)mlx::core::Fence
    Fence()mlx::core::Fenceinline
    Fence(Stream stream)mlx::core::Fenceexplicit
    update(Stream stream, const array &x)mlx::core::Fence
    wait(Stream stream, const array &x)mlx::core::Fence
diff --git a/docs/build/html/classmlx_1_1core_1_1_fence.html b/docs/build/html/classmlx_1_1core_1_1_fence.html index a1408c747..ff96358c6 100644 --- a/docs/build/html/classmlx_1_1core_1_1_fence.html +++ b/docs/build/html/classmlx_1_1core_1_1_fence.html @@ -113,38 +113,69 @@ $(function(){initNavTree('classmlx_1_1core_1_1_fence.html',''); initResizable(tr - - - - - - - - - - + + + + + + + +

Public Member Functions

 Fence (const Stream &stream)
 
void update_gpu (const array &x)
 
void wait_gpu (array &x)
 
void wait ()
 
void update ()
 
 Fence ()
 
 Fence (Stream stream)
 
void update (Stream stream, const array &x)
 
void wait (Stream stream, const array &x)
 

Constructor & Destructor Documentation

- -

◆ Fence()

+ +

◆ Fence() [1/2]

+ + + + + +
- +
mlx::core::Fence::Fence (const Stream & stream))
+
+inline
+
+ +
+
+ +

◆ Fence() [2/2]

+ +
+
+ + + + + +
+ + + + + + + +
mlx::core::Fence::Fence (Stream stream)
+
+explicit

Member Function Documentation

- -

◆ update()

+ +

◆ update()

@@ -152,33 +183,20 @@ Public Member Functions void mlx::core::Fence::update ( - ) - + Stream stream, - -
- -
-
- -

◆ update_gpu()

- -
-
- - - - + +
void mlx::core::Fence::update_gpu (const array & x) const array & x )
- -

◆ wait()

+ +

◆ wait()

@@ -186,25 +204,12 @@ Public Member Functions void mlx::core::Fence::wait ( - ) - + Stream stream, - -
- -
-
- -

◆ wait_gpu()

- -
-
- - - - + +
void mlx::core::Fence::wait_gpu (array & x) const array & x )
@@ -212,7 +217,7 @@ Public Member Functions

The documentation for this class was generated from the following file:
diff --git a/docs/build/html/classmlx_1_1core_1_1_fence.js b/docs/build/html/classmlx_1_1core_1_1_fence.js index d4342d49e..06bd98467 100644 --- a/docs/build/html/classmlx_1_1core_1_1_fence.js +++ b/docs/build/html/classmlx_1_1core_1_1_fence.js @@ -1,8 +1,7 @@ var classmlx_1_1core_1_1_fence = [ - [ "Fence", "classmlx_1_1core_1_1_fence.html#a3e3ed08eb6a1025b051b5a435f6f95f7", null ], - [ "update", "classmlx_1_1core_1_1_fence.html#a653279d4023d69751a930a91d3bf010a", null ], - [ "update_gpu", "classmlx_1_1core_1_1_fence.html#a6c5652aad6e93b06c72258bb8d9c19fc", null ], - [ "wait", "classmlx_1_1core_1_1_fence.html#a1ccbe354d043e6c4d76286c6635a38e2", null ], - [ "wait_gpu", "classmlx_1_1core_1_1_fence.html#ab6d783dee02656ebb8ffcbbfa6de5b53", null ] + [ "Fence", "classmlx_1_1core_1_1_fence.html#aeb09655b3ef4db12810defebdbbdac33", null ], + [ "Fence", "classmlx_1_1core_1_1_fence.html#a7cabe72d8b165344ff9f7118975b6214", null ], + [ "update", "classmlx_1_1core_1_1_fence.html#a19438c60b5e9c6f64529c8f0329ead13", null ], + [ "wait", "classmlx_1_1core_1_1_fence.html#a9d9bc0b57f741577a34f8dfd3b1de8f2", null ] ]; \ No newline at end of file diff --git a/docs/build/html/classmlx_1_1core_1_1array-members.html b/docs/build/html/classmlx_1_1core_1_1array-members.html index 091d2d41a..a46519ca2 100644 --- a/docs/build/html/classmlx_1_1core_1_1array-members.html +++ b/docs/build/html/classmlx_1_1core_1_1array-members.html @@ -119,20 +119,20 @@ $(function(){initNavTree('classmlx_1_1core_1_1array.html',''); initResizable(tru array(const array &other)=defaultmlx::core::array array(array &&other)=defaultmlx::core::array array(Shape shape, Dtype dtype, std::shared_ptr< Primitive > primitive, std::vector< array > inputs)mlx::core::array - array(allocator::Buffer data, Shape shape, Dtype dtype, Strides strides, size_t data_size, Flags flags, Deleter deleter=allocator::free)mlx::core::arrayexplicit - attach_event(Event e) constmlx::core::arrayinline - available enum valuemlx::core::array - begin() constmlx::core::arrayinline - buffer()mlx::core::arrayinline - buffer() constmlx::core::arrayinline - buffer_size() constmlx::core::arrayinline - copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)mlx::core::array - copy_shared_buffer(const array &other)mlx::core::array - data()mlx::core::arrayinline - data() constmlx::core::arrayinline - data_shared_ptr() constmlx::core::arrayinline - data_size() constmlx::core::arrayinline - detach()mlx::core::array + attach_event(Event e) constmlx::core::arrayinline + available enum valuemlx::core::array + begin() constmlx::core::arrayinline + buffer()mlx::core::arrayinline + buffer() constmlx::core::arrayinline + buffer_size() constmlx::core::arrayinline + copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)mlx::core::array + copy_shared_buffer(const array &other)mlx::core::array + data()mlx::core::arrayinline + data() constmlx::core::arrayinline + data_shared_ptr() constmlx::core::arrayinline + data_size() constmlx::core::arrayinline + detach()mlx::core::array + detach_event() constmlx::core::arrayinline dtype() constmlx::core::arrayinline end() constmlx::core::arrayinline eval()mlx::core::array @@ -150,8 +150,6 @@ $(function(){initNavTree('classmlx_1_1core_1_1array.html',''); initResizable(tru item() constmlx::core::array itemsize() constmlx::core::arrayinline make_arrays(std::vector< Shape > shapes, const std::vector< Dtype > &dtypes, const std::shared_ptr< Primitive > &primitive, const std::vector< array > &inputs)mlx::core::arraystatic - move_shared_buffer(array other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)mlx::core::array - move_shared_buffer(array other)mlx::core::array nbytes() constmlx::core::arrayinline ndim() constmlx::core::arrayinline operator=(const array &other) &&=deletemlx::core::array @@ -163,21 +161,21 @@ $(function(){initNavTree('classmlx_1_1core_1_1array.html',''); initResizable(tru primitive() constmlx::core::arrayinline primitive_id() constmlx::core::arrayinline primitive_ptr() constmlx::core::arrayinline - scheduled enum valuemlx::core::array - set_data(allocator::Buffer buffer, Deleter d=allocator::free)mlx::core::array - set_data(allocator::Buffer buffer, size_t data_size, Strides strides, Flags flags, Deleter d=allocator::free)mlx::core::array - set_siblings(std::vector< array > siblings, uint16_t position)mlx::core::arrayinline - set_status(Status s) constmlx::core::arrayinline - set_tracer(bool is_tracer)mlx::core::arrayinline - shape() constmlx::core::arrayinline - shape(int dim) constmlx::core::arrayinline - siblings() constmlx::core::arrayinline - siblings()mlx::core::arrayinline - size() constmlx::core::arrayinline - Status enum namemlx::core::array - status() constmlx::core::arrayinline - strides() constmlx::core::arrayinline - strides(int dim) constmlx::core::arrayinline + set_data(allocator::Buffer buffer, Deleter d=allocator::free)mlx::core::array + set_data(allocator::Buffer buffer, size_t data_size, Strides strides, Flags flags, Deleter d=allocator::free)mlx::core::array + set_siblings(std::vector< array > siblings, uint16_t position)mlx::core::arrayinline + set_status(Status s) constmlx::core::arrayinline + set_tracer(bool is_tracer)mlx::core::arrayinline + shape() constmlx::core::arrayinline + shape(int dim) constmlx::core::arrayinline + siblings() constmlx::core::arrayinline + siblings()mlx::core::arrayinline + size() constmlx::core::arrayinline + Status enum namemlx::core::array + status() constmlx::core::arrayinline + strides() constmlx::core::arrayinline + strides(int dim) constmlx::core::arrayinline + unsafe_weak_copy(const array &other)mlx::core::arraystatic unscheduled enum valuemlx::core::array wait()mlx::core::array ~array()mlx::core::array diff --git a/docs/build/html/classmlx_1_1core_1_1array.html b/docs/build/html/classmlx_1_1core_1_1array.html index b020815bb..4a033352b 100644 --- a/docs/build/html/classmlx_1_1core_1_1array.html +++ b/docs/build/html/classmlx_1_1core_1_1array.html @@ -126,7 +126,6 @@ Classes

Public Types

enum  Status { unscheduled -, scheduled , evaluated , available } @@ -219,9 +218,6 @@ Public Member Functions std::uintptr_t primitive_id () const  A unique identifier for an arrays primitive.
  - array (allocator::Buffer data, Shape shape, Dtype dtype, Strides strides, size_t data_size, Flags flags, Deleter deleter=allocator::free) - Build an array from all the info held by the array description.
Primitiveprimitive () const  The array's primitive.
  @@ -285,6 +281,8 @@ Public Member Functions   void attach_event (Event e) const   +void detach_event () const +  void set_tracer (bool is_tracer)   bool is_tracer () const @@ -297,10 +295,6 @@ Public Member Functions   void copy_shared_buffer (const array &other)   -void move_shared_buffer (array other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0) -  -void move_shared_buffer (array other) -  void overwrite_descriptor (const array &other)    ~array () @@ -310,6 +304,9 @@ Public Member Functions Static Public Member Functions static std::vector< arraymake_arrays (std::vector< Shape > shapes, const std::vector< Dtype > &dtypes, const std::shared_ptr< Primitive > &primitive, const std::vector< array > &inputs)   +static array unsafe_weak_copy (const array &other) + Get a new array that refers to the same data as the input but with a non-owning pointer to it.

Member Enumeration Documentation

@@ -325,7 +322,6 @@ Static Public Member Functions
-
Enumerator
unscheduled 
scheduled 
evaluated 
available 
@@ -334,7 +330,7 @@ Static Public Member Functions

Constructor & Destructor Documentation

-

◆ array() [1/12]

+

◆ array() [1/11]

@@ -367,7 +363,7 @@ template<typename T>
-

◆ array() [2/12]

+

◆ array() [2/11]

@@ -396,7 +392,7 @@ template<typename T>
-

◆ array() [3/12]

+

◆ array() [3/11]

@@ -432,7 +428,7 @@ template<typename It>
-

◆ array() [4/12]

+

◆ array() [4/11]

@@ -463,7 +459,7 @@ template<typename T>
-

◆ array() [5/12]

+

◆ array() [5/11]

@@ -488,7 +484,7 @@ template<typename T>
-

◆ array() [6/12]

+

◆ array() [6/11]

@@ -517,7 +513,7 @@ template<typename T>
-

◆ array() [7/12]

+

◆ array() [7/11]

@@ -553,7 +549,7 @@ template<typename T>
-

◆ array() [8/12]

+

◆ array() [8/11]

@@ -592,7 +588,7 @@ template<typename T>
-

◆ array() [9/12]

+

◆ array() [9/11]

@@ -617,7 +613,7 @@ template<typename T>
-

◆ array() [10/12]

+

◆ array() [10/11]

@@ -642,7 +638,7 @@ template<typename T>
-

◆ array() [11/12]

+

◆ array() [11/11]

@@ -673,63 +669,6 @@ template<typename T>

The following methods should be used with caution.

They are intended for use by the backend implementation and the API may change.

-
- - -

◆ array() [12/12]

- -
-
- - - - - -
- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -
mlx::core::array::array (allocator::Buffer data,
Shape shape,
Dtype dtype,
Strides strides,
size_t data_size,
Flags flags,
Deleter deleter = allocator::free )
-
-explicit
-
- -

Build an array from all the info held by the array description.

-

Including the buffer, strides, flags.

-
@@ -1052,6 +991,31 @@ template<typename T>

Detach the array from the graph.

+ + + +

◆ detach_event()

+ +
+
+ + + + + +
+ + + + + + + +
void mlx::core::array::detach_event () const
+
+inline
+
+
@@ -1448,59 +1412,6 @@ template<typename T>
-
- - -

◆ move_shared_buffer() [1/2]

- -
-
- - - - - - - -
void mlx::core::array::move_shared_buffer (array other)
-
- -
-
- -

◆ move_shared_buffer() [2/2]

- -
-
- - - - - - - - - - - - - - - - - - - - - - - - - - -
void mlx::core::array::move_shared_buffer (array other,
const Strides & strides,
Flags flags,
size_t data_size,
size_t offset = 0 )
-
-
@@ -2145,6 +2056,34 @@ template<typename T>

Get the stride of the corresponding dimension.

This function supports negative indexing and provides bounds checking.

+ + + +

◆ unsafe_weak_copy()

+ +
+
+ + + + + +
+ + + + + + + +
static array mlx::core::array::unsafe_weak_copy (const array & other)
+
+static
+
+ +

Get a new array that refers to the same data as the input but with a non-owning pointer to it.

+

Note the array is detached from the graph and has no inputs, siblings or primitive.

+
diff --git a/docs/build/html/classmlx_1_1core_1_1array.js b/docs/build/html/classmlx_1_1core_1_1array.js index dc9be6583..c364bff6b 100644 --- a/docs/build/html/classmlx_1_1core_1_1array.js +++ b/docs/build/html/classmlx_1_1core_1_1array.js @@ -5,7 +5,6 @@ var classmlx_1_1core_1_1array = [ "Flags", "structmlx_1_1core_1_1array_1_1_flags.html", "structmlx_1_1core_1_1array_1_1_flags" ], [ "Status", "classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078", [ [ "unscheduled", "classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078ae8a9988458b0355001674020a45656fb", null ], - [ "scheduled", "classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078af8a6f8eed2395ab89a758dec434393ae", null ], [ "evaluated", "classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a6fc3d7595445dd877584495f47535268", null ], [ "available", "classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a308bd3e5bf976888b120dd36d0c2d2ae", null ] ] ], @@ -20,7 +19,6 @@ var classmlx_1_1core_1_1array = [ "array", "classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187", null ], [ "array", "classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c", null ], [ "array", "classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b", null ], - [ "array", "classmlx_1_1core_1_1array.html#a2476f987ec7a5afb7665d3b3974db0b2", null ], [ "~array", "classmlx_1_1core_1_1array.html#a2f16c1ef8ee248d2fba95520c86dfad2", null ], [ "attach_event", "classmlx_1_1core_1_1array.html#a000c3cfe13cb378bf0523b62816190da", null ], [ "begin", "classmlx_1_1core_1_1array.html#a76b258b169d7d73419ebbf85340fb914", null ], @@ -34,6 +32,7 @@ var classmlx_1_1core_1_1array = [ "data_shared_ptr", "classmlx_1_1core_1_1array.html#ab84c792117e29cdf90ef3433303f6141", null ], [ "data_size", "classmlx_1_1core_1_1array.html#afaf2a370fa35d96af1b27a4b814e3bfd", null ], [ "detach", "classmlx_1_1core_1_1array.html#a84948c29df8c957904919c8602692bd2", null ], + [ "detach_event", "classmlx_1_1core_1_1array.html#a9ff36a88bfd7c99a2662136ee9315f4e", null ], [ "dtype", "classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd", null ], [ "end", "classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4", null ], [ "eval", "classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a", null ], @@ -50,8 +49,6 @@ var classmlx_1_1core_1_1array = [ "item", "classmlx_1_1core_1_1array.html#a8650a99a6b7549bc823b03ad92590ff7", null ], [ "itemsize", "classmlx_1_1core_1_1array.html#af329d9432c92de87cbaa2de8454eefc0", null ], [ "make_arrays", "classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c", null ], - [ "move_shared_buffer", "classmlx_1_1core_1_1array.html#a38d7ad605f8282e5e49d0c09e0555c78", null ], - [ "move_shared_buffer", "classmlx_1_1core_1_1array.html#ad41cc5e7aebfcad849ad15d697584cf8", null ], [ "nbytes", "classmlx_1_1core_1_1array.html#a387b67cd3ef5cfc1e749c371766c4a05", null ], [ "ndim", "classmlx_1_1core_1_1array.html#a53006e77d13d9d88b525ef577748939f", null ], [ "operator=", "classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd", null ], @@ -76,5 +73,6 @@ var classmlx_1_1core_1_1array = [ "status", "classmlx_1_1core_1_1array.html#a7102659be87e9ef62966696ab9b07dad", null ], [ "strides", "classmlx_1_1core_1_1array.html#a28cf1928f5ec2f972a94ff1c0e71187d", null ], [ "strides", "classmlx_1_1core_1_1array.html#ac9bfc251a9937eaefbe7f8c5ffd304d1", null ], + [ "unsafe_weak_copy", "classmlx_1_1core_1_1array.html#a797ae8a1708a7c67d62e6c55c321d802", null ], [ "wait", "classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e", null ] ]; \ No newline at end of file diff --git a/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl-members.html b/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl-members.html index dc6e1204a..4733b8101 100644 --- a/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl-members.html +++ b/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl-members.html @@ -108,11 +108,11 @@ $(function(){initNavTree('classmlx_1_1core_1_1distributed_1_1detail_1_1_group_im

This is the complete list of members for mlx::core::distributed::detail::GroupImpl, including all inherited members.

- - + + - - + + diff --git a/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html b/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html index b4785e760..a57280b56 100644 --- a/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html +++ b/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html @@ -124,14 +124,14 @@ Public Member Functions - - - - - - - - + + + + + + + +
all_gather(const array &input, array &output)=0mlx::core::distributed::detail::GroupImplpure virtual
all_sum(const array &input, array &output)=0mlx::core::distributed::detail::GroupImplpure virtual
all_gather(const array &input, array &output, Stream stream)=0mlx::core::distributed::detail::GroupImplpure virtual
all_sum(const array &input, array &output, Stream stream)=0mlx::core::distributed::detail::GroupImplpure virtual
rank()=0mlx::core::distributed::detail::GroupImplpure virtual
recv(array &out, int src)=0mlx::core::distributed::detail::GroupImplpure virtual
send(const array &input, int dst)=0mlx::core::distributed::detail::GroupImplpure virtual
recv(array &out, int src, Stream stream)=0mlx::core::distributed::detail::GroupImplpure virtual
send(const array &input, int dst, Stream stream)=0mlx::core::distributed::detail::GroupImplpure virtual
size()=0mlx::core::distributed::detail::GroupImplpure virtual
split(int color, int key=-1)=0mlx::core::distributed::detail::GroupImplpure virtual
~GroupImpl()mlx::core::distributed::detail::GroupImplinlinevirtual
 
virtual std::shared_ptr< GroupImplsplit (int color, int key=-1)=0
 
virtual void all_sum (const array &input, array &output)=0
 
virtual void all_gather (const array &input, array &output)=0
 
virtual void send (const array &input, int dst)=0
 
virtual void recv (array &out, int src)=0
 
virtual void all_sum (const array &input, array &output, Stream stream)=0
 
virtual void all_gather (const array &input, array &output, Stream stream)=0
 
virtual void send (const array &input, int dst, Stream stream)=0
 
virtual void recv (array &out, int src, Stream stream)=0
 

Detailed Description

Abstract base class of a distributed group implementation.

@@ -162,8 +162,8 @@ Public Member Functions

Member Function Documentation

- -

◆ all_gather()

+ +

◆ all_gather()

@@ -179,7 +179,12 @@ Public Member Functions - array & output ) + array & output, + + + + + Stream stream ) @@ -191,8 +196,8 @@ Public Member Functions
- -

◆ all_sum()

+ +

◆ all_sum()

@@ -208,7 +213,12 @@ Public Member Functions - array & output ) + array & output, + + + + + Stream stream ) @@ -245,8 +255,8 @@ Public Member Functions
- -

◆ recv()

+ +

◆ recv()

@@ -262,7 +272,12 @@ Public Member Functions - int src ) + int src, + + + + + Stream stream ) @@ -274,8 +289,8 @@ Public Member Functions
- -

◆ send()

+ +

◆ send()

@@ -291,7 +306,12 @@ Public Member Functions - int dst ) + int dst, + + + + + Stream stream ) diff --git a/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.js b/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.js index 870d3297e..b3ca20065 100644 --- a/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.js +++ b/docs/build/html/classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.js @@ -1,11 +1,11 @@ var classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl = [ [ "~GroupImpl", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a83f119b87210f53438c5ba675a78065e", null ], - [ "all_gather", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a04bb1df23abe5b1f3fa0126375c6cea4", null ], - [ "all_sum", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae163a6f444c6cc8820288b20f294e483", null ], + [ "all_gather", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a65ae9485d2b1a2fd769744d50b0dd225", null ], + [ "all_sum", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a23f620ec55d75f236d5371e05a52fd64", null ], [ "rank", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae0838a40ce58442cdc73d57d7969a702", null ], - [ "recv", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac4af5fc16a82ba8c72df04d7694f8352", null ], - [ "send", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac8472eb2f96d1b14c7e4ccef56268ba0", null ], + [ "recv", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a7ce5b7a19d0fb8e189986c84845c5898", null ], + [ "send", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a74befcdc600669cb87761106ae0bd9a5", null ], [ "size", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ab1c8044b05f185c4bcc53002d4587599", null ], [ "split", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a87800a23c8160933a2d77a55a959194d", null ] ]; \ No newline at end of file diff --git a/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention-members.html b/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention-members.html index 7f2bd75b6..347eb20db 100644 --- a/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention-members.html +++ b/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention-members.html @@ -124,7 +124,7 @@ $(function(){initNavTree('classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attent Primitive(const Primitive &other)=deletemlx::core::Primitive Primitive(Primitive &&other)=deletemlx::core::Primitive print(std::ostream &os)=0mlx::core::Primitivepure virtual - ScaledDotProductAttention(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, const float scale)mlx::core::fast::ScaledDotProductAttentioninlineexplicit + ScaledDotProductAttention(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, const float scale, const bool do_causal)mlx::core::fast::ScaledDotProductAttentioninlineexplicit stream()mlx::core::Primitiveinline vjp(const std::vector< array > &primals, const std::vector< array > &cotangents, const std::vector< int > &argnums, const std::vector< array > &outputs) overridemlx::core::fast::Customvirtual vmap(const std::vector< array > &inputs, const std::vector< int > &axes) overridemlx::core::fast::Customvirtual diff --git a/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html b/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html index 544d88762..49fdf1728 100644 --- a/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html +++ b/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html @@ -123,8 +123,8 @@ Inheritance diagram for mlx::core::fast::ScaledDotProductAttention:
- - + + @@ -178,8 +178,8 @@ Public Member Functions

Public Member Functions

 ScaledDotProductAttention (Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, const float scale)
 
 ScaledDotProductAttention (Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, const float scale, const bool do_causal)
 
void eval_cpu (const std::vector< array > &inputs, std::vector< array > &outputs) override
 A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the output arrays.
 
 

Constructor & Destructor Documentation

- -

◆ ScaledDotProductAttention()

+ +

◆ ScaledDotProductAttention()

@@ -200,7 +200,12 @@ Public Member Functions - const float scale ) + const float scale, + + + + + const bool do_causal ) diff --git a/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.js b/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.js index 85665e2e5..c0dd43cd3 100644 --- a/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.js +++ b/docs/build/html/classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.js @@ -1,6 +1,6 @@ var classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention = [ - [ "ScaledDotProductAttention", "classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ab3f78d30e5bb3e76cfe701f2358e4748", null ], + [ "ScaledDotProductAttention", "classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a09c99b460cca606b2ebb22f90b3d13a2", null ], [ "DEFINE_INPUT_OUTPUT_SHAPE", "classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a64d2ce4b46b529a6a9ef068947bc623e", null ], [ "DEFINE_PRINT", "classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a6cc2092fa5b8e7585921b8e0f3ec3db7", null ], [ "eval_cpu", "classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328", null ], diff --git a/docs/build/html/classmlx_1_1core_1_1io_1_1_file_writer.html b/docs/build/html/classmlx_1_1core_1_1io_1_1_file_writer.html index f14504dc8..5eb23ed90 100644 --- a/docs/build/html/classmlx_1_1core_1_1io_1_1_file_writer.html +++ b/docs/build/html/classmlx_1_1core_1_1io_1_1_file_writer.html @@ -109,7 +109,7 @@ $(function(){initNavTree('classmlx_1_1core_1_1io_1_1_file_writer.html',''); init
-

#include <load.h>

+

#include <load.h>

Inheritance diagram for mlx::core::io::FileWriter:
@@ -446,7 +446,7 @@ Public Member Functions

The documentation for this class was generated from the following file:
diff --git a/docs/build/html/classmlx_1_1core_1_1io_1_1_parallel_file_reader.html b/docs/build/html/classmlx_1_1core_1_1io_1_1_parallel_file_reader.html index b29c4f35c..ed8a6956d 100644 --- a/docs/build/html/classmlx_1_1core_1_1io_1_1_parallel_file_reader.html +++ b/docs/build/html/classmlx_1_1core_1_1io_1_1_parallel_file_reader.html @@ -109,7 +109,7 @@ $(function(){initNavTree('classmlx_1_1core_1_1io_1_1_parallel_file_reader.html',
-

#include <load.h>

+

#include <load.h>

Inheritance diagram for mlx::core::io::ParallelFileReader:
@@ -403,7 +403,7 @@ Public Member Functions

The documentation for this class was generated from the following file: diff --git a/docs/build/html/classmlx_1_1core_1_1io_1_1_reader.html b/docs/build/html/classmlx_1_1core_1_1io_1_1_reader.html index bf6ff736a..be1e31276 100644 --- a/docs/build/html/classmlx_1_1core_1_1io_1_1_reader.html +++ b/docs/build/html/classmlx_1_1core_1_1io_1_1_reader.html @@ -109,7 +109,7 @@ $(function(){initNavTree('classmlx_1_1core_1_1io_1_1_reader.html',''); initResiz
-

#include <load.h>

+

#include <load.h>

Inheritance diagram for mlx::core::io::Reader:
@@ -373,7 +373,7 @@ Public Member Functions

The documentation for this class was generated from the following file: diff --git a/docs/build/html/classmlx_1_1core_1_1io_1_1_writer.html b/docs/build/html/classmlx_1_1core_1_1io_1_1_writer.html index daf1e3626..a87cb24da 100644 --- a/docs/build/html/classmlx_1_1core_1_1io_1_1_writer.html +++ b/docs/build/html/classmlx_1_1core_1_1io_1_1_writer.html @@ -109,7 +109,7 @@ $(function(){initNavTree('classmlx_1_1core_1_1io_1_1_writer.html',''); initResiz
-

#include <load.h>

+

#include <load.h>

Inheritance diagram for mlx::core::io::Writer:
@@ -335,7 +335,7 @@ Public Member Functions

The documentation for this class was generated from the following file: diff --git a/docs/build/html/common_2binary_8h.html b/docs/build/html/common_2binary_8h.html index c5d095d36..9fd7b7cb0 100644 --- a/docs/build/html/common_2binary_8h.html +++ b/docs/build/html/common_2binary_8h.html @@ -139,8 +139,8 @@ Enumerations Functions BinaryOpType mlx::core::get_binary_op_type (const array &a, const array &b)   -void mlx::core::set_binary_op_output_data (const array &a, const array &b, array &out, BinaryOpType bopt, bool donate_with_move=false) -  +void mlx::core::set_binary_op_output_data (const array &a, const array &b, array &out, BinaryOpType bopt) +  diff --git a/docs/build/html/common_2binary_8h.js b/docs/build/html/common_2binary_8h.js index 030091e38..7a3932ea3 100644 --- a/docs/build/html/common_2binary_8h.js +++ b/docs/build/html/common_2binary_8h.js @@ -8,5 +8,5 @@ var common_2binary_8h = [ "mlx::core::BinaryOpType::General", "namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a0db377921f4ce762c62526131097968f", null ] ] ], [ "mlx::core::get_binary_op_type", "namespacemlx_1_1core.html#a24eef9908f164adeece3be7c6924919a", null ], - [ "mlx::core::set_binary_op_output_data", "namespacemlx_1_1core.html#a6a52856325c2eb031d3983eba2108d59", null ] + [ "mlx::core::set_binary_op_output_data", "namespacemlx_1_1core.html#a9f22a9ed98104aaffb929381055b966d", null ] ]; \ No newline at end of file diff --git a/docs/build/html/common_2binary_8h_source.html b/docs/build/html/common_2binary_8h_source.html index 50a81be57..d8983f679 100644 --- a/docs/build/html/common_2binary_8h_source.html +++ b/docs/build/html/common_2binary_8h_source.html @@ -146,106 +146,80 @@ $(function(){initNavTree('common_2binary_8h_source.html',''); initResizable(true
36
- +
38 const array& a,
39 const array& b,
40 array& out,
-
41 BinaryOpType bopt,
-
42 bool donate_with_move = false) {
-
43 bool b_donatable = is_donatable(b, out);
-
44 bool a_donatable = is_donatable(a, out);
-
45 switch (bopt) {
- -
47 out.set_data(
- -
49 break;
- -
51 if (b_donatable) {
-
52 if (donate_with_move) {
-
53 out.move_shared_buffer(b);
-
54 } else {
-
55 out.copy_shared_buffer(b);
-
56 }
-
57 } else {
-
58 out.set_data(
- -
60 b.data_size(),
-
61 b.strides(),
-
62 b.flags());
-
63 }
-
64 break;
- -
66 if (a_donatable) {
-
67 if (donate_with_move) {
-
68 out.move_shared_buffer(a);
-
69 } else {
-
70 out.copy_shared_buffer(a);
-
71 }
-
72 } else {
-
73 out.set_data(
- -
75 a.data_size(),
-
76 a.strides(),
-
77 a.flags());
-
78 }
-
79 break;
- -
81 if (a_donatable) {
-
82 if (donate_with_move) {
-
83 out.move_shared_buffer(a);
-
84 } else {
-
85 out.copy_shared_buffer(a);
-
86 }
-
87 } else if (b_donatable) {
-
88 if (donate_with_move) {
-
89 out.move_shared_buffer(b);
-
90 } else {
-
91 out.copy_shared_buffer(b);
-
92 }
-
93 } else {
-
94 out.set_data(
- -
96 a.data_size(),
-
97 a.strides(),
-
98 a.flags());
-
99 }
-
100 break;
- -
102 if (a_donatable && a.flags().row_contiguous && a.size() == out.size()) {
-
103 if (donate_with_move) {
-
104 out.move_shared_buffer(a);
-
105 } else {
-
106 out.copy_shared_buffer(a);
-
107 }
-
108 } else if (
-
109 b_donatable && b.flags().row_contiguous && b.size() == out.size()) {
-
110 if (donate_with_move) {
-
111 out.move_shared_buffer(b);
-
112 } else {
-
113 out.copy_shared_buffer(b);
-
114 }
-
115 } else {
- -
117 }
-
118 break;
-
119 }
-
120}
+
41 BinaryOpType bopt) {
+
42 bool b_donatable = is_donatable(b, out);
+
43 bool a_donatable = is_donatable(a, out);
+
44 switch (bopt) {
+ +
46 out.set_data(
+ +
48 break;
+ +
50 if (b_donatable) {
+
51 out.copy_shared_buffer(b);
+
52 } else {
+
53 out.set_data(
+ +
55 b.data_size(),
+
56 b.strides(),
+
57 b.flags());
+
58 }
+
59 break;
+ +
61 if (a_donatable) {
+
62 out.copy_shared_buffer(a);
+
63 } else {
+
64 out.set_data(
+ +
66 a.data_size(),
+
67 a.strides(),
+
68 a.flags());
+
69 }
+
70 break;
+ +
72 if (a_donatable) {
+
73 out.copy_shared_buffer(a);
+
74 } else if (b_donatable) {
+
75 out.copy_shared_buffer(b);
+
76 } else {
+
77 out.set_data(
+ +
79 a.data_size(),
+
80 a.strides(),
+
81 a.flags());
+
82 }
+
83 break;
+ +
85 if (a_donatable && a.flags().row_contiguous && a.size() == out.size()) {
+
86 out.copy_shared_buffer(a);
+
87 } else if (
+
88 b_donatable && b.flags().row_contiguous && b.size() == out.size()) {
+
89 out.copy_shared_buffer(b);
+
90 } else {
+ +
92 }
+
93 break;
+
94 }
+
95}
-
121
-
122} // namespace mlx::core
+
96
+
97} // namespace mlx::core
Definition array.h:24
-
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:318
+
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:313
const Strides & strides() const
The strides of the array.
Definition array.h:117
size_t nbytes() const
The number of bytes in the array.
Definition array.h:93
size_t size() const
The number of elements in the array.
Definition array.h:88
void copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
-
void move_shared_buffer(array other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
size_t itemsize() const
The size of the array's datatype in bytes.
Definition array.h:83
void set_data(allocator::Buffer buffer, Deleter d=allocator::free)
-
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:332
+
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:327
Buffer malloc_or_wait(size_t size)
Definition allocator.h:7
BinaryOpType get_binary_op_type(const array &a, const array &b)
Definition binary.h:19
@@ -255,14 +229,14 @@ $(function(){initNavTree('common_2binary_8h_source.html',''); initResizable(true
@ ScalarScalar
Definition binary.h:12
@ VectorScalar
Definition binary.h:14
@ ScalarVector
Definition binary.h:13
-
void set_binary_op_output_data(const array &a, const array &b, array &out, BinaryOpType bopt, bool donate_with_move=false)
Definition binary.h:37
+
void set_binary_op_output_data(const array &a, const array &b, array &out, BinaryOpType bopt)
Definition binary.h:37
bool is_donatable(const array &in, const array &out)
Definition utils.h:155
-
Definition binary.h:40
-
Definition binary.h:16
-
Definition binary.h:64
-
bool row_contiguous
Definition array.h:237
-
bool col_contiguous
Definition array.h:243
-
bool contiguous
Definition array.h:231
+
Definition binary.h:35
+
Definition binary.h:15
+
Definition binary.h:55
+
bool row_contiguous
Definition array.h:244
+
bool col_contiguous
Definition array.h:250
+
bool contiguous
Definition array.h:238
diff --git a/docs/build/html/common_2copy_8h.html b/docs/build/html/common_2copy_8h.html index ee0ef1cc1..5c7c28500 100644 --- a/docs/build/html/common_2copy_8h.html +++ b/docs/build/html/common_2copy_8h.html @@ -104,7 +104,8 @@ $(function(){initNavTree('common_2copy_8h.html',''); initResizable(true); });
copy.h File Reference
@@ -127,6 +128,11 @@ Enumerations , mlx::core::GeneralGeneral }   + + + +

+Functions

bool mlx::core::set_copy_output_data (const array &in, array &out, CopyType ctype)
 
diff --git a/docs/build/html/common_2copy_8h.js b/docs/build/html/common_2copy_8h.js index 3397f32d4..371998e03 100644 --- a/docs/build/html/common_2copy_8h.js +++ b/docs/build/html/common_2copy_8h.js @@ -5,5 +5,6 @@ var common_2copy_8h = [ "mlx::core::CopyType::Vector", "namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a57dea6f5039281b7fee517fc43bf3110", null ], [ "mlx::core::CopyType::General", "namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a0db377921f4ce762c62526131097968f", null ], [ "mlx::core::CopyType::GeneralGeneral", "namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a6fe62e8ce1fae1e70cb9eeaa67d29dab", null ] - ] ] + ] ], + [ "mlx::core::set_copy_output_data", "namespacemlx_1_1core.html#a3892b68a2e828270caa1c7accf44f038", null ] ]; \ No newline at end of file diff --git a/docs/build/html/common_2copy_8h_source.html b/docs/build/html/common_2copy_8h_source.html index 56d818476..0aedf96f3 100644 --- a/docs/build/html/common_2copy_8h_source.html +++ b/docs/build/html/common_2copy_8h_source.html @@ -131,9 +131,43 @@ $(function(){initNavTree('common_2copy_8h_source.html',''); initResizable(true);
23};
24
-
25} // namespace mlx::core
+
+
25inline bool set_copy_output_data(const array& in, array& out, CopyType ctype) {
+
26 if (ctype == CopyType::Vector) {
+
27 // If the input is donateable, we are doing a vector copy and the types
+
28 // have the same size, then the input buffer can hold the output.
+
29 if (in.is_donatable() && in.itemsize() == out.itemsize()) {
+
30 out.copy_shared_buffer(in);
+
31 return true;
+
32 } else {
+
33 out.set_data(
+ +
35 in.data_size(),
+
36 in.strides(),
+
37 in.flags());
+
38 return false;
+
39 }
+
40 } else {
+ +
42 return false;
+
43 }
+
44}
+
+
45
+
46} // namespace mlx::core
+
Definition array.h:24
+
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:313
+
const Strides & strides() const
The strides of the array.
Definition array.h:117
+
size_t nbytes() const
The number of bytes in the array.
Definition array.h:93
+
bool is_donatable() const
True indicates the arrays buffer is safe to reuse.
Definition array.h:278
+
void copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
+
size_t itemsize() const
The size of the array's datatype in bytes.
Definition array.h:83
+
void set_data(allocator::Buffer buffer, Deleter d=allocator::free)
+
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:327
+
Buffer malloc_or_wait(size_t size)
Definition allocator.h:7
+
bool set_copy_output_data(const array &in, array &out, CopyType ctype)
Definition copy.h:25
@ General
Definition binary.h:16
CopyType
Definition copy.h:9
@ Vector
Definition copy.h:15
diff --git a/docs/build/html/common_2hadamard_8h_source.html b/docs/build/html/common_2hadamard_8h_source.html index 5c70f5ba9..65b322690 100644 --- a/docs/build/html/common_2hadamard_8h_source.html +++ b/docs/build/html/common_2hadamard_8h_source.html @@ -220,7 +220,7 @@ $(function(){initNavTree('common_2hadamard_8h_source.html',''); initResizable(tr
const std::map< int, std::string_view > hadamard_matrices()
Definition hadamard.h:81
constexpr std::string_view h20
Definition hadamard.h:27
constexpr std::string_view h28
Definition hadamard.h:50
-
bool is_power_of_2(int n)
Definition utils.h:105
+
bool is_power_of_2(int n)
Definition utils.h:106
diff --git a/docs/build/html/common_2ternary_8h.html b/docs/build/html/common_2ternary_8h.html index 37bcfbb36..b05f23d46 100644 --- a/docs/build/html/common_2ternary_8h.html +++ b/docs/build/html/common_2ternary_8h.html @@ -134,8 +134,8 @@ Enumerations Functions TernaryOpType mlx::core::get_ternary_op_type (const array &a, const array &b, const array &c)   -void mlx::core::set_ternary_op_output_data (const array &a, const array &b, const array &c, array &out, TernaryOpType topt, bool donate_with_move=false) -  +void mlx::core::set_ternary_op_output_data (const array &a, const array &b, const array &c, array &out, TernaryOpType topt) +  diff --git a/docs/build/html/common_2ternary_8h.js b/docs/build/html/common_2ternary_8h.js index 5f139d48d..72e022e81 100644 --- a/docs/build/html/common_2ternary_8h.js +++ b/docs/build/html/common_2ternary_8h.js @@ -6,5 +6,5 @@ var common_2ternary_8h = [ "mlx::core::TernaryOpType::General", "namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1a0db377921f4ce762c62526131097968f", null ] ] ], [ "mlx::core::get_ternary_op_type", "namespacemlx_1_1core.html#a548b6f4a39e639c18896e50b1702c830", null ], - [ "mlx::core::set_ternary_op_output_data", "namespacemlx_1_1core.html#a6f4528d0d338ea5e1f19d345875c26a2", null ] + [ "mlx::core::set_ternary_op_output_data", "namespacemlx_1_1core.html#ae159e1f9193c12eff9a56dfceb1502ef", null ] ]; \ No newline at end of file diff --git a/docs/build/html/common_2ternary_8h_source.html b/docs/build/html/common_2ternary_8h_source.html index eabc69f86..d4c89f7ec 100644 --- a/docs/build/html/common_2ternary_8h_source.html +++ b/docs/build/html/common_2ternary_8h_source.html @@ -143,76 +143,70 @@ $(function(){initNavTree('common_2ternary_8h_source.html',''); initResizable(tru
33
- +
35 const array& a,
36 const array& b,
37 const array& c,
38 array& out,
-
39 TernaryOpType topt,
-
40 bool donate_with_move = false) {
-
41 auto maybe_donate = [&out, donate_with_move](const array& x) {
-
42 if (is_donatable(x, out)) {
-
43 if (donate_with_move) {
-
44 out.move_shared_buffer(x);
-
45 } else {
-
46 out.copy_shared_buffer(x);
-
47 }
-
48 return true;
-
49 }
-
50 return false;
-
51 };
-
52
-
53 switch (topt) {
- -
55 out.set_data(
- -
57 break;
- -
59 if (!(maybe_donate(a) || maybe_donate(b) || maybe_donate(c))) {
-
60 out.set_data(
- -
62 b.data_size(),
-
63 b.strides(),
-
64 b.flags());
-
65 }
-
66 break;
- -
68 // Try to donate an input which is row_contiguous
-
69 if (!((a.flags().row_contiguous && maybe_donate(a)) ||
-
70 (b.flags().row_contiguous && maybe_donate(b)) ||
-
71 (c.flags().row_contiguous && maybe_donate(c)))) {
- -
73 }
-
74 break;
-
75 }
-
76}
+
39 TernaryOpType topt) {
+
40 auto maybe_donate = [&out](const array& x) {
+
41 if (is_donatable(x, out)) {
+
42 out.copy_shared_buffer(x);
+
43 return true;
+
44 }
+
45 return false;
+
46 };
+
47
+
48 switch (topt) {
+ +
50 out.set_data(
+ +
52 break;
+ +
54 if (!(maybe_donate(a) || maybe_donate(b) || maybe_donate(c))) {
+
55 out.set_data(
+ +
57 b.data_size(),
+
58 b.strides(),
+
59 b.flags());
+
60 }
+
61 break;
+ +
63 // Try to donate an input which is row_contiguous
+
64 if (!((a.flags().row_contiguous && maybe_donate(a)) ||
+
65 (b.flags().row_contiguous && maybe_donate(b)) ||
+
66 (c.flags().row_contiguous && maybe_donate(c)))) {
+ +
68 }
+
69 break;
+
70 }
+
71}
-
77
-
78} // namespace mlx::core
+
72
+
73} // namespace mlx::core
Definition array.h:24
-
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:318
+
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:313
const Strides & strides() const
The strides of the array.
Definition array.h:117
size_t nbytes() const
The number of bytes in the array.
Definition array.h:93
void copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
-
void move_shared_buffer(array other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
size_t itemsize() const
The size of the array's datatype in bytes.
Definition array.h:83
void set_data(allocator::Buffer buffer, Deleter d=allocator::free)
-
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:332
+
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:327
Buffer malloc_or_wait(size_t size)
Definition allocator.h:7
@ General
Definition binary.h:16
TernaryOpType get_ternary_op_type(const array &a, const array &b, const array &c)
Definition ternary.h:18
-
void set_ternary_op_output_data(const array &a, const array &b, const array &c, array &out, TernaryOpType topt, bool donate_with_move=false)
Definition ternary.h:34
TernaryOpType
Definition ternary.h:11
@ ScalarScalarScalar
Definition ternary.h:12
@ General
Definition ternary.h:14
@ VectorVectorVector
Definition ternary.h:13
+
void set_ternary_op_output_data(const array &a, const array &b, const array &c, array &out, TernaryOpType topt)
Definition ternary.h:34
bool is_donatable(const array &in, const array &out)
Definition utils.h:155
-
bool row_contiguous
Definition array.h:237
-
bool col_contiguous
Definition array.h:243
+
bool row_contiguous
Definition array.h:244
+
bool col_contiguous
Definition array.h:250
diff --git a/docs/build/html/compiled_8h.html b/docs/build/html/compiled_8h.html index 7ed7d39bf..fa35e7fec 100644 --- a/docs/build/html/compiled_8h.html +++ b/docs/build/html/compiled_8h.html @@ -146,8 +146,8 @@ Functions   bool mlx::core::compiled_check_contiguity (const std::vector< array > &inputs, const Shape &shape)   -void mlx::core::compiled_allocate_outputs (const std::vector< array > &inputs, std::vector< array > &outputs, const std::vector< array > &inputs_, const std::unordered_set< uintptr_t > &constant_ids_, bool contiguous, bool move_buffers=false) -  +void mlx::core::compiled_allocate_outputs (const std::vector< array > &inputs, std::vector< array > &outputs, const std::vector< array > &inputs_, const std::unordered_set< uintptr_t > &constant_ids_, bool contiguous) +  diff --git a/docs/build/html/compiled_8h.js b/docs/build/html/compiled_8h.js index b878f272f..a2f8d3417 100644 --- a/docs/build/html/compiled_8h.js +++ b/docs/build/html/compiled_8h.js @@ -1,7 +1,7 @@ var compiled_8h = [ [ "mlx::core::build_lib_name", "namespacemlx_1_1core.html#a3ef23f334cb9f68a2c50524bc67c913b", null ], - [ "mlx::core::compiled_allocate_outputs", "namespacemlx_1_1core.html#ab8c3c4fc05745f586de922c8266f4fce", null ], + [ "mlx::core::compiled_allocate_outputs", "namespacemlx_1_1core.html#a8ed5ff0d69f6c7d2e092fe811e40d564", null ], [ "mlx::core::compiled_check_contiguity", "namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be", null ], [ "mlx::core::get_type_string", "namespacemlx_1_1core.html#af776fd91dd60594dcfebbafd17f19068", null ], [ "mlx::core::is_scalar", "namespacemlx_1_1core.html#a985c60929757190e0b4ec51f57c767d0", null ], diff --git a/docs/build/html/compiled_8h_source.html b/docs/build/html/compiled_8h_source.html index e279c1183..0631cec5d 100644 --- a/docs/build/html/compiled_8h_source.html +++ b/docs/build/html/compiled_8h_source.html @@ -174,22 +174,21 @@ $(function(){initNavTree('compiled_8h_source.html',''); initResizable(true); });
57 const Shape& shape);
58
59// Allocate space for the outputs possibly with input donation
- +
61 const std::vector<array>& inputs,
62 std::vector<array>& outputs,
63 const std::vector<array>& inputs_,
64 const std::unordered_set<uintptr_t>& constant_ids_,
-
65 bool contiguous,
-
66 bool move_buffers = false);
-
67
-
68} // namespace mlx::core
+
65 bool contiguous);
+
66
+
67} // namespace mlx::core
Definition primitives.h:392
Definition primitives.h:541
Definition primitives.h:48
Definition array.h:24
size_t ndim() const
The number of dimensions of the array.
Definition array.h:98
-
T item()
Get the value from a scalar array.
Definition array.h:551
+
T item()
Get the value from a scalar array.
Definition array.h:536
Dtype dtype() const
Get the arrays data type.
Definition array.h:131
array contiguous(const array &a, bool allow_col_major=false, StreamOrDevice s={})
Definition allocator.h:7
@@ -198,10 +197,10 @@ $(function(){initNavTree('compiled_8h_source.html',''); initResizable(true); });
bool compiled_check_contiguity(const std::vector< array > &inputs, const Shape &shape)
std::vector< ShapeElem > Shape
Definition array.h:21
void print_constant(std::ostream &os, const array &x)
+
void compiled_allocate_outputs(const std::vector< array > &inputs, std::vector< array > &outputs, const std::vector< array > &inputs_, const std::unordered_set< uintptr_t > &constant_ids_, bool contiguous)
void print_float_constant(std::ostream &os, const array &x)
Definition compiled.h:26
void print_int_constant(std::ostream &os, const array &x)
Definition compiled.h:33
bool is_scalar(const array &x)
Definition compiled.h:50
-
void compiled_allocate_outputs(const std::vector< array > &inputs, std::vector< array > &outputs, const std::vector< array > &inputs_, const std::unordered_set< uintptr_t > &constant_ids_, bool contiguous, bool move_buffers=false)
std::string get_type_string(Dtype d)
bool is_static_cast(const Primitive &p)
Definition compiled.h:13
diff --git a/docs/build/html/cpp/ops.html b/docs/build/html/cpp/ops.html index 194fc30a9..6ca15ab83 100644 --- a/docs/build/html/cpp/ops.html +++ b/docs/build/html/cpp/ops.html @@ -8,7 +8,7 @@ - Operations — MLX 0.23.2 documentation + Operations — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/cpu_2arange_8h.html b/docs/build/html/cpu_2arange_8h.html index 1da9dd3a2..69ec6ad7b 100644 --- a/docs/build/html/cpu_2arange_8h.html +++ b/docs/build/html/cpu_2arange_8h.html @@ -103,13 +103,12 @@ $(function(){initNavTree('cpu_2arange_8h.html',''); initResizable(true); });
arange.h File Reference
-
#include "mlx/allocator.h"
-#include "mlx/array.h"
+
#include "mlx/array.h"
+#include "mlx/backend/cpu/encoder.h"

Go to the source code of this file.

@@ -119,11 +118,6 @@ Namespaces -
 
namespace  mlx::core
 
- - -

-Functions

void mlx::core::arange (const std::vector< array > &inputs, array &out, double start, double step)
 
diff --git a/docs/build/html/cpu_2arange_8h.js b/docs/build/html/cpu_2arange_8h.js deleted file mode 100644 index b5d9ef600..000000000 --- a/docs/build/html/cpu_2arange_8h.js +++ /dev/null @@ -1,4 +0,0 @@ -var cpu_2arange_8h = -[ - [ "mlx::core::arange", "namespacemlx_1_1core.html#a369aa886219b83cf219e7a7862ce260b", null ] -]; \ No newline at end of file diff --git a/docs/build/html/cpu_2arange_8h_source.html b/docs/build/html/cpu_2arange_8h_source.html index 827c5d9eb..88f480d6e 100644 --- a/docs/build/html/cpu_2arange_8h_source.html +++ b/docs/build/html/cpu_2arange_8h_source.html @@ -109,105 +109,38 @@ $(function(){initNavTree('cpu_2arange_8h_source.html',''); initResizable(true);
2
3#pragma once
4
-
5#include "mlx/allocator.h"
-
6#include "mlx/array.h"
+
5#include "mlx/array.h"
+
7
8namespace mlx::core {
9
10namespace {
11
12template <typename T>
-
13void arange(T start, T next, array& out, size_t size) {
-
14 auto ptr = out.data<T>();
+
13void arange(T start, T next, array& out, size_t size, Stream stream) {
+
14 auto ptr = out.data<T>();
15 auto step_size = next - start;
-
16 for (int i = 0; i < size; ++i) {
-
17 ptr[i] = start;
-
18 start += step_size;
-
19 }
-
20}
-
21
-
22} // namespace
-
23
-
-
24void arange(
-
25 const std::vector<array>& inputs,
-
26 array& out,
-
27 double start,
-
28 double step) {
-
29 assert(inputs.size() == 0);
- -
31 switch (out.dtype()) {
-
32 case bool_:
-
33 throw std::runtime_error("Bool type unsupported for arange.");
-
34 break;
-
35 case uint8:
-
36 arange<uint8_t>(start, start + step, out, out.size());
-
37 break;
-
38 case uint16:
-
39 arange<uint16_t>(start, start + step, out, out.size());
-
40 break;
-
41 case uint32:
-
42 arange<uint32_t>(start, start + step, out, out.size());
-
43 break;
-
44 case uint64:
-
45 arange<uint64_t>(start, start + step, out, out.size());
-
46 break;
-
47 case int8:
-
48 arange<int8_t>(start, start + step, out, out.size());
-
49 break;
-
50 case int16:
-
51 arange<int16_t>(start, start + step, out, out.size());
-
52 break;
-
53 case int32:
-
54 arange<int32_t>(start, start + step, out, out.size());
-
55 break;
-
56 case int64:
-
57 arange<int64_t>(start, start + step, out, out.size());
-
58 break;
-
59 case float16:
-
60 arange<float16_t>(start, start + step, out, out.size());
-
61 break;
-
62 case float32:
-
63 arange<float>(start, start + step, out, out.size());
-
64 break;
-
65 case float64:
-
66 arange<double>(start, start + step, out, out.size());
-
67 break;
-
68 case bfloat16:
-
69 arange<bfloat16_t>(start, start + step, out, out.size());
-
70 break;
-
71 case complex64:
-
72 arange<complex64_t>(start, start + step, out, out.size());
-
73 break;
-
74 }
-
75}
-
-
76
-
77} // namespace mlx::core
- +
16 auto& encoder = cpu::get_command_encoder(stream);
+
17 encoder.set_output_array(out);
+
18 encoder.dispatch([ptr, start, step_size, size]() mutable {
+
19 for (int i = 0; i < size; ++i) {
+
20 ptr[i] = start;
+
21 start += step_size;
+
22 }
+
23 });
+
24}
+
25
+
26} // namespace
+
27
+
28} // namespace mlx::core
Definition array.h:24
-
size_t nbytes() const
The number of bytes in the array.
Definition array.h:93
-
size_t size() const
The number of elements in the array.
Definition array.h:88
-
Dtype dtype() const
Get the arrays data type.
Definition array.h:131
-
void set_data(allocator::Buffer buffer, Deleter d=allocator::free)
-
Buffer malloc_or_wait(size_t size)
+
T * data()
Definition array.h:349
+ +
array arange(double start, double stop, double step, Dtype dtype, StreamOrDevice s={})
A 1D array of numbers starting at start (optional), stopping at stop, stepping by step (optional).
+
CommandEncoder & get_command_encoder(Stream stream)
Definition allocator.h:7
-
constexpr Dtype bool_
Definition dtype.h:68
-
constexpr Dtype uint64
Definition dtype.h:73
-
constexpr Dtype uint16
Definition dtype.h:71
-
void arange(const std::vector< array > &inputs, array &out, double start, double step)
Definition arange.h:24
-
constexpr Dtype float64
Definition dtype.h:82
-
constexpr Dtype bfloat16
Definition dtype.h:83
-
constexpr Dtype int32
Definition dtype.h:77
-
constexpr Dtype float32
Definition dtype.h:81
-
constexpr Dtype int16
Definition dtype.h:76
-
constexpr Dtype int8
Definition dtype.h:75
-
constexpr Dtype int64
Definition dtype.h:78
-
constexpr Dtype uint8
Definition dtype.h:70
-
constexpr Dtype float16
Definition dtype.h:80
-
constexpr Dtype uint32
Definition dtype.h:72
-
constexpr Dtype complex64
Definition dtype.h:84
+
Definition stream.h:9
diff --git a/docs/build/html/cpu_2binary_8h.html b/docs/build/html/cpu_2binary_8h.html index d10115299..4a9585413 100644 --- a/docs/build/html/cpu_2binary_8h.html +++ b/docs/build/html/cpu_2binary_8h.html @@ -110,7 +110,6 @@ $(function(){initNavTree('cpu_2binary_8h.html',''); initResizable(true); });
#include <cassert>
-#include "mlx/allocator.h"
#include "mlx/array.h"
#include "mlx/backend/common/binary.h"
#include "mlx/backend/common/utils.h"
@@ -136,21 +135,18 @@ Namespaces - - - - - - - - - - - - - - - + + + + + + + + + + + +

Functions

template<typename T, typename U, typename Op, int D, bool Strided>
void mlx::core::binary_op_dims (const T *a, const T *b, U *out, Op op, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis)
 
template<typename T, typename U, bool Strided, typename Op>
void mlx::core::binary_op_dispatch_dims (const array &a, const array &b, array &out, Op op, int dim, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides)
 
template<typename T, typename U, typename Op>
void mlx::core::binary_op (const array &a, const array &b, array &out, Op op)
 
template<typename T, typename Op>
void mlx::core::binary_op (const array &a, const array &b, array &out, Op op)
 
template<typename Op>
void mlx::core::binary (const array &a, const array &b, array &out, Op op)
 
template<typename T, typename U, typename Op, int D, bool Strided>
void mlx::core::binary_op_dims (const T *a, const T *b, U *out, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis)
 
template<typename T, typename U, bool Strided, typename Op>
void mlx::core::binary_op_dispatch_dims (const T *a, const T *b, U *out, int dim, int size, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides)
 
template<typename T, typename U, typename Op>
void mlx::core::binary_op (const array &a, const array &b, array &out, BinaryOpType bopt)
 
template<typename T, typename Op>
void mlx::core::binary_op (const array &a, const array &b, array &out, BinaryOpType bopt)
 
diff --git a/docs/build/html/cpu_2binary_8h.js b/docs/build/html/cpu_2binary_8h.js index 3c8896aa8..715265408 100644 --- a/docs/build/html/cpu_2binary_8h.js +++ b/docs/build/html/cpu_2binary_8h.js @@ -3,9 +3,8 @@ var cpu_2binary_8h = [ "mlx::core::VectorScalar< Op >", "structmlx_1_1core_1_1_vector_scalar.html", "structmlx_1_1core_1_1_vector_scalar" ], [ "mlx::core::ScalarVector< Op >", "structmlx_1_1core_1_1_scalar_vector.html", "structmlx_1_1core_1_1_scalar_vector" ], [ "mlx::core::VectorVector< Op >", "structmlx_1_1core_1_1_vector_vector.html", "structmlx_1_1core_1_1_vector_vector" ], - [ "mlx::core::binary", "namespacemlx_1_1core.html#ae374861abd45cf019c3e6be2026f3798", null ], - [ "mlx::core::binary_op", "namespacemlx_1_1core.html#a9c1c1fdf9a0840a16a4d10a8f74f761d", null ], - [ "mlx::core::binary_op", "namespacemlx_1_1core.html#a2aca3458c56605a74d07ec39876549bc", null ], - [ "mlx::core::binary_op_dims", "namespacemlx_1_1core.html#a7ca09ebf776fe32db580f9038587ec31", null ], - [ "mlx::core::binary_op_dispatch_dims", "namespacemlx_1_1core.html#a66c9ee5018168b9101de52e0122d9755", null ] + [ "mlx::core::binary_op", "namespacemlx_1_1core.html#ae0c47c0bd95bb8c44339159e04c0f604", null ], + [ "mlx::core::binary_op", "namespacemlx_1_1core.html#a5160ef5819f58cf040c9613ecce548f1", null ], + [ "mlx::core::binary_op_dims", "namespacemlx_1_1core.html#aeac6fa9529eedba76b27de9d098de963", null ], + [ "mlx::core::binary_op_dispatch_dims", "namespacemlx_1_1core.html#ad1229ffbba21bdb81f63482a4651bc5a", null ] ]; \ No newline at end of file diff --git a/docs/build/html/cpu_2binary_8h_source.html b/docs/build/html/cpu_2binary_8h_source.html index 762cbc7e3..a88304321 100644 --- a/docs/build/html/cpu_2binary_8h_source.html +++ b/docs/build/html/cpu_2binary_8h_source.html @@ -110,454 +110,348 @@ $(function(){initNavTree('cpu_2binary_8h_source.html',''); initResizable(true);
3#pragma once
4#include <cassert>
5
-
6#include "mlx/allocator.h"
-
7#include "mlx/array.h"
- - -
10
- -
12
-
13namespace mlx::core {
-
14
-
15template <typename Op>
-
- -
17 Op op;
-
18
-
19 VectorScalar(Op op_) : op(op_) {}
-
20
-
21 template <typename T, typename U>
-
-
22 void operator()(const T* a, const T* b, U* dst, int size) {
-
23 T scalar = *b;
-
24 constexpr int N = simd::max_size<T>;
-
25 while (size >= N) {
- -
27 dst += N;
-
28 a += N;
-
29 size -= N;
+
6#include "mlx/array.h"
+ + +
9
+ +
11
+
12namespace mlx::core {
+
13
+
14template <typename Op>
+
+ +
16 template <typename T, typename U>
+
+
17 void operator()(const T* a, const T* b, U* dst, int size) {
+
18 T scalar = *b;
+
19 constexpr int N = simd::max_size<T>;
+
20 while (size >= N) {
+
21 simd::store(dst, Op{}(simd::load<T, N>(a), simd::Simd<T, N>(scalar)));
+
22 dst += N;
+
23 a += N;
+
24 size -= N;
+
25 }
+
26 while (size-- > 0) {
+
27 *dst = Op{}(*a, scalar);
+
28 dst++;
+
29 a++;
30 }
-
31 while (size-- > 0) {
-
32 *dst = op(*a, scalar);
-
33 dst++;
-
34 a++;
-
35 }
-
36 }
+
31 }
-
37};
+
32};
-
38
-
39template <typename Op>
-
- -
41 Op op;
-
42
-
43 ScalarVector(Op op_) : op(op_) {}
-
44
-
45 template <typename T, typename U>
-
-
46 void operator()(const T* a, const T* b, U* dst, int size) {
-
47 T scalar = *a;
-
48 constexpr int N = simd::max_size<T>;
-
49 while (size >= N) {
- -
51 dst += N;
-
52 b += N;
-
53 size -= N;
-
54 }
-
55 while (size-- > 0) {
-
56 *dst = op(scalar, *b);
-
57 dst++;
-
58 b++;
-
59 }
-
60 }
+
33
+
34template <typename Op>
+
+ +
36 template <typename T, typename U>
+
+
37 void operator()(const T* a, const T* b, U* dst, int size) {
+
38 T scalar = *a;
+
39 constexpr int N = simd::max_size<T>;
+
40 while (size >= N) {
+
41 simd::store(dst, Op{}(simd::Simd<T, N>(scalar), simd::load<T, N>(b)));
+
42 dst += N;
+
43 b += N;
+
44 size -= N;
+
45 }
+
46 while (size-- > 0) {
+
47 *dst = Op{}(scalar, *b);
+
48 dst++;
+
49 b++;
+
50 }
+
51 }
-
61};
+
52};
-
62
-
63template <typename Op>
-
- -
65 Op op;
-
66
-
67 VectorVector(Op op_) : op(op_) {}
-
68
-
69 template <typename T, typename U>
-
-
70 void operator()(const T* a, const T* b, U* dst, int size) {
-
71 constexpr int N = simd::max_size<T>;
-
72 while (size >= N) {
- -
74 dst += N;
-
75 a += N;
-
76 b += N;
-
77 size -= N;
-
78 }
-
79 while (size-- > 0) {
-
80 *dst = op(*a, *b);
-
81 dst++;
-
82 a++;
-
83 b++;
-
84 }
-
85 }
+
53
+
54template <typename Op>
+
+ +
56 template <typename T, typename U>
+
+
57 void operator()(const T* a, const T* b, U* dst, int size) {
+
58 constexpr int N = simd::max_size<T>;
+
59 while (size >= N) {
+ +
61 dst += N;
+
62 a += N;
+
63 b += N;
+
64 size -= N;
+
65 }
+
66 while (size-- > 0) {
+
67 *dst = Op{}(*a, *b);
+
68 dst++;
+
69 a++;
+
70 b++;
+
71 }
+
72 }
-
86};
+
73};
-
87
-
88template <typename T, typename U, typename Op, int D, bool Strided>
-
- -
90 const T* a,
-
91 const T* b,
-
92 U* out,
-
93 Op op,
-
94 const Shape& shape,
-
95 const Strides& a_strides,
-
96 const Strides& b_strides,
-
97 const Strides& out_strides,
-
98 int axis) {
-
99 auto stride_a = a_strides[axis];
-
100 auto stride_b = b_strides[axis];
-
101 auto stride_out = out_strides[axis];
-
102 auto N = shape[axis];
-
103
-
104 for (int i = 0; i < N; i++) {
-
105 if constexpr (D > 1) {
-
106 binary_op_dims<T, U, Op, D - 1, Strided>(
-
107 a, b, out, op, shape, a_strides, b_strides, out_strides, axis + 1);
-
108 } else {
-
109 if constexpr (Strided) {
-
110 op(a, b, out, stride_out);
-
111 } else {
-
112 *out = op(*a, *b);
-
113 }
-
114 }
-
115 out += stride_out;
-
116 a += stride_a;
-
117 b += stride_b;
-
118 }
-
119}
+
74
+
75template <typename T, typename U, typename Op, int D, bool Strided>
+
+ +
77 const T* a,
+
78 const T* b,
+
79 U* out,
+
80 const Shape& shape,
+
81 const Strides& a_strides,
+
82 const Strides& b_strides,
+
83 const Strides& out_strides,
+
84 int axis) {
+
85 auto stride_a = a_strides[axis];
+
86 auto stride_b = b_strides[axis];
+
87 auto stride_out = out_strides[axis];
+
88 auto N = shape[axis];
+
89
+
90 for (int i = 0; i < N; i++) {
+
91 if constexpr (D > 1) {
+
92 binary_op_dims<T, U, Op, D - 1, Strided>(
+
93 a, b, out, shape, a_strides, b_strides, out_strides, axis + 1);
+
94 } else {
+
95 if constexpr (Strided) {
+
96 Op{}(a, b, out, stride_out);
+
97 } else {
+
98 *out = Op{}(*a, *b);
+
99 }
+
100 }
+
101 out += stride_out;
+
102 a += stride_a;
+
103 b += stride_b;
+
104 }
+
105}
-
120
-
121template <typename T, typename U, bool Strided, typename Op>
-
- -
123 const array& a,
-
124 const array& b,
-
125 array& out,
-
126 Op op,
-
127 int dim,
-
128 const Shape& shape,
-
129 const Strides& a_strides,
-
130 const Strides& b_strides,
-
131 const Strides& out_strides) {
-
132 const T* a_ptr = a.data<T>();
-
133 const T* b_ptr = b.data<T>();
-
134 U* out_ptr = out.data<U>();
-
135 switch (dim) {
-
136 case 1:
- -
138 a_ptr,
-
139 b_ptr,
-
140 out_ptr,
-
141 op,
-
142 shape,
-
143 a_strides,
-
144 b_strides,
-
145 out_strides,
-
146 0);
-
147 return;
-
148 case 2:
- -
150 a_ptr,
-
151 b_ptr,
-
152 out_ptr,
-
153 op,
-
154 shape,
-
155 a_strides,
-
156 b_strides,
-
157 out_strides,
-
158 0);
-
159 return;
-
160 case 3:
- -
162 a_ptr,
-
163 b_ptr,
-
164 out_ptr,
-
165 op,
-
166 shape,
-
167 a_strides,
-
168 b_strides,
-
169 out_strides,
-
170 0);
-
171 return;
-
172 }
-
173
-
174 ContiguousIterator a_it(shape, a_strides, dim - 3);
-
175 ContiguousIterator b_it(shape, b_strides, dim - 3);
-
176 auto stride = out_strides[dim - 4];
-
177 for (int64_t elem = 0; elem < a.size(); elem += stride) {
- -
179 a_ptr + a_it.loc,
-
180 b_ptr + b_it.loc,
-
181 out_ptr + elem,
-
182 op,
-
183 shape,
-
184 a_strides,
-
185 b_strides,
-
186 out_strides,
-
187 dim - 3);
-
188 a_it.step();
-
189 b_it.step();
-
190 }
-
191}
+
106
+
107template <typename T, typename U, bool Strided, typename Op>
+
+ +
109 const T* a,
+
110 const T* b,
+
111 U* out,
+
112 int dim,
+
113 int size,
+
114 const Shape& shape,
+
115 const Strides& a_strides,
+
116 const Strides& b_strides,
+
117 const Strides& out_strides) {
+
118 switch (dim) {
+
119 case 1:
+ +
121 a, b, out, shape, a_strides, b_strides, out_strides, 0);
+
122 return;
+
123 case 2:
+ +
125 a, b, out, shape, a_strides, b_strides, out_strides, 0);
+
126 return;
+
127 case 3:
+ +
129 a, b, out, shape, a_strides, b_strides, out_strides, 0);
+
130 return;
+
131 }
+
132
+
133 ContiguousIterator a_it(shape, a_strides, dim - 3);
+
134 ContiguousIterator b_it(shape, b_strides, dim - 3);
+
135 auto stride = out_strides[dim - 4];
+
136 for (int64_t elem = 0; elem < size; elem += stride) {
+ +
138 a + a_it.loc,
+
139 b + b_it.loc,
+
140 out + elem,
+
141 shape,
+
142 a_strides,
+
143 b_strides,
+
144 out_strides,
+
145 dim - 3);
+
146 a_it.step();
+
147 b_it.step();
+
148 }
+
149}
-
192
-
193template <typename T, typename U, typename Op>
-
-
194void binary_op(const array& a, const array& b, array& out, Op op) {
-
195 auto bopt = get_binary_op_type(a, b);
-
196 set_binary_op_output_data(a, b, out, bopt);
+
150
+
151template <typename T, typename U, typename Op>
+
+
152void binary_op(const array& a, const array& b, array& out, BinaryOpType bopt) {
+
153 // The full computation is scalar scalar so call the base op once
+
154 auto a_ptr = a.data<T>();
+
155 auto b_ptr = b.data<T>();
+
156
+
157 auto out_ptr = out.data<U>();
+
158 if (bopt == BinaryOpType::ScalarScalar) {
+
159 *out_ptr = Op{}(*a_ptr, *b_ptr);
+
160 return;
+
161 }
+
162
+
163 // The full computation is scalar vector so delegate to the op
+
164 if (bopt == BinaryOpType::ScalarVector) {
+
165 ScalarVector<Op>{}(a_ptr, b_ptr, out_ptr, b.data_size());
+
166 return;
+
167 }
+
168
+
169 // The full computation is vector scalar so delegate to the op
+
170 if (bopt == BinaryOpType::VectorScalar) {
+
171 VectorScalar<Op>{}(a_ptr, b_ptr, out_ptr, a.data_size());
+
172 return;
+
173 }
+
174
+
175 // The full computation is vector vector so delegate to the op
+
176 if (bopt == BinaryOpType::VectorVector) {
+
177 VectorVector<Op>{}(a_ptr, b_ptr, out_ptr, a.size());
+
178 return;
+
179 }
+
180
+
181 // General computation so let's try to optimize
+
182 auto [new_shape, new_strides] = collapse_contiguous_dims(
+
183 a.shape(), {a.strides(), b.strides(), out.strides()});
+
184 auto& a_strides = new_strides[0];
+
185 auto& b_strides = new_strides[1];
+
186 auto& strides = new_strides[2];
+
187
+
188 // Get the left-most dim such that the array is row contiguous after
+
189 auto leftmost_rc_dim = [&strides](const auto& arr_strides) {
+
190 int d = arr_strides.size() - 1;
+
191 for (; d >= 0 && arr_strides[d] == strides[d]; d--) {
+
192 }
+
193 return d + 1;
+
194 };
+
195 auto a_rc_dim = leftmost_rc_dim(a_strides);
+
196 auto b_rc_dim = leftmost_rc_dim(b_strides);
197
-
198 // The full computation is scalar scalar so call the base op once
-
199 if (bopt == BinaryOpType::ScalarScalar) {
-
200 *(out.data<U>()) = op(*a.data<T>(), *b.data<T>());
-
201 return;
-
202 }
-
203
-
204 // The full computation is scalar vector so delegate to the op
-
205 if (bopt == BinaryOpType::ScalarVector) {
-
206 ScalarVector{op}(a.data<T>(), b.data<T>(), out.data<U>(), b.data_size());
-
207 return;
-
208 }
+
198 // Get the left-most dim such that the array is a broadcasted "scalar" after
+
199 auto leftmost_s_dim = [](const auto& arr_strides) {
+
200 int d = arr_strides.size() - 1;
+
201 for (; d >= 0 && arr_strides[d] == 0; d--) {
+
202 }
+
203 return d + 1;
+
204 };
+
205 auto a_s_dim = leftmost_s_dim(a_strides);
+
206 auto b_s_dim = leftmost_s_dim(b_strides);
+
207
+
208 auto ndim = new_shape.size();
209
-
210 // The full computation is vector scalar so delegate to the op
-
211 if (bopt == BinaryOpType::VectorScalar) {
-
212 VectorScalar{op}(a.data<T>(), b.data<T>(), out.data<U>(), a.data_size());
-
213 return;
-
214 }
-
215
-
216 // The full computation is vector vector so delegate to the op
-
217 if (bopt == BinaryOpType::VectorVector) {
-
218 VectorVector{op}(a.data<T>(), b.data<T>(), out.data<U>(), out.size());
-
219 return;
-
220 }
-
221
-
222 // General computation so let's try to optimize
-
223 auto [new_shape, new_strides] = collapse_contiguous_dims(
-
224 a.shape(), {a.strides(), b.strides(), out.strides()});
-
225 const auto& a_strides = new_strides[0];
-
226 const auto& b_strides = new_strides[1];
-
227 const auto& strides = new_strides[2];
-
228
-
229 // Get the left-most dim such that the array is row contiguous after
-
230 auto leftmost_rc_dim = [&strides](const auto& arr_strides) {
-
231 int d = arr_strides.size() - 1;
-
232 for (; d >= 0 && arr_strides[d] == strides[d]; d--) {
-
233 }
-
234 return d + 1;
-
235 };
-
236 auto a_rc_dim = leftmost_rc_dim(a_strides);
-
237 auto b_rc_dim = leftmost_rc_dim(b_strides);
-
238
-
239 // Get the left-most dim such that the array is a broadcasted "scalar" after
-
240 auto leftmost_s_dim = [](const auto& arr_strides) {
-
241 int d = arr_strides.size() - 1;
-
242 for (; d >= 0 && arr_strides[d] == 0; d--) {
-
243 }
-
244 return d + 1;
-
245 };
-
246 auto a_s_dim = leftmost_s_dim(a_strides);
-
247 auto b_s_dim = leftmost_s_dim(b_strides);
-
248
-
249 auto ndim = new_shape.size();
-
250
-
251 // Case 1: LxM and FxM where L and F are broadcastable and M is row contiguous
-
252 int dim = ndim;
-
253 if (int d = std::max(a_rc_dim, b_rc_dim); d < ndim) {
- -
255 dim = d;
-
256 // Case 2: LxM and Fx1 where L and F are broadcastable and M is row
-
257 // contiguous
-
258 } else if (int d = std::max(a_rc_dim, b_s_dim); d < ndim) {
- -
260 dim = d;
-
261 // Case 3: Lx1 and FxM where L and F are broadcastable and M is row
-
262 // contiguous
-
263 } else if (int d = std::max(a_s_dim, b_rc_dim); d < ndim) {
- -
265 dim = d;
-
266 }
-
267
-
268 // Can be sure dim > 0 since otherwise we would have used one of the fully
-
269 // contiguous methods above. Except for the case that the flags do not
-
270 // correspond to the underlying contiguity.
-
271 if (dim == 0 || strides[dim - 1] < 16) {
- -
273 dim = ndim;
-
274 }
-
275
-
276 switch (bopt) {
- - -
279 a,
-
280 b,
-
281 out,
-
282 VectorVector{op},
-
283 dim,
-
284 new_shape,
-
285 a_strides,
-
286 b_strides,
-
287 strides);
-
288 break;
- - -
291 a,
-
292 b,
-
293 out,
-
294 VectorScalar{op},
-
295 dim,
-
296 new_shape,
-
297 a_strides,
-
298 b_strides,
-
299 strides);
-
300 break;
- - -
303 a,
-
304 b,
-
305 out,
-
306 ScalarVector{op},
-
307 dim,
-
308 new_shape,
-
309 a_strides,
-
310 b_strides,
-
311 strides);
-
312 break;
-
313 default:
- -
315 a, b, out, op, dim, new_shape, a_strides, b_strides, strides);
-
316 break;
-
317 }
-
318}
+
210 // Case 1: LxM and FxM where L and F are broadcastable and M is row
+
211 // contiguous
+
212 int dim = ndim;
+
213 if (int d = std::max(a_rc_dim, b_rc_dim); d < ndim) {
+ +
215 dim = d;
+
216 // Case 2: LxM and Fx1 where L and F are broadcastable and M is row
+
217 // contiguous
+
218 } else if (int d = std::max(a_rc_dim, b_s_dim); d < ndim) {
+ +
220 dim = d;
+
221 // Case 3: Lx1 and FxM where L and F are broadcastable and M is row
+
222 // contiguous
+
223 } else if (int d = std::max(a_s_dim, b_rc_dim); d < ndim) {
+ +
225 dim = d;
+
226 }
+
227
+
228 // Can be sure dim > 0 since otherwise we would have used one of the fully
+
229 // contiguous methods above. Except for the case that the flags do not
+
230 // correspond to the underlying contiguity.
+
231 if (dim == 0 || strides[dim - 1] < 16) {
+ +
233 dim = ndim;
+
234 }
+
235
+
236 switch (bopt) {
+ + +
239 a_ptr,
+
240 b_ptr,
+
241 out_ptr,
+
242 dim,
+
243 a.size(),
+
244 new_shape,
+
245 a_strides,
+
246 b_strides,
+
247 strides);
+
248 break;
+ + +
251 a_ptr,
+
252 b_ptr,
+
253 out_ptr,
+
254 dim,
+
255 a.size(),
+
256 new_shape,
+
257 a_strides,
+
258 b_strides,
+
259 strides);
+
260 break;
+ + +
263 a_ptr,
+
264 b_ptr,
+
265 out_ptr,
+
266 dim,
+
267 a.size(),
+
268 new_shape,
+
269 a_strides,
+
270 b_strides,
+
271 strides);
+
272 break;
+
273 default:
+ +
275 a_ptr,
+
276 b_ptr,
+
277 out_ptr,
+
278 dim,
+
279 a.size(),
+
280 new_shape,
+
281 a_strides,
+
282 b_strides,
+
283 strides);
+
284 break;
+
285 }
+
286}
-
319
-
320template <typename T, typename Op>
-
-
321void binary_op(const array& a, const array& b, array& out, Op op) {
-
322 binary_op<T, T>(a, b, out, op);
-
323}
+
287
+
288template <typename T, typename Op>
+
+
289void binary_op(const array& a, const array& b, array& out, BinaryOpType bopt) {
+
290 binary_op<T, T, Op>(a, b, out, bopt);
+
291}
-
324
-
325template <typename Op>
-
-
326void binary(const array& a, const array& b, array& out, Op op) {
-
327 switch (out.dtype()) {
-
328 case bool_:
-
329 binary_op<bool>(a, b, out, op);
-
330 break;
-
331 case uint8:
-
332 binary_op<uint8_t>(a, b, out, op);
-
333 break;
-
334 case uint16:
-
335 binary_op<uint16_t>(a, b, out, op);
-
336 break;
-
337 case uint32:
-
338 binary_op<uint32_t>(a, b, out, op);
-
339 break;
-
340 case uint64:
-
341 binary_op<uint64_t>(a, b, out, op);
-
342 break;
-
343 case int8:
-
344 binary_op<int8_t>(a, b, out, op);
-
345 break;
-
346 case int16:
-
347 binary_op<int16_t>(a, b, out, op);
-
348 break;
-
349 case int32:
-
350 binary_op<int32_t>(a, b, out, op);
-
351 break;
-
352 case int64:
-
353 binary_op<int64_t>(a, b, out, op);
-
354 break;
-
355 case float16:
-
356 binary_op<float16_t>(a, b, out, op);
-
357 break;
-
358 case float32:
-
359 binary_op<float>(a, b, out, op);
-
360 break;
-
361 case float64:
-
362 binary_op<double>(a, b, out, op);
-
363 break;
-
364 case bfloat16:
-
365 binary_op<bfloat16_t>(a, b, out, op);
-
366 break;
-
367 case complex64:
-
368 binary_op<complex64_t>(a, b, out, op);
-
369 break;
-
370 }
-
371}
-
-
372
-
373} // namespace mlx::core
- +
292
+
293} // namespace mlx::core
Definition array.h:24
const Shape & shape() const
The shape of the array as a vector of integers.
Definition array.h:103
size_t size() const
The number of elements in the array.
Definition array.h:88
-
T * data()
Definition array.h:354
-
Dtype dtype() const
Get the arrays data type.
Definition array.h:131
-
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:332
+
T * data()
Definition array.h:349
+
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:327
Simd< T, N > load(const T *x)
Definition base_simd.h:28
static constexpr int max_size
Definition base_simd.h:14
void store(T *dst, Simd< T, N > x)
Definition base_simd.h:33
Definition allocator.h:7
-
constexpr Dtype bool_
Definition dtype.h:68
-
constexpr Dtype uint64
Definition dtype.h:73
-
BinaryOpType get_binary_op_type(const array &a, const array &b)
Definition binary.h:19
-
constexpr Dtype uint16
Definition dtype.h:71
-
constexpr Dtype float64
Definition dtype.h:82
std::tuple< Shape, std::vector< Strides > > collapse_contiguous_dims(const Shape &shape, const std::vector< Strides > &strides, int64_t size_cap=std::numeric_limits< int32_t >::max())
-
constexpr Dtype bfloat16
Definition dtype.h:83
+
BinaryOpType
Definition binary.h:11
@ General
Definition binary.h:16
@ VectorVector
Definition binary.h:15
@ ScalarScalar
Definition binary.h:12
@ VectorScalar
Definition binary.h:14
@ ScalarVector
Definition binary.h:13
-
constexpr Dtype int32
Definition dtype.h:77
-
void binary_op_dispatch_dims(const array &a, const array &b, array &out, Op op, int dim, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides)
Definition binary.h:122
-
constexpr Dtype float32
Definition dtype.h:81
std::vector< ShapeElem > Shape
Definition array.h:21
-
void set_binary_op_output_data(const array &a, const array &b, array &out, BinaryOpType bopt, bool donate_with_move=false)
Definition binary.h:37
-
constexpr Dtype int16
Definition dtype.h:76
std::vector< int64_t > Strides
Definition array.h:22
-
void binary_op_dims(const T *a, const T *b, U *out, Op op, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis)
Definition binary.h:89
-
constexpr Dtype int8
Definition dtype.h:75
-
constexpr Dtype int64
Definition dtype.h:78
-
constexpr Dtype uint8
Definition dtype.h:70
-
void binary_op(const array &a, const array &b, array &out, Op op)
Definition binary.h:194
-
constexpr Dtype float16
Definition dtype.h:80
-
constexpr Dtype uint32
Definition dtype.h:72
-
void binary(const array &a, const array &b, array &out, Op op)
Definition binary.h:326
-
constexpr Dtype complex64
Definition dtype.h:84
+
void binary_op_dispatch_dims(const T *a, const T *b, U *out, int dim, int size, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides)
Definition binary.h:108
+
void binary_op(const array &a, const array &b, array &out, BinaryOpType bopt)
Definition binary.h:152
+
void binary_op_dims(const T *a, const T *b, U *out, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis)
Definition binary.h:76
Definition utils.h:73
int64_t loc
Definition utils.h:126
void step()
Definition utils.h:74
-
Definition binary.h:40
-
ScalarVector(Op op_)
Definition binary.h:43
-
void operator()(const T *a, const T *b, U *dst, int size)
Definition binary.h:46
-
Op op
Definition binary.h:41
-
Definition binary.h:16
-
void operator()(const T *a, const T *b, U *dst, int size)
Definition binary.h:22
-
Op op
Definition binary.h:17
-
VectorScalar(Op op_)
Definition binary.h:19
-
Definition binary.h:64
-
VectorVector(Op op_)
Definition binary.h:67
-
Op op
Definition binary.h:65
-
void operator()(const T *a, const T *b, U *dst, int size)
Definition binary.h:70
+
Definition binary.h:35
+
void operator()(const T *a, const T *b, U *dst, int size)
Definition binary.h:37
+
Definition binary.h:15
+
void operator()(const T *a, const T *b, U *dst, int size)
Definition binary.h:17
+
Definition binary.h:55
+
void operator()(const T *a, const T *b, U *dst, int size)
Definition binary.h:57
Definition accelerate_simd.h:55
diff --git a/docs/build/html/cpu_2binary__two_8h_source.html b/docs/build/html/cpu_2binary__two_8h_source.html index f3ddd5360..84522374e 100644 --- a/docs/build/html/cpu_2binary__two_8h_source.html +++ b/docs/build/html/cpu_2binary__two_8h_source.html @@ -117,7 +117,7 @@ $(function(){initNavTree('cpu_2binary__two_8h_source.html',''); initResizable(tr
10namespace {
11
12template <typename T, typename U, typename Op, int D>
- +
14 const T* a,
15 const T* b,
16 U* out_a,
@@ -135,7 +135,7 @@ $(function(){initNavTree('cpu_2binary__two_8h_source.html',''); initResizable(tr
28
29 for (int i = 0; i < N; i++) {
30 if constexpr (D > 1) {
-
31 binary_op_dims<T, U, Op, D - 1>(
+
31 binary_op_dims<T, U, Op, D - 1>(
32 a,
33 b,
34 out_a,
@@ -157,7 +157,7 @@ $(function(){initNavTree('cpu_2binary__two_8h_source.html',''); initResizable(tr
50}
51
52template <typename T, typename U, typename Op>
- +
54 const array& a,
55 const array& b,
56 array& out_a,
@@ -165,18 +165,18 @@ $(function(){initNavTree('cpu_2binary__two_8h_source.html',''); initResizable(tr
58 Op op) {
59 auto [shape, strides] = collapse_contiguous_dims(
60 a.shape(), {a.strides(), b.strides(), out_a.strides()});
-
61 const auto& a_strides = strides[0];
-
62 const auto& b_strides = strides[1];
-
63 const auto& out_strides = strides[2];
-
64 const T* a_ptr = a.data<T>();
-
65 const T* b_ptr = b.data<T>();
-
66 U* out_a_ptr = out_a.data<U>();
-
67 U* out_b_ptr = out_b.data<U>();
-
68
+
61 const T* a_ptr = a.data<T>();
+
62 const T* b_ptr = b.data<T>();
+
63 U* out_a_ptr = out_a.data<U>();
+
64 U* out_b_ptr = out_b.data<U>();
+
65
+
66 const auto& a_strides = strides[0];
+
67 const auto& b_strides = strides[1];
+
68 const auto& out_strides = strides[2];
69 int ndim = shape.size();
70 switch (ndim) {
71 case 1:
- +
73 a_ptr,
74 b_ptr,
75 out_a_ptr,
@@ -189,7 +189,7 @@ $(function(){initNavTree('cpu_2binary__two_8h_source.html',''); initResizable(tr
82 0);
83 return;
84 case 2:
- +
86 a_ptr,
87 b_ptr,
88 out_a_ptr,
@@ -207,7 +207,7 @@ $(function(){initNavTree('cpu_2binary__two_8h_source.html',''); initResizable(tr
100 ContiguousIterator b_it(shape, b_strides, ndim - 2);
101 auto stride = out_strides[ndim - 3];
102 for (size_t elem = 0; elem < a.size(); elem += stride) {
- +
104 a_ptr + a_it.loc,
105 b_ptr + b_it.loc,
106 out_a_ptr + elem,
@@ -224,141 +224,69 @@ $(function(){initNavTree('cpu_2binary__two_8h_source.html',''); initResizable(tr
117}
118
119template <typename T, typename U = T, typename Op>
-
120void binary_op(
+
120void binary_op(
121 const array& a,
122 const array& b,
-
123 std::vector<array>& outputs,
-
124 Op op) {
-
125 auto bopt = get_binary_op_type(a, b);
-
126 auto& out_a = outputs[0];
-
127 auto& out_b = outputs[1];
-
128 set_binary_op_output_data(a, b, out_a, bopt);
-
129 set_binary_op_output_data(a, b, out_b, bopt);
-
130
-
131 // The full computation is scalar scalar so call the base op once
-
132 if (bopt == BinaryOpType::General) {
-
133 binary_op_dispatch_dims<T, U, Op>(a, b, out_a, out_b, op);
-
134 return;
-
135 }
-
136
-
137 auto a_ptr = a.data<T>();
-
138 auto b_ptr = b.data<T>();
-
139 auto out_a_ptr = out_a.data<U>();
-
140 auto out_b_ptr = out_b.data<U>();
-
141 if (bopt == BinaryOpType::ScalarScalar) {
-
142 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
-
143 } else if (bopt == BinaryOpType::ScalarVector) {
-
144 for (size_t i = 0; i < b.size(); ++i) {
-
145 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
-
146 out_a_ptr++;
-
147 out_b_ptr++;
-
148 b_ptr++;
-
149 }
-
150 } else if (bopt == BinaryOpType::VectorScalar) {
-
151 for (size_t i = 0; i < a.size(); ++i) {
-
152 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
-
153 out_a_ptr++;
-
154 out_b_ptr++;
-
155 a_ptr++;
-
156 }
-
157 } else { // VectorVector
-
158 for (size_t i = 0; i < a.size(); ++i) {
-
159 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
-
160 out_a_ptr++;
-
161 out_b_ptr++;
-
162 a_ptr++;
-
163 b_ptr++;
-
164 }
-
165 }
-
166}
-
167
-
168template <typename Op>
-
169void binary(
-
170 const array& a,
-
171 const array& b,
-
172 std::vector<array>& outputs,
-
173 Op op) {
-
174 switch (outputs[0].dtype()) {
-
175 case bool_:
-
176 binary_op<bool>(a, b, outputs, op);
-
177 break;
-
178 case uint8:
-
179 binary_op<uint8_t>(a, b, outputs, op);
-
180 break;
-
181 case uint16:
-
182 binary_op<uint16_t>(a, b, outputs, op);
-
183 break;
-
184 case uint32:
-
185 binary_op<uint32_t>(a, b, outputs, op);
-
186 break;
-
187 case uint64:
-
188 binary_op<uint64_t>(a, b, outputs, op);
-
189 break;
-
190 case int8:
-
191 binary_op<int8_t>(a, b, outputs, op);
-
192 break;
-
193 case int16:
-
194 binary_op<int16_t>(a, b, outputs, op);
-
195 break;
-
196 case int32:
-
197 binary_op<int32_t>(a, b, outputs, op);
-
198 break;
-
199 case int64:
-
200 binary_op<int64_t>(a, b, outputs, op);
-
201 break;
-
202 case float16:
-
203 binary_op<float16_t>(a, b, outputs, op);
-
204 break;
-
205 case float32:
-
206 binary_op<float>(a, b, outputs, op);
-
207 break;
-
208 case float64:
-
209 binary_op<double>(a, b, outputs, op);
-
210 break;
-
211 case bfloat16:
-
212 binary_op<bfloat16_t>(a, b, outputs, op);
-
213 break;
-
214 case complex64:
-
215 binary_op<complex64_t>(a, b, outputs, op);
-
216 break;
-
217 }
-
218}
-
219
-
220} // namespace
-
221
-
222} // namespace mlx::core
+
123 array& out_a,
+
124 array& out_b,
+
125 Op op,
+
126 BinaryOpType bopt) {
+
127 // The full computation is scalar scalar so call the base op once
+
128 if (bopt == BinaryOpType::General) {
+
129 binary_op_dispatch_dims<T, U, Op>(a, b, out_a, out_b, op);
+
130 return;
+
131 }
+
132
+
133 auto a_ptr = a.data<T>();
+
134 auto b_ptr = b.data<T>();
+
135 auto out_a_ptr = out_a.data<U>();
+
136 auto out_b_ptr = out_b.data<U>();
+
137 if (bopt == BinaryOpType::ScalarScalar) {
+
138 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
+
139 } else if (bopt == BinaryOpType::ScalarVector) {
+
140 for (size_t i = 0; i < b.data_size(); ++i) {
+
141 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
+
142 out_a_ptr++;
+
143 out_b_ptr++;
+
144 b_ptr++;
+
145 }
+
146 } else if (bopt == BinaryOpType::VectorScalar) {
+
147 for (size_t i = 0; i < a.data_size(); ++i) {
+
148 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
+
149 out_a_ptr++;
+
150 out_b_ptr++;
+
151 a_ptr++;
+
152 }
+
153 } else { // VectorVector
+
154 for (size_t i = 0; i < a.size(); ++i) {
+
155 std::tie(*out_a_ptr, *out_b_ptr) = op(*a_ptr, *b_ptr);
+
156 out_a_ptr++;
+
157 out_b_ptr++;
+
158 a_ptr++;
+
159 b_ptr++;
+
160 }
+
161 }
+
162}
+
163
+
164} // namespace
+
165
+
166} // namespace mlx::core
Definition array.h:24
constexpr int N
Definition neon_fp16_simd.h:9
Definition allocator.h:7
-
constexpr Dtype bool_
Definition dtype.h:68
-
constexpr Dtype uint64
Definition dtype.h:73
-
BinaryOpType get_binary_op_type(const array &a, const array &b)
Definition binary.h:19
-
constexpr Dtype uint16
Definition dtype.h:71
-
constexpr Dtype float64
Definition dtype.h:82
std::tuple< Shape, std::vector< Strides > > collapse_contiguous_dims(const Shape &shape, const std::vector< Strides > &strides, int64_t size_cap=std::numeric_limits< int32_t >::max())
-
constexpr Dtype bfloat16
Definition dtype.h:83
+
BinaryOpType
Definition binary.h:11
@ General
Definition binary.h:16
@ ScalarScalar
Definition binary.h:12
@ VectorScalar
Definition binary.h:14
@ ScalarVector
Definition binary.h:13
-
constexpr Dtype int32
Definition dtype.h:77
-
void binary_op_dispatch_dims(const array &a, const array &b, array &out, Op op, int dim, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides)
Definition binary.h:122
-
constexpr Dtype float32
Definition dtype.h:81
std::vector< ShapeElem > Shape
Definition array.h:21
-
void set_binary_op_output_data(const array &a, const array &b, array &out, BinaryOpType bopt, bool donate_with_move=false)
Definition binary.h:37
-
constexpr Dtype int16
Definition dtype.h:76
std::vector< int64_t > Strides
Definition array.h:22
-
void binary_op_dims(const T *a, const T *b, U *out, Op op, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis)
Definition binary.h:89
-
constexpr Dtype int8
Definition dtype.h:75
-
constexpr Dtype int64
Definition dtype.h:78
-
constexpr Dtype uint8
Definition dtype.h:70
-
void binary_op(const array &a, const array &b, array &out, Op op)
Definition binary.h:194
-
constexpr Dtype float16
Definition dtype.h:80
-
constexpr Dtype uint32
Definition dtype.h:72
-
void binary(const array &a, const array &b, array &out, Op op)
Definition binary.h:326
-
constexpr Dtype complex64
Definition dtype.h:84
+
void binary_op_dispatch_dims(const T *a, const T *b, U *out, int dim, int size, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides)
Definition binary.h:108
+
void binary_op(const array &a, const array &b, array &out, BinaryOpType bopt)
Definition binary.h:152
+
void binary_op_dims(const T *a, const T *b, U *out, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis)
Definition binary.h:76
Definition utils.h:73
diff --git a/docs/build/html/cpu_2copy_8h.html b/docs/build/html/cpu_2copy_8h.html index de69b295f..d938473b0 100644 --- a/docs/build/html/cpu_2copy_8h.html +++ b/docs/build/html/cpu_2copy_8h.html @@ -108,7 +108,8 @@ $(function(){initNavTree('cpu_2copy_8h.html',''); initResizable(true); });
copy.h File Reference
-
#include "mlx/array.h"
+
#include <optional>
+#include "mlx/array.h"
#include "mlx/backend/common/copy.h"
#include "mlx/backend/common/utils.h"
@@ -123,12 +124,12 @@ Namespaces - - - - - - + + + + + +

Functions

void mlx::core::copy (const array &src, array &dst, CopyType ctype)
 
void mlx::core::copy_inplace (const array &src, array &dst, CopyType ctype)
 
void mlx::core::copy_inplace (const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype)
 
void mlx::core::copy (const array &src, array &dst, CopyType ctype, Stream stream)
 
void mlx::core::copy_inplace (const array &src, array &dst, CopyType ctype, Stream stream)
 
void mlx::core::copy_inplace (const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, Stream stream, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt)
 
diff --git a/docs/build/html/cpu_2copy_8h.js b/docs/build/html/cpu_2copy_8h.js index c9361c23b..a0339a06a 100644 --- a/docs/build/html/cpu_2copy_8h.js +++ b/docs/build/html/cpu_2copy_8h.js @@ -1,6 +1,6 @@ var cpu_2copy_8h = [ - [ "mlx::core::copy", "namespacemlx_1_1core.html#a479648542a2bea151b947b18f0e79dd2", null ], - [ "mlx::core::copy_inplace", "namespacemlx_1_1core.html#ae85bafda5ab0b4b2289591260cf07685", null ], - [ "mlx::core::copy_inplace", "namespacemlx_1_1core.html#a98495894a796b2cc6d022e7a03432c64", null ] + [ "mlx::core::copy", "namespacemlx_1_1core.html#a017bd8bd743e26f1ff971c8749b55daf", null ], + [ "mlx::core::copy_inplace", "namespacemlx_1_1core.html#a1e4381d42877a5c6050c20e77d13c990", null ], + [ "mlx::core::copy_inplace", "namespacemlx_1_1core.html#ab30708325761c91e7dde245827e9dd91", null ] ]; \ No newline at end of file diff --git a/docs/build/html/cpu_2copy_8h_source.html b/docs/build/html/cpu_2copy_8h_source.html index f2839828e..0a2c78ac3 100644 --- a/docs/build/html/cpu_2copy_8h_source.html +++ b/docs/build/html/cpu_2copy_8h_source.html @@ -109,36 +109,42 @@ $(function(){initNavTree('cpu_2copy_8h_source.html',''); initResizable(true); })
2
3#pragma once
4
-
5#include "mlx/array.h"
- - -
8
-
9namespace mlx::core {
+
5#include <optional>
+
6
+
7#include "mlx/array.h"
+ +
10
-
11void copy(const array& src, array& dst, CopyType ctype);
-
12void copy_inplace(const array& src, array& dst, CopyType ctype);
-
13
- -
15 const array& src,
-
16 array& dst,
-
17 const Shape& data_shape,
-
18 const Strides& i_strides,
-
19 const Strides& o_strides,
-
20 int64_t i_offset,
-
21 int64_t o_offset,
-
22 CopyType ctype);
-
23
-
24} // namespace mlx::core
+
11namespace mlx::core {
+
12
+
13void copy(const array& src, array& dst, CopyType ctype, Stream stream);
+
14void copy_inplace(const array& src, array& dst, CopyType ctype, Stream stream);
+
15
+ +
17 const array& src,
+
18 array& dst,
+
19 const Shape& data_shape,
+
20 const Strides& i_strides,
+
21 const Strides& o_strides,
+
22 int64_t i_offset,
+
23 int64_t o_offset,
+
24 CopyType ctype,
+
25 Stream stream,
+
26 const std::optional<array>& dynamic_i_offset = std::nullopt,
+
27 const std::optional<array>& dynamic_o_offset = std::nullopt);
+
28
+
29} // namespace mlx::core
Definition array.h:24
Definition allocator.h:7
-
void copy(const array &src, array &dst, CopyType ctype)
+
void copy(const array &src, array &dst, CopyType ctype, Stream stream)
std::vector< ShapeElem > Shape
Definition array.h:21
std::vector< int64_t > Strides
Definition array.h:22
-
void copy_inplace(const array &src, array &dst, CopyType ctype)
+
void copy_inplace(const array &src, array &dst, CopyType ctype, Stream stream)
CopyType
Definition copy.h:9
+
Definition stream.h:9
diff --git a/docs/build/html/cpu_2gemm_8h.html b/docs/build/html/cpu_2gemm_8h.html index 6a41765ea..7a5fc6c1b 100644 --- a/docs/build/html/cpu_2gemm_8h.html +++ b/docs/build/html/cpu_2gemm_8h.html @@ -121,9 +121,9 @@ Namespaces - - - + + +

Functions

template<typename T>
void mlx::core::matmul (const array &a, const array &b, array &out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, float alpha, float beta)
 
template<typename T>
void mlx::core::matmul (const T *a, const T *b, T *out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, size_t ldc, float alpha, float beta, size_t batch_size, const Shape &a_shape, const Strides &a_strides, const Shape &b_shape, const Strides &b_strides)
 
diff --git a/docs/build/html/cpu_2gemm_8h.js b/docs/build/html/cpu_2gemm_8h.js index 4b39c7431..5ac1cb352 100644 --- a/docs/build/html/cpu_2gemm_8h.js +++ b/docs/build/html/cpu_2gemm_8h.js @@ -1,4 +1,4 @@ var cpu_2gemm_8h = [ - [ "mlx::core::matmul", "namespacemlx_1_1core.html#aaacf0afe13d77a5c49ce96f1e833eb2d", null ] + [ "mlx::core::matmul", "namespacemlx_1_1core.html#afd07258882634dcda1e6f18f10dc28d5", null ] ]; \ No newline at end of file diff --git a/docs/build/html/cpu_2gemm_8h_source.html b/docs/build/html/cpu_2gemm_8h_source.html index 6ccfed1c7..a320b421f 100644 --- a/docs/build/html/cpu_2gemm_8h_source.html +++ b/docs/build/html/cpu_2gemm_8h_source.html @@ -113,22 +113,29 @@ $(function(){initNavTree('cpu_2gemm_8h_source.html',''); initResizable(true); })
6namespace mlx::core {
7
8template <typename T>
-
9void matmul(
-
10 const array& a,
-
11 const array& b,
-
12 array& out,
+
9void matmul(
+
10 const T* a,
+
11 const T* b,
+
12 T* out,
13 bool a_transposed,
14 bool b_transposed,
15 size_t lda,
16 size_t ldb,
-
17 float alpha,
-
18 float beta);
-
19
-
20} // namespace mlx::core
+
17 size_t ldc,
+
18 float alpha,
+
19 float beta,
+
20 size_t batch_size,
+
21 const Shape& a_shape,
+
22 const Strides& a_strides,
+
23 const Shape& b_shape,
+
24 const Strides& b_strides);
+
25
+
26} // namespace mlx::core
-
Definition array.h:24
Definition allocator.h:7
-
void matmul(const array &a, const array &b, array &out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, float alpha, float beta)
+
std::vector< ShapeElem > Shape
Definition array.h:21
+
std::vector< int64_t > Strides
Definition array.h:22
+
void matmul(const T *a, const T *b, T *out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, size_t ldc, float alpha, float beta, size_t batch_size, const Shape &a_shape, const Strides &a_strides, const Shape &b_shape, const Strides &b_strides)
diff --git a/docs/build/html/cpu_2ternary_8h.html b/docs/build/html/cpu_2ternary_8h.html index 4214ae3c0..2f68c2531 100644 --- a/docs/build/html/cpu_2ternary_8h.html +++ b/docs/build/html/cpu_2ternary_8h.html @@ -108,10 +108,10 @@ $(function(){initNavTree('cpu_2ternary_8h.html',''); initResizable(true); });
ternary.h File Reference
-
#include "mlx/allocator.h"
-#include "mlx/array.h"
+

Go to the source code of this file.

@@ -127,12 +127,12 @@ Functions - - - - - - + + + + + +
template<typename T1, typename T2, typename T3, typename U, typename Op, int D>
void mlx::core::ternary_op_dims (const T1 *a, const T2 *b, const T3 *c, U *out, Op op, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &c_strides, const Strides &out_strides, int axis)
 
template<typename T1, typename T2, typename T3, typename U, typename Op>
void mlx::core::ternary_op_dispatch_dims (const array &a, const array &b, const array &c, array &out, Op op)
 
template<typename T1, typename T2, typename T3, typename U, typename Op>
void mlx::core::ternary_op (const array &a, const array &b, const array &c, array &out, Op op)
 
template<typename T1, typename T2, typename T3, typename U, typename Op>
void mlx::core::ternary_op_dispatch_dims (const T1 *a_ptr, const T2 *b_ptr, const T3 *c_ptr, U *out_ptr, Op op, size_t size, Shape &shape, std::vector< Strides > &strides)
 
template<typename T1, typename T2, typename T3, typename U, typename Op>
void mlx::core::ternary_op (const array &a, const array &b, const array &c, array &out, Op op, TernaryOpType topt)
 
diff --git a/docs/build/html/cpu_2ternary_8h.js b/docs/build/html/cpu_2ternary_8h.js index 8a6129550..b80a4728c 100644 --- a/docs/build/html/cpu_2ternary_8h.js +++ b/docs/build/html/cpu_2ternary_8h.js @@ -1,6 +1,6 @@ var cpu_2ternary_8h = [ - [ "mlx::core::ternary_op", "namespacemlx_1_1core.html#a9dcc3018702ee31c21c8652bdc2182b1", null ], + [ "mlx::core::ternary_op", "namespacemlx_1_1core.html#a48fbbd43d2165ab7f42bac3f228bbda3", null ], [ "mlx::core::ternary_op_dims", "namespacemlx_1_1core.html#a8096c7a688ac3f09cca69a3a85f7f157", null ], - [ "mlx::core::ternary_op_dispatch_dims", "namespacemlx_1_1core.html#ac1c085e305954247d042f5d8803cd85b", null ] + [ "mlx::core::ternary_op_dispatch_dims", "namespacemlx_1_1core.html#a9abcc6efafd9ab5df1293b1793a734d2", null ] ]; \ No newline at end of file diff --git a/docs/build/html/cpu_2ternary_8h_source.html b/docs/build/html/cpu_2ternary_8h_source.html index 40361d521..b168d3e8e 100644 --- a/docs/build/html/cpu_2ternary_8h_source.html +++ b/docs/build/html/cpu_2ternary_8h_source.html @@ -108,10 +108,10 @@ $(function(){initNavTree('cpu_2ternary_8h_source.html',''); initResizable(true); Go to the documentation of this file.
1// Copyright © 2023 Apple Inc.
2
3#pragma once
-
4#include "mlx/allocator.h"
-
5#include "mlx/array.h"
- - +
4#include "mlx/array.h"
+ + +
8
9namespace mlx::core {
10
@@ -162,129 +162,124 @@ $(function(){initNavTree('cpu_2ternary_8h_source.html',''); initResizable(true);
53
54template <typename T1, typename T2, typename T3, typename U, typename Op>
- -
56 const array& a,
-
57 const array& b,
-
58 const array& c,
-
59 array& out,
-
60 Op op) {
-
61 auto [shape, strides] = collapse_contiguous_dims(
-
62 a.shape(), {a.strides(), b.strides(), c.strides(), out.strides()});
-
63 const auto& a_strides = strides[0];
-
64 const auto& b_strides = strides[1];
-
65 const auto& c_strides = strides[2];
-
66 const auto& out_strides = strides[3];
-
67
-
68 const T1* a_ptr = a.data<T1>();
-
69 const T2* b_ptr = b.data<T2>();
-
70 const T3* c_ptr = c.data<T3>();
-
71 U* out_ptr = out.data<T3>();
-
72 int ndim = shape.size();
-
73 switch (ndim) {
-
74 case 1:
- -
76 a_ptr,
-
77 b_ptr,
-
78 c_ptr,
-
79 out_ptr,
-
80 op,
-
81 shape,
-
82 a_strides,
-
83 b_strides,
-
84 c_strides,
-
85 out_strides,
-
86 0);
-
87 return;
-
88 case 2:
- -
90 a_ptr,
-
91 b_ptr,
-
92 c_ptr,
-
93 out_ptr,
-
94 op,
-
95 shape,
-
96 a_strides,
-
97 b_strides,
-
98 c_strides,
-
99 out_strides,
-
100 0);
-
101 return;
-
102 }
-
103
-
104 ContiguousIterator a_it(shape, a_strides, ndim - 2);
-
105 ContiguousIterator b_it(shape, b_strides, ndim - 2);
-
106 ContiguousIterator c_it(shape, c_strides, ndim - 2);
-
107 auto stride = out_strides[ndim - 3];
-
108 for (size_t elem = 0; elem < a.size(); elem += stride) {
- -
110 a_ptr + a_it.loc,
-
111 b_ptr + b_it.loc,
-
112 c_ptr + c_it.loc,
-
113 out_ptr + elem,
-
114 op,
-
115 shape,
-
116 a_strides,
-
117 b_strides,
-
118 c_strides,
-
119 out_strides,
-
120 ndim - 2);
-
121 a_it.step();
-
122 b_it.step();
-
123 c_it.step();
-
124 }
-
125}
+ +
56 const T1* a_ptr,
+
57 const T2* b_ptr,
+
58 const T3* c_ptr,
+
59 U* out_ptr,
+
60 Op op,
+
61 size_t size,
+
62 Shape& shape,
+
63 std::vector<Strides>& strides) {
+
64 const auto& a_strides = strides[0];
+
65 const auto& b_strides = strides[1];
+
66 const auto& c_strides = strides[2];
+
67 const auto& out_strides = strides[3];
+
68 int ndim = shape.size();
+
69 switch (ndim) {
+
70 case 1:
+ +
72 a_ptr,
+
73 b_ptr,
+
74 c_ptr,
+
75 out_ptr,
+
76 op,
+
77 shape,
+
78 a_strides,
+
79 b_strides,
+
80 c_strides,
+
81 out_strides,
+
82 0);
+
83 return;
+
84 case 2:
+ +
86 a_ptr,
+
87 b_ptr,
+
88 c_ptr,
+
89 out_ptr,
+
90 op,
+
91 shape,
+
92 a_strides,
+
93 b_strides,
+
94 c_strides,
+
95 out_strides,
+
96 0);
+
97 return;
+
98 }
+
99
+
100 ContiguousIterator a_it(shape, a_strides, ndim - 2);
+
101 ContiguousIterator b_it(shape, b_strides, ndim - 2);
+
102 ContiguousIterator c_it(shape, c_strides, ndim - 2);
+
103 auto stride = out_strides[ndim - 3];
+
104 for (size_t elem = 0; elem < size; elem += stride) {
+ +
106 a_ptr + a_it.loc,
+
107 b_ptr + b_it.loc,
+
108 c_ptr + c_it.loc,
+
109 out_ptr + elem,
+
110 op,
+
111 shape,
+
112 a_strides,
+
113 b_strides,
+
114 c_strides,
+
115 out_strides,
+
116 ndim - 2);
+
117 a_it.step();
+
118 b_it.step();
+
119 c_it.step();
+
120 }
+
121}
-
126
-
127template <typename T1, typename T2, typename T3, typename U, typename Op>
-
- -
129 const array& a,
-
130 const array& b,
-
131 const array& c,
-
132 array& out,
-
133 Op op) {
-
134 TernaryOpType topt = get_ternary_op_type(a, b, c);
-
135 set_ternary_op_output_data(a, b, c, out, topt);
-
136
-
137 // The full computation is scalar-scalar-scalar so we call the base op once.
- -
139 *(out.data<U>()) = op(*a.data<T1>(), *b.data<T2>(), *c.data<T3>());
-
140 } else if (topt == TernaryOpType::VectorVectorVector) {
-
141 const T1* a_ptr = a.data<T1>();
-
142 const T2* b_ptr = b.data<T2>();
-
143 const T3* c_ptr = c.data<T3>();
-
144 U* out_ptr = out.data<U>();
-
145 for (size_t i = 0; i < out.size(); ++i) {
-
146 *out_ptr = op(*a_ptr, *b_ptr, *c_ptr);
-
147 a_ptr++;
-
148 b_ptr++;
-
149 c_ptr++;
-
150 out_ptr++;
-
151 }
-
152 } else {
- -
154 }
-
155}
+
122
+
123template <typename T1, typename T2, typename T3, typename U, typename Op>
+
+ +
125 const array& a,
+
126 const array& b,
+
127 const array& c,
+
128 array& out,
+
129 Op op,
+
130 TernaryOpType topt) {
+
131 const T1* a_ptr = a.data<T1>();
+
132 const T2* b_ptr = b.data<T2>();
+
133 const T3* c_ptr = c.data<T3>();
+
134 U* out_ptr = out.data<U>();
+
135
+ +
137 *out_ptr = op(*a_ptr, *b_ptr, *c_ptr);
+
138 } else if (topt == TernaryOpType::VectorVectorVector) {
+
139 for (size_t i = 0; i < out.size(); ++i) {
+
140 *out_ptr = op(*a_ptr, *b_ptr, *c_ptr);
+
141 a_ptr++;
+
142 b_ptr++;
+
143 c_ptr++;
+
144 out_ptr++;
+
145 }
+
146 } else {
+
147 auto [shape, strides] = collapse_contiguous_dims(
+
148 a.shape(), {a.strides(), b.strides(), c.strides(), out.strides()});
+ +
150 a_ptr, b_ptr, c_ptr, out_ptr, op, out.size(), shape, strides);
+
151 }
+
152}
-
156
-
157} // namespace mlx::core
- +
153
+
154} // namespace mlx::core
Definition array.h:24
const Shape & shape() const
The shape of the array as a vector of integers.
Definition array.h:103
size_t size() const
The number of elements in the array.
Definition array.h:88
-
T * data()
Definition array.h:354
+
T * data()
Definition array.h:349
+
Definition allocator.h:7
+
void ternary_op(const array &a, const array &b, const array &c, array &out, Op op, TernaryOpType topt)
Definition ternary.h:124
std::tuple< Shape, std::vector< Strides > > collapse_contiguous_dims(const Shape &shape, const std::vector< Strides > &strides, int64_t size_cap=std::numeric_limits< int32_t >::max())
-
TernaryOpType get_ternary_op_type(const array &a, const array &b, const array &c)
Definition ternary.h:18
std::vector< ShapeElem > Shape
Definition array.h:21
-
void set_ternary_op_output_data(const array &a, const array &b, const array &c, array &out, TernaryOpType topt, bool donate_with_move=false)
Definition ternary.h:34
std::vector< int64_t > Strides
Definition array.h:22
void ternary_op_dims(const T1 *a, const T2 *b, const T3 *c, U *out, Op op, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &c_strides, const Strides &out_strides, int axis)
Definition ternary.h:12
-
void ternary_op(const array &a, const array &b, const array &c, array &out, Op op)
Definition ternary.h:128
-
void ternary_op_dispatch_dims(const array &a, const array &b, const array &c, array &out, Op op)
Definition ternary.h:55
+
void ternary_op_dispatch_dims(const T1 *a_ptr, const T2 *b_ptr, const T3 *c_ptr, U *out_ptr, Op op, size_t size, Shape &shape, std::vector< Strides > &strides)
Definition ternary.h:55
TernaryOpType
Definition ternary.h:11
@ ScalarScalarScalar
Definition ternary.h:12
@ VectorVectorVector
Definition ternary.h:13
diff --git a/docs/build/html/cpu_2unary_8h.html b/docs/build/html/cpu_2unary_8h.html index d797ec193..039444896 100644 --- a/docs/build/html/cpu_2unary_8h.html +++ b/docs/build/html/cpu_2unary_8h.html @@ -111,6 +111,7 @@ $(function(){initNavTree('cpu_2unary_8h.html',''); initResizable(true); }); @@ -127,21 +128,33 @@ Namespaces Functions void mlx::core::set_unary_output_data (const array &in, array &out)   -template<typename T, typename U = T, typename Op> -void mlx::core::unary_op (const T *a, U *out, Op op, size_t shape, size_t stride) -  -template<typename T, typename U = T, typename Op> -void mlx::core::unary_op (const array &a, array &out, Op op) -  -template<typename Op> -void mlx::core::unary (const array &a, array &out, Op op) -  -template<typename Op> -void mlx::core::unary_fp (const array &a, array &out, Op op) -  -template<typename Op> -void mlx::core::unary_int (const array &a, array &out, Op op) -  +template<typename T, typename U = T, typename Op> +void mlx::core::unary_op (const T *a, U *out, size_t shape, size_t stride) +  +template<typename T, typename U = T, typename Op> +void mlx::core::unary_op (const array &a, array &out, Op) +  +template<typename Op> +void mlx::core::unary (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void mlx::core::unary_real_fp (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void mlx::core::unary_fp (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void mlx::core::unary_signed (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void mlx::core::unary_complex (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void mlx::core::unary_complex_to_float (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void mlx::core::unary_int (const array &a, array &out, Op op, Stream stream) + 
diff --git a/docs/build/html/cpu_2unary_8h.js b/docs/build/html/cpu_2unary_8h.js index fdc54690d..577a7afd9 100644 --- a/docs/build/html/cpu_2unary_8h.js +++ b/docs/build/html/cpu_2unary_8h.js @@ -1,9 +1,13 @@ var cpu_2unary_8h = [ [ "mlx::core::set_unary_output_data", "namespacemlx_1_1core.html#a4c6a4241bfcdd7bbf30d0e521b79e5a3", null ], - [ "mlx::core::unary", "namespacemlx_1_1core.html#a6c8fdd03ef891d7f47804bf02e9a8507", null ], - [ "mlx::core::unary_fp", "namespacemlx_1_1core.html#a76a2cb4634f5fd6970a8c3b3753d7a4a", null ], - [ "mlx::core::unary_int", "namespacemlx_1_1core.html#a078859db0d66ff77f97af6dc9764e8eb", null ], - [ "mlx::core::unary_op", "namespacemlx_1_1core.html#ae20f207ad1ed3badc17cecf08f118b5e", null ], - [ "mlx::core::unary_op", "namespacemlx_1_1core.html#a27f00519f9756896734fd4d47fec0625", null ] + [ "mlx::core::unary", "namespacemlx_1_1core.html#a0f3ff0f676d28840c210ef6277caa546", null ], + [ "mlx::core::unary_complex", "namespacemlx_1_1core.html#a9af588b2e7f4e5249cd8b7722ad829c0", null ], + [ "mlx::core::unary_complex_to_float", "namespacemlx_1_1core.html#a0640d1f5bcd9a4f5cdaea9f197a53515", null ], + [ "mlx::core::unary_fp", "namespacemlx_1_1core.html#a6c1b92aea938457e44f93a7955d22823", null ], + [ "mlx::core::unary_int", "namespacemlx_1_1core.html#a50536365b8bcfec55e7d023ae9a6395c", null ], + [ "mlx::core::unary_op", "namespacemlx_1_1core.html#ab9812785763451ceb86486032d614048", null ], + [ "mlx::core::unary_op", "namespacemlx_1_1core.html#aa6b3dfc27a21d26b3fda96022aa60e32", null ], + [ "mlx::core::unary_real_fp", "namespacemlx_1_1core.html#a940f998c7469d14f5234f78dcaecd48b", null ], + [ "mlx::core::unary_signed", "namespacemlx_1_1core.html#aed2b5550f8424094ef10bdadfe92ec0f", null ] ]; \ No newline at end of file diff --git a/docs/build/html/cpu_2unary_8h_source.html b/docs/build/html/cpu_2unary_8h_source.html index c7dcf23fb..c403d250e 100644 --- a/docs/build/html/cpu_2unary_8h_source.html +++ b/docs/build/html/cpu_2unary_8h_source.html @@ -112,235 +112,371 @@ $(function(){initNavTree('cpu_2unary_8h_source.html',''); initResizable(true); }
5#include "mlx/allocator.h"
6#include "mlx/array.h"
- -
9#include "mlx/utils.h"
-
10
-
11namespace mlx::core {
-
12
-
-
13void set_unary_output_data(const array& in, array& out) {
-
14 if (is_donatable(in, out)) {
-
15 out.copy_shared_buffer(in);
-
16 } else {
-
17 auto size = in.data_size();
-
18 out.set_data(
- -
20 size,
-
21 in.strides(),
-
22 in.flags());
-
23 }
-
24}
+ + +
10#include "mlx/utils.h"
+
11
+
12namespace mlx::core {
+
13
+
+
14void set_unary_output_data(const array& in, array& out) {
+
15 if (in.flags().contiguous) {
+
16 if (is_donatable(in, out)) {
+
17 out.copy_shared_buffer(in);
+
18 } else {
+
19 auto size = in.data_size();
+
20 out.set_data(
+ +
22 size,
+
23 in.strides(),
+
24 in.flags());
+
25 }
+
26 } else {
+ +
28 }
+
29}
-
25
-
26template <typename T, typename U = T, typename Op>
-
-
27void unary_op(const T* a, U* out, Op op, size_t shape, size_t stride) {
-
28 for (size_t i = 0; i < shape; i += 1) {
-
29 out[i] = op(*a);
-
30 a += stride;
-
31 }
-
32}
+
30
+
31template <typename T, typename U = T, typename Op>
+
+
32void unary_op(const T* a, U* out, size_t shape, size_t stride) {
+
33 for (size_t i = 0; i < shape; i += 1) {
+
34 out[i] = Op{}(*a);
+
35 a += stride;
+
36 }
+
37}
-
33
-
34template <typename T, typename U = T, typename Op>
-
-
35void unary_op(const array& a, array& out, Op op) {
-
36 const T* a_ptr = a.data<T>();
-
37 if (a.flags().contiguous) {
- -
39 U* dst = out.data<U>();
-
40 constexpr int N = simd::max_size<T>;
-
41 size_t size = a.data_size();
-
42 while (size >= N) {
-
43 simd::store(dst, op(simd::load<T, N>(a_ptr)));
-
44 size -= N;
-
45 a_ptr += N;
-
46 dst += N;
-
47 }
-
48 while (size > 0) {
-
49 *dst = op(*a_ptr);
-
50 size--;
-
51 dst++;
-
52 a_ptr++;
-
53 }
-
54 } else {
- -
56 U* dst = out.data<U>();
-
57 size_t shape = a.ndim() > 0 ? a.shape(-1) : 1;
-
58 size_t stride = a.ndim() > 0 ? a.strides(-1) : 1;
-
59 if (a.ndim() <= 1) {
-
60 unary_op(a_ptr, dst, op, shape, stride);
-
61 return;
-
62 }
-
63 ContiguousIterator it(a.shape(), a.strides(), a.ndim() - 1);
-
64 for (size_t elem = 0; elem < a.size(); elem += shape) {
-
65 unary_op(a_ptr + it.loc, dst + elem, op, shape, stride);
-
66 it.step();
-
67 }
-
68 }
-
69}
+
38
+
39template <typename T, typename U = T, typename Op>
+
+
40void unary_op(const array& a, array& out, Op) {
+
41 const T* src = a.data<T>();
+
42 U* dst = out.data<U>();
+
43 auto ndim = a.ndim();
+
44 if (a.flags().contiguous) {
+
45 auto size = a.data_size();
+
46 constexpr int N = simd::max_size<T>;
+
47 while (size >= N) {
+
48 simd::store(dst, Op{}(simd::load<T, N>(src)));
+
49 size -= N;
+
50 src += N;
+
51 dst += N;
+
52 }
+
53 while (size > 0) {
+
54 *dst = Op{}(*src);
+
55 size--;
+
56 dst++;
+
57 src++;
+
58 }
+
59 } else {
+
60 size_t shape = ndim > 0 ? a.shape().back() : 1;
+
61 size_t stride = ndim > 0 ? a.strides().back() : 1;
+
62 if (ndim <= 1) {
+
63 unary_op<T, U, Op>(src, dst, shape, stride);
+
64 return;
+
65 }
+
66 auto it = ContiguousIterator(a.shape(), a.strides(), ndim - 1);
+
67 for (size_t elem = 0; elem < a.size(); elem += shape) {
+
68 unary_op<T, U, Op>(src + it.loc, dst + elem, shape, stride);
+
69 it.step();
+
70 }
+
71 }
+
72}
-
70
-
71template <typename Op>
-
-
72void unary(const array& a, array& out, Op op) {
-
73 switch (out.dtype()) {
-
74 case bool_:
-
75 unary_op<bool>(a, out, op);
-
76 break;
-
77 case uint8:
-
78 unary_op<uint8_t>(a, out, op);
-
79 break;
-
80 case uint16:
-
81 unary_op<uint16_t>(a, out, op);
-
82 break;
-
83 case uint32:
-
84 unary_op<uint32_t>(a, out, op);
-
85 break;
-
86 case uint64:
-
87 unary_op<uint64_t>(a, out, op);
-
88 break;
-
89 case int8:
-
90 unary_op<int8_t>(a, out, op);
-
91 break;
-
92 case int16:
-
93 unary_op<int16_t>(a, out, op);
-
94 break;
-
95 case int32:
-
96 unary_op<int32_t>(a, out, op);
-
97 break;
-
98 case int64:
-
99 unary_op<int64_t>(a, out, op);
-
100 break;
-
101 case float16:
-
102 unary_op<float16_t>(a, out, op);
-
103 break;
-
104 case float32:
-
105 unary_op<float>(a, out, op);
-
106 break;
-
107 case float64:
-
108 unary_op<double>(a, out, op);
-
109 break;
-
110 case bfloat16:
-
111 unary_op<bfloat16_t>(a, out, op);
-
112 break;
-
113 case complex64:
-
114 unary_op<complex64_t>(a, out, op);
-
115 break;
-
116 }
-
117}
+
73
+
74template <typename Op>
+
+
75void unary(const array& a, array& out, Op op, Stream stream) {
+ +
77 auto& encoder = cpu::get_command_encoder(stream);
+
78 encoder.set_input_array(a);
+
79 encoder.set_output_array(out);
+
80 encoder.dispatch([a = array::unsafe_weak_copy(a),
+
81 out = array::unsafe_weak_copy(out),
+
82 op = op]() mutable {
+
83 switch (out.dtype()) {
+
84 case bool_:
+
85 unary_op<bool>(a, out, op);
+
86 break;
+
87 case uint8:
+
88 unary_op<uint8_t>(a, out, op);
+
89 break;
+
90 case uint16:
+
91 unary_op<uint16_t>(a, out, op);
+
92 break;
+
93 case uint32:
+
94 unary_op<uint32_t>(a, out, op);
+
95 break;
+
96 case uint64:
+
97 unary_op<uint64_t>(a, out, op);
+
98 break;
+
99 case int8:
+
100 unary_op<int8_t>(a, out, op);
+
101 break;
+
102 case int16:
+
103 unary_op<int16_t>(a, out, op);
+
104 break;
+
105 case int32:
+
106 unary_op<int32_t>(a, out, op);
+
107 break;
+
108 case int64:
+
109 unary_op<int64_t>(a, out, op);
+
110 break;
+
111 case float16:
+
112 unary_op<float16_t>(a, out, op);
+
113 break;
+
114 case float32:
+
115 unary_op<float>(a, out, op);
+
116 break;
+
117 case float64:
+
118 unary_op<double>(a, out, op);
+
119 break;
+
120 case bfloat16:
+
121 unary_op<bfloat16_t>(a, out, op);
+
122 break;
+
123 case complex64:
+
124 unary_op<complex64_t>(a, out, op);
+
125 break;
+
126 }
+
127 });
+
128}
-
118
-
119template <typename Op>
-
-
120void unary_fp(const array& a, array& out, Op op) {
-
121 switch (out.dtype()) {
-
122 case bfloat16:
-
123 unary_op<bfloat16_t>(a, out, op);
-
124 break;
-
125 case float16:
-
126 unary_op<float16_t>(a, out, op);
-
127 break;
-
128 case float32:
-
129 unary_op<float>(a, out, op);
-
130 break;
-
131 case float64:
-
132 unary_op<double>(a, out, op);
-
133 break;
-
134 case complex64:
-
135 unary_op<complex64_t>(a, out, op);
-
136 break;
-
137 default:
-
138 std::ostringstream err;
-
139 err << "[unary_fp] Does not support " << out.dtype();
-
140 throw std::runtime_error(err.str());
-
141 }
-
142}
+
129
+
130template <typename Op>
+
+
131void unary_real_fp(const array& a, array& out, Op op, Stream stream) {
+
132 set_unary_output_data(a, out);
+
133 auto& encoder = cpu::get_command_encoder(stream);
+
134 encoder.set_input_array(a);
+
135 encoder.set_output_array(out);
+
136 encoder.dispatch([a = array::unsafe_weak_copy(a),
+
137 out = array::unsafe_weak_copy(out),
+
138 op = op]() mutable {
+
139 switch (out.dtype()) {
+
140 case bfloat16:
+
141 unary_op<bfloat16_t>(a, out, op);
+
142 break;
+
143 case float16:
+
144 unary_op<float16_t>(a, out, op);
+
145 break;
+
146 case float32:
+
147 unary_op<float>(a, out, op);
+
148 break;
+
149 case float64:
+
150 unary_op<double>(a, out, op);
+
151 break;
+
152 default:
+
153 std::ostringstream err;
+
154 err << "[unary_real] Does not support " << out.dtype();
+
155 throw std::runtime_error(err.str());
+
156 }
+
157 });
+
158}
-
143
-
144template <typename Op>
-
-
145void unary_int(const array& a, array& out, Op op) {
-
146 switch (out.dtype()) {
-
147 case uint8:
-
148 unary_op<uint8_t>(a, out, op);
-
149 break;
-
150 case uint16:
-
151 unary_op<uint16_t>(a, out, op);
-
152 break;
-
153 case uint32:
-
154 unary_op<uint32_t>(a, out, op);
-
155 break;
-
156 case uint64:
-
157 unary_op<uint64_t>(a, out, op);
-
158 break;
-
159 case int8:
-
160 unary_op<int8_t>(a, out, op);
-
161 break;
-
162 case int16:
-
163 unary_op<int16_t>(a, out, op);
-
164 break;
-
165 case int32:
-
166 unary_op<int32_t>(a, out, op);
-
167 break;
-
168 case int64:
-
169 unary_op<int64_t>(a, out, op);
-
170 break;
-
171 default:
-
172 std::ostringstream err;
-
173 err << "[unary_int] Does not support " << out.dtype();
-
174 throw std::runtime_error(err.str());
-
175 }
-
176}
+
159template <typename Op>
+
+
160void unary_fp(const array& a, array& out, Op op, Stream stream) {
+
161 set_unary_output_data(a, out);
+
162 auto& encoder = cpu::get_command_encoder(stream);
+
163 encoder.set_input_array(a);
+
164 encoder.set_output_array(out);
+
165 encoder.dispatch([a = array::unsafe_weak_copy(a),
+
166 out = array::unsafe_weak_copy(out),
+
167 op = op]() mutable {
+
168 switch (out.dtype()) {
+
169 case bfloat16:
+
170 unary_op<bfloat16_t>(a, out, op);
+
171 break;
+
172 case float16:
+
173 unary_op<float16_t>(a, out, op);
+
174 break;
+
175 case float32:
+
176 unary_op<float>(a, out, op);
+
177 break;
+
178 case float64:
+
179 unary_op<double>(a, out, op);
+
180 break;
+
181 case complex64:
+
182 unary_op<complex64_t>(a, out, op);
+
183 break;
+
184 default:
+
185 std::ostringstream err;
+
186 err << "[unary_fp] Does not support " << out.dtype();
+
187 throw std::runtime_error(err.str());
+
188 }
+
189 });
+
190}
-
177
-
178} // namespace mlx::core
+
191
+
192template <typename Op>
+
+
193void unary_signed(const array& a, array& out, Op op, Stream stream) {
+
194 set_unary_output_data(a, out);
+
195 auto& encoder = cpu::get_command_encoder(stream);
+
196 encoder.set_input_array(a);
+
197 encoder.set_output_array(out);
+
198 encoder.dispatch([a = array::unsafe_weak_copy(a),
+
199 out = array::unsafe_weak_copy(out),
+
200 op = op]() mutable {
+
201 switch (out.dtype()) {
+
202 case int8:
+
203 unary_op<int8_t>(a, out, op);
+
204 break;
+
205 case int16:
+
206 unary_op<int16_t>(a, out, op);
+
207 break;
+
208 case int32:
+
209 unary_op<int32_t>(a, out, op);
+
210 break;
+
211 case int64:
+
212 unary_op<int64_t>(a, out, op);
+
213 break;
+
214 case float16:
+
215 unary_op<float16_t>(a, out, op);
+
216 break;
+
217 case float32:
+
218 unary_op<float>(a, out, op);
+
219 break;
+
220 case float64:
+
221 unary_op<double>(a, out, op);
+
222 break;
+
223 case bfloat16:
+
224 unary_op<bfloat16_t>(a, out, op);
+
225 break;
+
226 case complex64:
+
227 unary_op<complex64_t>(a, out, op);
+
228 break;
+
229 default:
+
230 throw std::runtime_error("[Abs] Called on unsigned type");
+
231 }
+
232 });
+
233}
+
+
234
+
235template <typename Op>
+
+
236void unary_complex(const array& a, array& out, Op op, Stream stream) {
+
237 set_unary_output_data(a, out);
+
238 auto& encoder = cpu::get_command_encoder(stream);
+
239 encoder.set_input_array(a);
+
240 encoder.set_output_array(out);
+
241 encoder.dispatch([a = array::unsafe_weak_copy(a),
+
242 out = array::unsafe_weak_copy(out),
+
243 op = op]() mutable { unary_op<complex64_t>(a, out, op); });
+
244}
+
+
245
+
246template <typename Op>
+
+
247void unary_complex_to_float(const array& a, array& out, Op op, Stream stream) {
+
248 set_unary_output_data(a, out);
+
249 auto& encoder = cpu::get_command_encoder(stream);
+
250 encoder.set_input_array(a);
+
251 encoder.set_output_array(out);
+
252 encoder.dispatch(
+ +
254 out = array::unsafe_weak_copy(out),
+
255 op = op]() mutable { unary_op<complex64_t, float>(a, out, op); });
+
256}
+
+
257
+
258template <typename Op>
+
+
259void unary_int(const array& a, array& out, Op op, Stream stream) {
+
260 set_unary_output_data(a, out);
+
261 auto& encoder = cpu::get_command_encoder(stream);
+
262 encoder.set_input_array(a);
+
263 encoder.set_output_array(out);
+
264 encoder.dispatch([a = array::unsafe_weak_copy(a),
+
265 out = array::unsafe_weak_copy(out),
+
266 op = op]() mutable {
+
267 switch (out.dtype()) {
+
268 case uint8:
+
269 unary_op<uint8_t>(a, out, op);
+
270 break;
+
271 case uint16:
+
272 unary_op<uint16_t>(a, out, op);
+
273 break;
+
274 case uint32:
+
275 unary_op<uint32_t>(a, out, op);
+
276 break;
+
277 case uint64:
+
278 unary_op<uint64_t>(a, out, op);
+
279 break;
+
280 case int8:
+
281 unary_op<int8_t>(a, out, op);
+
282 break;
+
283 case int16:
+
284 unary_op<int16_t>(a, out, op);
+
285 break;
+
286 case int32:
+
287 unary_op<int32_t>(a, out, op);
+
288 break;
+
289 case int64:
+
290 unary_op<int64_t>(a, out, op);
+
291 break;
+
292 default:
+
293 std::ostringstream err;
+
294 err << "[unary_int] Does not support " << out.dtype();
+
295 throw std::runtime_error(err.str());
+
296 }
+
297 });
+
298}
+
+
299
+
300} // namespace mlx::core
Definition array.h:24
-
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:318
+
const Flags & flags() const
Get the Flags bit-field.
Definition array.h:313
const Shape & shape() const
The shape of the array as a vector of integers.
Definition array.h:103
const Strides & strides() const
The strides of the array.
Definition array.h:117
size_t nbytes() const
The number of bytes in the array.
Definition array.h:93
size_t ndim() const
The number of dimensions of the array.
Definition array.h:98
size_t size() const
The number of elements in the array.
Definition array.h:88
-
T * data()
Definition array.h:354
+
T * data()
Definition array.h:349
+
static array unsafe_weak_copy(const array &other)
Get a new array that refers to the same data as the input but with a non-owning pointer to it.
void copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)
Dtype dtype() const
Get the arrays data type.
Definition array.h:131
size_t itemsize() const
The size of the array's datatype in bytes.
Definition array.h:83
void set_data(allocator::Buffer buffer, Deleter d=allocator::free)
-
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:332
+
size_t data_size() const
The size (in elements) of the underlying buffer the array points to.
Definition array.h:327
+
Buffer malloc_or_wait(size_t size)
+
CommandEncoder & get_command_encoder(Stream stream)
Simd< T, N > load(const T *x)
Definition base_simd.h:28
static constexpr int max_size
Definition base_simd.h:14
void store(T *dst, Simd< T, N > x)
Definition base_simd.h:33
Definition allocator.h:7
-
void unary_int(const array &a, array &out, Op op)
Definition unary.h:145
+
void unary_complex_to_float(const array &a, array &out, Op op, Stream stream)
Definition unary.h:247
+
void unary(const array &a, array &out, Op op, Stream stream)
Definition unary.h:75
constexpr Dtype bool_
Definition dtype.h:68
constexpr Dtype uint64
Definition dtype.h:73
-
void unary_op(const T *a, U *out, Op op, size_t shape, size_t stride)
Definition unary.h:27
constexpr Dtype uint16
Definition dtype.h:71
constexpr Dtype float64
Definition dtype.h:82
-
void set_unary_output_data(const array &in, array &out)
Definition unary.h:13
+
void set_unary_output_data(const array &in, array &out)
Definition unary.h:14
+
void unary_int(const array &a, array &out, Op op, Stream stream)
Definition unary.h:259
constexpr Dtype bfloat16
Definition dtype.h:83
constexpr Dtype int32
Definition dtype.h:77
constexpr Dtype float32
Definition dtype.h:81
-
void unary(const array &a, array &out, Op op)
Definition unary.h:72
+
void unary_fp(const array &a, array &out, Op op, Stream stream)
Definition unary.h:160
constexpr Dtype int16
Definition dtype.h:76
-
void unary_fp(const array &a, array &out, Op op)
Definition unary.h:120
constexpr Dtype int8
Definition dtype.h:75
constexpr Dtype int64
Definition dtype.h:78
+
void unary_real_fp(const array &a, array &out, Op op, Stream stream)
Definition unary.h:131
constexpr Dtype uint8
Definition dtype.h:70
+
void unary_complex(const array &a, array &out, Op op, Stream stream)
Definition unary.h:236
+
void unary_op(const T *a, U *out, size_t shape, size_t stride)
Definition unary.h:32
constexpr Dtype float16
Definition dtype.h:80
constexpr Dtype uint32
Definition dtype.h:72
+
void unary_signed(const array &a, array &out, Op op, Stream stream)
Definition unary.h:193
bool is_donatable(const array &in, const array &out)
Definition utils.h:155
constexpr Dtype complex64
Definition dtype.h:84
Definition utils.h:73
-
int64_t loc
Definition utils.h:126
-
void step()
Definition utils.h:74
-
bool contiguous
Definition array.h:231
+
Definition stream.h:9
+
bool contiguous
Definition array.h:238
diff --git a/docs/build/html/dev/custom_metal_kernels.html b/docs/build/html/dev/custom_metal_kernels.html index e013dedef..9cab19a24 100644 --- a/docs/build/html/dev/custom_metal_kernels.html +++ b/docs/build/html/dev/custom_metal_kernels.html @@ -8,7 +8,7 @@ - Custom Metal Kernels — MLX 0.23.2 documentation + Custom Metal Kernels — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
diff --git a/docs/build/html/dev/extensions.html b/docs/build/html/dev/extensions.html index 1e97e01bf..fbf885283 100644 --- a/docs/build/html/dev/extensions.html +++ b/docs/build/html/dev/extensions.html @@ -8,7 +8,7 @@ - Custom Extensions in MLX — MLX 0.23.2 documentation + Custom Extensions in MLX — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
@@ -942,12 +942,12 @@ You can do that in MLX directly:

This function performs that operation while leaving the implementation and function transformations to MLX.

-

However you may need to customize the underlying implementation, perhaps to -make it faster or for custom differentiation. In this tutorial we will go -through adding custom extensions. It will cover:

+

However, you may want to customize the underlying implementation, perhaps to +make it faster. In this tutorial we will go through adding custom extensions. +It will cover:

  • The structure of the MLX library.

  • -
  • Implementing a CPU operation that redirects to Accelerate when appropriate.

  • +
  • Implementing a CPU operation.

  • Implementing a GPU operation using metal.

  • Adding the vjp and jvp function transformation.

  • Building a custom extension and binding it to python.

  • @@ -962,14 +962,14 @@ more detail.

    Operations#

    Operations are the front-end functions that operate on arrays. They are defined in the C++ API (Operations), and the Python API (Operations) binds them.

    -

    We would like an operation, axpby() that takes in two arrays x and +

    We would like an operation axpby() that takes in two arrays, x and y, and two scalars, alpha and beta. This is how to define it in C++:

    /**
     *  Scale and sum two vectors element-wise
     *  z = alpha * x + beta * y
     *
    -*  Follow numpy style broadcasting between x and y
    +*  Use NumPy-style broadcasting between x and y
     *  Inputs are upcasted to floats if needed
     **/
     array axpby(
    @@ -981,7 +981,7 @@ C++:

    );
    -

    The simplest way to this operation is in terms of existing operations:

    +

    The simplest way to implement this is with existing operations:

    array axpby(
         const array& x, // Input array x
         const array& y, // Input array y
    @@ -1062,9 +1062,6 @@ more concrete:

    private: float alpha_; float beta_; - - /** Fall back implementation for evaluation on CPU */ - void eval(const std::vector<array>& inputs, array& out); };
    @@ -1093,7 +1090,7 @@ inputs that are passed to the primitive.

    auto promoted_dtype = promote_types(x.dtype(), y.dtype()); // Upcast to float32 for non-floating point inputs x and y - auto out_dtype = is_floating_point(promoted_dtype) + auto out_dtype = issubdtype(promoted_dtype, float32) ? promoted_dtype : promote_types(promoted_dtype, float32); @@ -1139,153 +1136,87 @@ of these functions to allocate memory as needed.

    Implementing the CPU Back-end#

    -

    Let’s start by implementing a naive and generic version of -Axpby::eval_cpu(). We declared this as a private member function of -Axpby earlier called Axpby::eval().

    -

    Our naive method will go over each element of the output array, find the +

    Let’s start by implementing Axpby::eval_cpu().

    +

    The method will go over each element of the output array, find the corresponding input elements of x and y and perform the operation point-wise. This is captured in the templated function axpby_impl().

    template <typename T>
     void axpby_impl(
    -        const array& x,
    -        const array& y,
    -        array& out,
    -        float alpha_,
    -        float beta_) {
    -    // We only allocate memory when we are ready to fill the output
    -    // malloc_or_wait synchronously allocates available memory
    -    // There may be a wait executed here if the allocation is requested
    -    // under memory-pressured conditions
    -    out.set_data(allocator::malloc_or_wait(out.nbytes()));
    +    const mx::array& x,
    +    const mx::array& y,
    +    mx::array& out,
    +    float alpha_,
    +    float beta_,
    +    mx::Stream stream) {
    +  // Allocate the output with `malloc_or_wait` which synchronously allocates
    +  // memory, potentially waiting if the system is under memory pressure
    +  out.set_data(mx::allocator::malloc_or_wait(out.nbytes()));
     
    -    // Collect input and output data pointers
    -    const T* x_ptr = x.data<T>();
    -    const T* y_ptr = y.data<T>();
    -    T* out_ptr = out.data<T>();
    +  // Get the CPU command encoder and register input and output arrays
    +  auto& encoder = mx::cpu::get_command_encoder(stream);
    +  encoder.set_input_array(x);
    +  encoder.set_input_array(y);
    +  encoder.set_output_array(out);
    +
    +  // Launch the CPU kernel
    +  encoder.dispatch([x_ptr = x.data<T>(),
    +                    y_ptr = y.data<T>(),
    +                    out_ptr = out.data<T>(),
    +                    size = out.size(),
    +                    shape = out.shape(),
    +                    x_strides = x.strides(),
    +                    y_strides = y.strides(),
    +                    alpha_,
    +                    beta_]() {
     
         // Cast alpha and beta to the relevant types
         T alpha = static_cast<T>(alpha_);
         T beta = static_cast<T>(beta_);
     
         // Do the element-wise operation for each output
    -    for (size_t out_idx = 0; out_idx < out.size(); out_idx++) {
    -        // Map linear indices to offsets in x and y
    -        auto x_offset = elem_to_loc(out_idx, x.shape(), x.strides());
    -        auto y_offset = elem_to_loc(out_idx, y.shape(), y.strides());
    +    for (size_t out_idx = 0; out_idx < size; out_idx++) {
    +      // Map linear indices to offsets in x and y
    +      auto x_offset = mx::elem_to_loc(out_idx, shape, x_strides);
    +      auto y_offset = mx::elem_to_loc(out_idx, shape, y_strides);
     
    -        // We allocate the output to be contiguous and regularly strided
    -        // (defaults to row major) and hence it doesn't need additional mapping
    -        out_ptr[out_idx] = alpha * x_ptr[x_offset] + beta * y_ptr[y_offset];
    +      // We allocate the output to be contiguous and regularly strided
    +      // (defaults to row major) and hence it doesn't need additional mapping
    +      out_ptr[out_idx] = alpha * x_ptr[x_offset] + beta * y_ptr[y_offset];
         }
    +  });
     }
     

    Our implementation should work for all incoming floating point arrays. Accordingly, we add dispatches for float32, float16, bfloat16 and complex64. We throw an error if we encounter an unexpected type.

    -
    /** Fall back implementation for evaluation on CPU */
    -void Axpby::eval(
    -  const std::vector<array>& inputs,
    -  const std::vector<array>& outputs) {
    -    auto& x = inputs[0];
    -    auto& y = inputs[1];
    -    auto& out = outputs[0];
    +
    void Axpby::eval_cpu(
    +    const std::vector<mx::array>& inputs,
    +    std::vector<mx::array>& outputs) {
    +  auto& x = inputs[0];
    +  auto& y = inputs[1];
    +  auto& out = outputs[0];
     
    -    // Dispatch to the correct dtype
    -    if (out.dtype() == float32) {
    -        return axpby_impl<float>(x, y, out, alpha_, beta_);
    -    } else if (out.dtype() == float16) {
    -        return axpby_impl<float16_t>(x, y, out, alpha_, beta_);
    -    } else if (out.dtype() == bfloat16) {
    -        return axpby_impl<bfloat16_t>(x, y, out, alpha_, beta_);
    -    } else if (out.dtype() == complex64) {
    -        return axpby_impl<complex64_t>(x, y, out, alpha_, beta_);
    -    } else {
    -        throw std::runtime_error(
    -            "[Axpby] Only supports floating point types.");
    -    }
    -}
    -
    -
    -

    This is good as a fallback implementation. We can use the axpby routine -provided by the Accelerate framework for a faster implementation in certain -cases:

    -
      -
    1. Accelerate does not provide implementations of axpby for half precision -floats. We can only use it for float32 types.

    2. -
    3. Accelerate assumes the inputs x and y are contiguous and all -elements have fixed strides between them. We only direct to Accelerate -if both x and y are row contiguous or column contiguous.

    4. -
    5. Accelerate performs the routine Y = (alpha * X) + (beta * Y) in-place. -MLX expects to write the output to a new array. We must copy the elements -of y into the output and use that as an input to axpby.

    6. -
    -

    Let’s write an implementation that uses Accelerate in the right conditions. -It allocates data for the output, copies y into it, and then calls the -catlas_saxpby() from accelerate.

    -
    template <typename T>
    -void axpby_impl_accelerate(
    -        const array& x,
    -        const array& y,
    -        array& out,
    -        float alpha_,
    -        float beta_) {
    -    // Accelerate library provides catlas_saxpby which does
    -    // Y = (alpha * X) + (beta * Y) in place
    -    // To use it, we first copy the data in y over to the output array
    -    out.set_data(allocator::malloc_or_wait(out.nbytes()));
    -
    -    // We then copy over the elements using the contiguous vector specialization
    -    copy_inplace(y, out, CopyType::Vector);
    -
    -    // Get x and y pointers for catlas_saxpby
    -    const T* x_ptr = x.data<T>();
    -    T* y_ptr = out.data<T>();
    -
    -    T alpha = static_cast<T>(alpha_);
    -    T beta = static_cast<T>(beta_);
    -
    -    // Call the inplace accelerate operator
    -    catlas_saxpby(
    -        /* N = */ out.size(),
    -        /* ALPHA = */ alpha,
    -        /* X = */ x_ptr,
    -        /* INCX = */ 1,
    -        /* BETA = */ beta,
    -        /* Y = */ y_ptr,
    -        /* INCY = */ 1);
    -}
    -
    -
    -

    For inputs that do not fit the criteria for accelerate, we fall back to -Axpby::eval(). With this in mind, let’s finish our -Axpby::eval_cpu().

    -
    /** Evaluate primitive on CPU using accelerate specializations */
    -void Axpby::eval_cpu(
    -  const std::vector<array>& inputs,
    -  const std::vector<array>& outputs) {
    -    assert(inputs.size() == 2);
    -    auto& x = inputs[0];
    -    auto& y = inputs[1];
    -    auto& out = outputs[0];
    -
    -    // Accelerate specialization for contiguous single precision float arrays
    -    if (out.dtype() == float32 &&
    -        ((x.flags().row_contiguous && y.flags().row_contiguous) ||
    -        (x.flags().col_contiguous && y.flags().col_contiguous))) {
    -        axpby_impl_accelerate<float>(x, y, out, alpha_, beta_);
    -        return;
    -    }
    -
    -    // Fall back to common back-end if specializations are not available
    -    eval(inputs, outputs);
    +  // Dispatch to the correct dtype
    +  if (out.dtype() == mx::float32) {
    +    return axpby_impl<float>(x, y, out, alpha_, beta_, stream());
    +  } else if (out.dtype() == mx::float16) {
    +    return axpby_impl<mx::float16_t>(x, y, out, alpha_, beta_, stream());
    +  } else if (out.dtype() == mx::bfloat16) {
    +    return axpby_impl<mx::bfloat16_t>(x, y, out, alpha_, beta_, stream());
    +  } else if (out.dtype() == mx::complex64) {
    +    return axpby_impl<mx::complex64_t>(x, y, out, alpha_, beta_, stream());
    +  } else {
    +    throw std::runtime_error(
    +        "Axpby is only supported for floating point types.");
    +  }
     }
     

    Just this much is enough to run the operation axpby() on a CPU stream! If you do not plan on running the operation on the GPU or using transforms on computation graphs that contain Axpby, you can stop implementing the -primitive here and enjoy the speed-ups you get from the Accelerate library.

    +primitive here.

    Implementing the GPU Back-end#

    @@ -1688,18 +1619,16 @@ import the Python package and play with it as you would any other MLX operation.

    Results#

    Let’s run a quick benchmark and see how our new axpby operation compares -with the naive simple_axpby() we first defined on the CPU.

    +with the naive simple_axpby() we first defined.

    import mlx.core as mx
     from mlx_sample_extensions import axpby
     import time
     
    -mx.set_default_device(mx.cpu)
    -
     def simple_axpby(x: mx.array, y: mx.array, alpha: float, beta: float) -> mx.array:
         return alpha * x + beta * y
     
    -M = 256
    -N = 512
    +M = 4096
    +N = 4096
     
     x = mx.random.normal((M, N))
     y = mx.random.normal((M, N))
    @@ -1710,25 +1639,25 @@ with the naive def bench(f):
         # Warm up
    -    for i in range(100):
    +    for i in range(5):
             z = f(x, y, alpha, beta)
             mx.eval(z)
     
         # Timed run
         s = time.time()
    -    for i in range(5000):
    +    for i in range(100):
             z = f(x, y, alpha, beta)
             mx.eval(z)
         e = time.time()
    -    return e - s
    +    return 1000 * (e - s) / 100
     
     simple_time = bench(simple_axpby)
     custom_time = bench(axpby)
     
    -print(f"Simple axpby: {simple_time:.3f} s | Custom axpby: {custom_time:.3f} s")
    +print(f"Simple axpby: {simple_time:.3f} ms | Custom axpby: {custom_time:.3f} ms")
     
    -

    The results are Simple axpby: 0.114 s | Custom axpby: 0.109 s. We see +

    The results are Simple axpby: 1.559 ms | Custom axpby: 0.774 ms. We see modest improvements right away!

    This operation is now good to be used to build other operations, in mlx.nn.Module calls, and also as a part of graph transformations like diff --git a/docs/build/html/dev/metal_debugger.html b/docs/build/html/dev/metal_debugger.html index 3b3d42f9d..739273dd1 100644 --- a/docs/build/html/dev/metal_debugger.html +++ b/docs/build/html/dev/metal_debugger.html @@ -8,7 +8,7 @@ - Metal Debugger — MLX 0.23.2 documentation + Metal Debugger — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/dev/mlx_in_cpp.html b/docs/build/html/dev/mlx_in_cpp.html index b228f9ea4..ff769656e 100644 --- a/docs/build/html/dev/mlx_in_cpp.html +++ b/docs/build/html/dev/mlx_in_cpp.html @@ -8,7 +8,7 @@ - Using MLX in C++ — MLX 0.23.2 documentation + Using MLX in C++ — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -136,8 +136,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.html b/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.html index 88969db9d..093a0a384 100644 --- a/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.html +++ b/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.html @@ -110,7 +110,7 @@ $(function(){initNavTree('dir_2193406f5b2eae6fc53753d8a9a80df3.html',''); initRe Files  gguf.h   - load.h + load.h   diff --git a/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.js b/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.js index 5da693cd2..1da920a25 100644 --- a/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.js +++ b/docs/build/html/dir_2193406f5b2eae6fc53753d8a9a80df3.js @@ -1,5 +1,5 @@ var dir_2193406f5b2eae6fc53753d8a9a80df3 = [ [ "gguf.h", "gguf_8h.html", "gguf_8h" ], - [ "load.h", "io_2load_8h.html", "io_2load_8h" ] + [ "load.h", "load_8h.html", "load_8h" ] ]; \ No newline at end of file diff --git a/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.html b/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.html index 57f14e96b..dac418785 100644 --- a/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.html +++ b/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.html @@ -125,6 +125,10 @@ Files    copy.h   + encoder.h +  + eval.h gemm.h    jit_compiler.h diff --git a/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.js b/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.js index 1adc2785b..763c9783c 100644 --- a/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.js +++ b/docs/build/html/dir_48c8bf40aae7e42226b4fe31ea48af19.js @@ -1,12 +1,14 @@ var dir_48c8bf40aae7e42226b4fe31ea48af19 = [ [ "simd", "dir_777905fddc177f731a39846ae16b0314.html", "dir_777905fddc177f731a39846ae16b0314" ], - [ "arange.h", "cpu_2arange_8h.html", "cpu_2arange_8h" ], + [ "arange.h", "cpu_2arange_8h.html", null ], [ "binary.h", "cpu_2binary_8h.html", "cpu_2binary_8h" ], [ "binary_ops.h", "cpu_2binary__ops_8h.html", "cpu_2binary__ops_8h" ], [ "binary_two.h", "cpu_2binary__two_8h.html", null ], [ "compiled_preamble.h", "compiled__preamble_8h.html", "compiled__preamble_8h" ], [ "copy.h", "cpu_2copy_8h.html", "cpu_2copy_8h" ], + [ "encoder.h", "encoder_8h.html", "encoder_8h" ], + [ "eval.h", "eval_8h.html", "eval_8h" ], [ "gemm.h", "cpu_2gemm_8h.html", "cpu_2gemm_8h" ], [ "jit_compiler.h", "jit__compiler_8h.html", "jit__compiler_8h" ], [ "lapack.h", "lapack_8h.html", "lapack_8h" ], diff --git a/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.html b/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.html index d1e1c6b34..34a3222d6 100644 --- a/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.html +++ b/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.html @@ -145,6 +145,8 @@ Files    fast_primitives.h   + fence.h fft.h    graph_utils.h diff --git a/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.js b/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.js index 913bb651b..d7750fe46 100644 --- a/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.js +++ b/docs/build/html/dir_938ab0ecf10b8b860ff766c820f665fd.js @@ -17,6 +17,7 @@ var dir_938ab0ecf10b8b860ff766c820f665fd = [ "export_impl.h", "export__impl_8h.html", "export__impl_8h" ], [ "fast.h", "fast_8h.html", "fast_8h" ], [ "fast_primitives.h", "fast__primitives_8h.html", "fast__primitives_8h" ], + [ "fence.h", "fence_8h.html", "fence_8h" ], [ "fft.h", "fft_8h.html", "fft_8h" ], [ "graph_utils.h", "graph__utils_8h.html", "graph__utils_8h" ], [ "io.h", "io_8h.html", "io_8h" ], diff --git a/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.html b/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.html index f62038ee1..df4127fa9 100644 --- a/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.html +++ b/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.html @@ -123,10 +123,6 @@ Files    device.h   - event.h -  - fence.h kernels.h    matmul.h diff --git a/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.js b/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.js index 8ba6eebd1..c47037736 100644 --- a/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.js +++ b/docs/build/html/dir_d0c977ea65824390717cdb7efc36c157.js @@ -6,8 +6,6 @@ var dir_d0c977ea65824390717cdb7efc36c157 = [ "binary.h", "metal_2binary_8h.html", "metal_2binary_8h" ], [ "copy.h", "metal_2copy_8h.html", "metal_2copy_8h" ], [ "device.h", "backend_2metal_2device_8h.html", "backend_2metal_2device_8h" ], - [ "event.h", "backend_2metal_2event_8h.html", "backend_2metal_2event_8h" ], - [ "fence.h", "fence_8h.html", "fence_8h" ], [ "kernels.h", "kernels_8h.html", "kernels_8h" ], [ "matmul.h", "matmul_8h.html", "matmul_8h" ], [ "metal.h", "metal_8h.html", "metal_8h" ], diff --git a/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.html b/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.html index 990508c9d..8ea693ec0 100644 --- a/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.html +++ b/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.html @@ -116,8 +116,6 @@ Files    hadamard.h   - load.h reduce.h    slicing.h diff --git a/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.js b/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.js index d1816b07c..b6dc8775e 100644 --- a/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.js +++ b/docs/build/html/dir_f149b24a1b5be11cd70151abe517e3f8.js @@ -4,7 +4,6 @@ var dir_f149b24a1b5be11cd70151abe517e3f8 = [ "compiled.h", "compiled_8h.html", "compiled_8h" ], [ "copy.h", "common_2copy_8h.html", "common_2copy_8h" ], [ "hadamard.h", "common_2hadamard_8h.html", "common_2hadamard_8h" ], - [ "load.h", "backend_2common_2load_8h.html", "backend_2common_2load_8h" ], [ "reduce.h", "common_2reduce_8h.html", "common_2reduce_8h" ], [ "slicing.h", "common_2slicing_8h.html", "common_2slicing_8h" ], [ "ternary.h", "common_2ternary_8h.html", "common_2ternary_8h" ], diff --git a/docs/build/html/distributed__impl_8h.html b/docs/build/html/distributed__impl_8h.html index 2f0b67d1b..11af52aa7 100644 --- a/docs/build/html/distributed__impl_8h.html +++ b/docs/build/html/distributed__impl_8h.html @@ -132,18 +132,16 @@ Namespaces - - - - - - - - - - - - + + + + + + + + + +

    Functions

    Stream mlx::core::distributed::detail::communication_stream ()
     
    void mlx::core::distributed::detail::all_sum (Group group, const array &input, array &output)
     
    void mlx::core::distributed::detail::all_gather (Group group, const array &input, array &output)
     
    void mlx::core::distributed::detail::send (Group group, const array &input, int dst)
     Send an array to the dst rank.
     
    void mlx::core::distributed::detail::recv (Group group, array &out, int src)
     Recv an array from the src rank.
     
    void mlx::core::distributed::detail::all_sum (Group group, const array &input, array &output, Stream stream)
     
    void mlx::core::distributed::detail::all_gather (Group group, const array &input, array &output, Stream stream)
     
    void mlx::core::distributed::detail::send (Group group, const array &input, int dst, Stream stream)
     Send an array to the dst rank.
     
    void mlx::core::distributed::detail::recv (Group group, array &out, int src, Stream stream)
     Recv an array from the src rank.
     
    diff --git a/docs/build/html/distributed__impl_8h.js b/docs/build/html/distributed__impl_8h.js index 8481f0f38..5fb3c41e7 100644 --- a/docs/build/html/distributed__impl_8h.js +++ b/docs/build/html/distributed__impl_8h.js @@ -1,9 +1,8 @@ var distributed__impl_8h = [ [ "mlx::core::distributed::detail::GroupImpl", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl" ], - [ "mlx::core::distributed::detail::all_gather", "namespacemlx_1_1core_1_1distributed_1_1detail.html#aeb5a1726358213bc75756506f7b54d04", null ], - [ "mlx::core::distributed::detail::all_sum", "namespacemlx_1_1core_1_1distributed_1_1detail.html#aa1d225b25f7b6426c48c5e35860ee960", null ], - [ "mlx::core::distributed::detail::communication_stream", "namespacemlx_1_1core_1_1distributed_1_1detail.html#ac3612edf0e0e18c1e4ba0ce7c6e35cd6", null ], - [ "mlx::core::distributed::detail::recv", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a003de04deb00ecbb19179b3f557df548", null ], - [ "mlx::core::distributed::detail::send", "namespacemlx_1_1core_1_1distributed_1_1detail.html#abf33511660ac71df5fc92f2aad6c6e08", null ] + [ "mlx::core::distributed::detail::all_gather", "namespacemlx_1_1core_1_1distributed_1_1detail.html#ab3dc0367476257f13fe15d4db946edf5", null ], + [ "mlx::core::distributed::detail::all_sum", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a042be875217168ccfc267fba19a627cb", null ], + [ "mlx::core::distributed::detail::recv", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a79bb934225482f2104e8ff270b0530c3", null ], + [ "mlx::core::distributed::detail::send", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a23c5cf992d4f2b2ce9dfa51593a4876d", null ] ]; \ No newline at end of file diff --git a/docs/build/html/distributed__impl_8h_source.html b/docs/build/html/distributed__impl_8h_source.html index 269f53d17..856f546da 100644 --- a/docs/build/html/distributed__impl_8h_source.html +++ b/docs/build/html/distributed__impl_8h_source.html @@ -122,44 +122,40 @@ $(function(){initNavTree('distributed__impl_8h_source.html',''); initResizable(t

    17 virtual int size() = 0;
    18 virtual std::shared_ptr<GroupImpl> split(int color, int key = -1) = 0;
    19
    -
    20 virtual void all_sum(const array& input, array& output) = 0;
    -
    21 virtual void all_gather(const array& input, array& output) = 0;
    -
    22 virtual void send(const array& input, int dst) = 0;
    -
    23 virtual void recv(array& out, int src) = 0;
    +
    20 virtual void all_sum(const array& input, array& output, Stream stream) = 0;
    +
    21 virtual void all_gather(const array& input, array& output, Stream stream) = 0;
    +
    22 virtual void send(const array& input, int dst, Stream stream) = 0;
    +
    23 virtual void recv(array& out, int src, Stream stream) = 0;
    24};
    25
    -
    26/* Return the communication stream. */
    - +
    26/* Perform an all reduce sum operation */
    +
    27void all_sum(Group group, const array& input, array& output, Stream stream);
    28
    -
    29/* Perform an all reduce sum operation */
    -
    30void all_sum(Group group, const array& input, array& output);
    -
    31
    -
    32/* Perform an all gather operation */
    -
    33void all_gather(Group group, const array& input, array& output);
    +
    29/* Perform an all gather operation */
    +
    30void all_gather(Group group, const array& input, array& output, Stream stream);
    +
    31
    +
    33void send(Group group, const array& input, int dst, Stream stream);
    34
    -
    36void send(Group group, const array& input, int dst);
    -
    37
    -
    39void recv(Group group, array& out, int src);
    -
    40
    -
    41} // namespace mlx::core::distributed::detail
    +
    36void recv(Group group, array& out, int src, Stream stream);
    +
    37
    +
    38} // namespace mlx::core::distributed::detail
    Definition array.h:24
    Abstract base class of a distributed group implementation.
    Definition distributed_impl.h:12
    -
    virtual void all_gather(const array &input, array &output)=0
    +
    virtual void all_sum(const array &input, array &output, Stream stream)=0
    +
    virtual void all_gather(const array &input, array &output, Stream stream)=0
    +
    virtual void send(const array &input, int dst, Stream stream)=0
    +
    virtual void recv(array &out, int src, Stream stream)=0
    virtual ~GroupImpl()
    Definition distributed_impl.h:14
    virtual std::shared_ptr< GroupImpl > split(int color, int key=-1)=0
    -
    virtual void recv(array &out, int src)=0
    -
    virtual void send(const array &input, int dst)=0
    -
    virtual void all_sum(const array &input, array &output)=0
    Definition distributed.h:12
    -
    void recv(Group group, array &out, int src)
    Recv an array from the src rank.
    -
    void all_sum(Group group, const array &input, array &output)
    -
    void send(Group group, const array &input, int dst)
    Send an array to the dst rank.
    - -
    void all_gather(Group group, const array &input, array &output)
    +
    void all_sum(Group group, const array &input, array &output, Stream stream)
    +
    void send(Group group, const array &input, int dst, Stream stream)
    Send an array to the dst rank.
    +
    void recv(Group group, array &out, int src, Stream stream)
    Recv an array from the src rank.
    +
    void all_gather(Group group, const array &input, array &output, Stream stream)
    Definition stream.h:9
    A distributed::Group represents a group of independent mlx processes that can communicate.
    Definition distributed.h:24
    diff --git a/docs/build/html/doxygen_crawl.html b/docs/build/html/doxygen_crawl.html index 892a167c8..8217fa0f4 100644 --- a/docs/build/html/doxygen_crawl.html +++ b/docs/build/html/doxygen_crawl.html @@ -46,16 +46,12 @@ - - - - @@ -988,14 +984,15 @@ - - + + - + + @@ -1043,11 +1040,10 @@ - - - - - + + + + @@ -1830,9 +1826,7 @@ - - @@ -1840,7 +1834,6 @@ - @@ -1863,6 +1856,7 @@ + @@ -1874,6 +1868,7 @@ + @@ -1886,7 +1881,6 @@ - @@ -1940,14 +1934,14 @@ - + + + + - - - @@ -2009,10 +2003,10 @@ + - @@ -2365,10 +2359,14 @@ + + + + @@ -2873,9 +2871,6 @@ - - - @@ -2913,6 +2908,9 @@ + + + @@ -3262,6 +3260,7 @@ + @@ -3276,11 +3275,11 @@ + - @@ -3297,6 +3296,7 @@ + @@ -3330,6 +3330,7 @@ + @@ -3349,17 +3350,14 @@ - - - @@ -3384,17 +3382,16 @@ - - + @@ -3427,9 +3424,9 @@ - + @@ -3448,12 +3445,14 @@ + + @@ -3512,7 +3511,6 @@ - @@ -3520,16 +3518,13 @@ - - + - - @@ -3549,7 +3544,6 @@ - @@ -3565,7 +3559,6 @@ - @@ -3582,7 +3575,6 @@ - @@ -3613,6 +3605,7 @@ + @@ -3622,11 +3615,11 @@ + - @@ -3638,21 +3631,21 @@ - + + + - - + - @@ -3661,9 +3654,9 @@ + - @@ -3683,6 +3676,7 @@ + @@ -3695,7 +3689,7 @@ - + @@ -3726,7 +3720,6 @@ - @@ -3765,6 +3758,7 @@ + @@ -3807,15 +3801,15 @@ + + - - @@ -3823,18 +3817,19 @@ - + + @@ -3886,6 +3881,7 @@ + @@ -3896,6 +3892,10 @@ + + + + @@ -3921,11 +3921,10 @@ - - - - - + + + + @@ -3944,7 +3943,7 @@ - + @@ -4020,17 +4019,18 @@ - + + @@ -4043,12 +4043,12 @@ - + @@ -4607,10 +4607,10 @@ + + - - @@ -4631,8 +4631,10 @@ - + + + @@ -4836,32 +4838,32 @@ - - - - - - - - - - - - - + + + + + + + + + + + + + - - - - - - - - - - - + + + + + + + + + + + @@ -5309,6 +5311,7 @@ + @@ -5324,7 +5327,6 @@ - @@ -5438,9 +5440,7 @@ - - @@ -5456,12 +5456,8 @@ - - - - @@ -5502,6 +5498,19 @@ + + + + + + + + + + + + + @@ -5775,6 +5784,7 @@ + @@ -5790,7 +5800,6 @@ - @@ -5833,14 +5842,13 @@ + - - @@ -5892,10 +5900,14 @@ + + + + @@ -5903,11 +5915,13 @@ + + diff --git a/docs/build/html/backend_2metal_2event_8h.html b/docs/build/html/encoder_8h.html similarity index 66% rename from docs/build/html/backend_2metal_2event_8h.html rename to docs/build/html/encoder_8h.html index 08cc96a23..0d0eda40c 100644 --- a/docs/build/html/backend_2metal_2event_8h.html +++ b/docs/build/html/encoder_8h.html @@ -5,7 +5,7 @@ -MLX: mlx/backend/metal/event.h File Reference +MLX: mlx/backend/cpu/encoder.h File Reference @@ -76,7 +76,7 @@ $(function() { codefold.init(0); });
    - -

    Go to the source code of this file.

    +
    #include <unordered_map>
    +#include "mlx/array.h"
    +#include "mlx/scheduler.h"
    +
    +

    Go to the source code of this file.

    + + + +

    +Classes

    struct  mlx::core::cpu::CommandEncoder
     
    + +

    Namespaces

    namespace  mlx
     
    namespace  mlx::core
     
    namespace  mlx::core::cpu
     
    - - - - + + +

    Functions

    void mlx::core::encode_wait (Event e)
     
    void mlx::core::encode_signal (Event e)
     
    CommandEncodermlx::core::cpu::get_command_encoder (Stream stream)
     
    + + +

    +Variables

    constexpr int mlx::core::cpu::DISPATCHES_PER_TASK = 10
     
    diff --git a/docs/build/html/encoder_8h.js b/docs/build/html/encoder_8h.js new file mode 100644 index 000000000..d810eec5b --- /dev/null +++ b/docs/build/html/encoder_8h.js @@ -0,0 +1,6 @@ +var encoder_8h = +[ + [ "mlx::core::cpu::CommandEncoder", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html", "structmlx_1_1core_1_1cpu_1_1_command_encoder" ], + [ "mlx::core::cpu::get_command_encoder", "namespacemlx_1_1core_1_1cpu.html#a65b1789c4b339a108e64fda5f102d933", null ], + [ "mlx::core::cpu::DISPATCHES_PER_TASK", "namespacemlx_1_1core_1_1cpu.html#a1fc5871c94ccee8536c6d43f8f6d5557", null ] +]; \ No newline at end of file diff --git a/docs/build/html/encoder_8h_source.html b/docs/build/html/encoder_8h_source.html new file mode 100644 index 000000000..bd57da650 --- /dev/null +++ b/docs/build/html/encoder_8h_source.html @@ -0,0 +1,220 @@ + + + + + + + +MLX: mlx/backend/cpu/encoder.h Source File + + + + + + + + + + + + + + + + +
    +
    + + + + + + + +
    +
    MLX +
    +
    + +   + + + + +
    +
    +
    + + + + +
    +
    + +
    +
    +
    + +
    + +
    +
    + + +
    +
    +
    +
    +
    +
    Loading...
    +
    Searching...
    +
    No Matches
    +
    +
    +
    +
    + +
    +
    encoder.h
    +
    +
    +Go to the documentation of this file.
    1// Copyright © 2025 Apple Inc.
    +
    2
    +
    3#pragma once
    +
    4
    +
    5#include <unordered_map>
    +
    6
    +
    7#include "mlx/array.h"
    +
    8#include "mlx/scheduler.h"
    +
    9
    +
    +
    10namespace mlx::core::cpu {
    +
    11
    +
    12// Number of dispatches per scheduler task
    +
    13constexpr int DISPATCHES_PER_TASK = 10;
    +
    14
    +
    + +
    16 CommandEncoder(Stream stream) : stream_(stream) {}
    +
    17
    + + + + +
    22
    +
    23 void set_input_array(const array& a) {}
    + +
    25
    +
    26 // Hold onto a temporary until any already scheduled tasks which use it as
    +
    27 // an input are complete.
    +
    +
    28 void add_temporary(array arr) {
    +
    29 temporaries_.push_back(std::move(arr));
    +
    30 }
    +
    +
    31
    +
    +
    32 void add_temporaries(std::vector<array> arrays) {
    +
    33 temporaries_.insert(
    +
    34 temporaries_.end(),
    +
    35 std::make_move_iterator(arrays.begin()),
    +
    36 std::make_move_iterator(arrays.end()));
    +
    37 }
    +
    +
    38
    +
    +
    39 std::vector<array>& temporaries() {
    +
    40 return temporaries_;
    +
    41 }
    +
    +
    42
    +
    43 template <class F, class... Args>
    +
    +
    44 void dispatch(F&& f, Args&&... args) {
    +
    45 num_ops_ = (num_ops_ + 1) % DISPATCHES_PER_TASK;
    +
    46 auto task = std::bind(std::forward<F>(f), std::forward<Args>(args)...);
    +
    47 if (num_ops_ == 0) {
    + +
    49 auto task_wrap = [s = stream_, task = std::move(task)]() mutable {
    +
    50 task();
    + +
    52 };
    +
    53 scheduler::enqueue(stream_, std::move(task_wrap));
    +
    54 } else {
    +
    55 scheduler::enqueue(stream_, std::move(task));
    +
    56 }
    +
    57 }
    +
    +
    58
    +
    59 private:
    +
    60 Stream stream_;
    +
    61 std::vector<array> temporaries_;
    +
    62 int num_ops_{0};
    +
    63};
    +
    +
    64
    + +
    66
    +
    67} // namespace mlx::core::cpu
    +
    + +
    Definition array.h:24
    +
    Definition encoder.h:10
    +
    constexpr int DISPATCHES_PER_TASK
    Definition encoder.h:13
    +
    CommandEncoder & get_command_encoder(Stream stream)
    +
    void notify_task_completion(const Stream &stream)
    Definition scheduler.h:177
    +
    void notify_new_task(const Stream &stream)
    Definition scheduler.h:173
    +
    void enqueue(const Stream &stream, F &&f)
    Definition scheduler.h:165
    +
    std::vector< array > Args
    Definition export.h:11
    + +
    Definition stream.h:9
    +
    Definition encoder.h:15
    +
    void add_temporary(array arr)
    Definition encoder.h:28
    +
    CommandEncoder(Stream stream)
    Definition encoder.h:16
    +
    void add_temporaries(std::vector< array > arrays)
    Definition encoder.h:32
    +
    CommandEncoder & operator=(const CommandEncoder &)=delete
    +
    std::vector< array > & temporaries()
    Definition encoder.h:39
    +
    CommandEncoder(const CommandEncoder &)=delete
    +
    void set_input_array(const array &a)
    Definition encoder.h:23
    +
    CommandEncoder(CommandEncoder &&)=delete
    +
    void set_output_array(array &a)
    Definition encoder.h:24
    +
    void dispatch(F &&f, Args &&... args)
    Definition encoder.h:44
    +
    CommandEncoder & operator=(CommandEncoder &&)=delete
    +
    +
    + + + + diff --git a/docs/build/html/backend_2common_2load_8h.html b/docs/build/html/eval_8h.html similarity index 82% rename from docs/build/html/backend_2common_2load_8h.html rename to docs/build/html/eval_8h.html index 83f8d0753..a04f1176e 100644 --- a/docs/build/html/backend_2common_2load_8h.html +++ b/docs/build/html/eval_8h.html @@ -5,7 +5,7 @@ -MLX: mlx/backend/common/load.h File Reference +MLX: mlx/backend/cpu/eval.h File Reference @@ -76,7 +76,7 @@ $(function() { codefold.init(0); });
    @@ -105,13 +105,13 @@ $(function(){initNavTree('backend_2common_2load_8h.html',''); initResizable(true -
    load.h File Reference
    +
    eval.h File Reference
    #include "mlx/array.h"
    -#include "mlx/io/load.h"
    +#include "mlx/stream.h"
    -

    Go to the source code of this file.

    +

    Go to the source code of this file.

    @@ -119,18 +119,20 @@ Namespaces + +

    Namespaces

     
    namespace  mlx::core
     
    namespace  mlx::core::cpu
     
    - - + +

    Functions

    void mlx::core::load (array &out, size_t offset, const std::shared_ptr< io::Reader > &reader, bool swap_endianess)
     
    void mlx::core::cpu::eval (array &arr)
     
    diff --git a/docs/build/html/eval_8h.js b/docs/build/html/eval_8h.js new file mode 100644 index 000000000..900ac0819 --- /dev/null +++ b/docs/build/html/eval_8h.js @@ -0,0 +1,4 @@ +var eval_8h = +[ + [ "mlx::core::cpu::eval", "namespacemlx_1_1core_1_1cpu.html#a3f721e92f604a57ed204a13d1ba9cad5", null ] +]; \ No newline at end of file diff --git a/docs/build/html/backend_2common_2load_8h_source.html b/docs/build/html/eval_8h_source.html similarity index 69% rename from docs/build/html/backend_2common_2load_8h_source.html rename to docs/build/html/eval_8h_source.html index cc8dd5356..a86d467fb 100644 --- a/docs/build/html/backend_2common_2load_8h_source.html +++ b/docs/build/html/eval_8h_source.html @@ -5,7 +5,7 @@ -MLX: mlx/backend/common/load.h Source File +MLX: mlx/backend/cpu/eval.h Source File @@ -76,7 +76,7 @@ $(function() { codefold.init(0); });
    @@ -102,34 +102,32 @@ $(function(){initNavTree('backend_2common_2load_8h_source.html',''); initResizab
    -
    load.h
    +
    eval.h
    -Go to the documentation of this file.
    1// Copyright © 2024 Apple Inc.
    +Go to the documentation of this file.
    1// Copyright © 2025 Apple Inc.
    2
    -
    3#include "mlx/array.h"
    -
    4#include "mlx/io/load.h"
    -
    5
    -
    6namespace mlx::core {
    +
    3#pragma once
    +
    4
    +
    5#include "mlx/array.h"
    +
    6#include "mlx/stream.h"
    7
    -
    8void load(
    -
    9 array& out,
    -
    10 size_t offset,
    -
    11 const std::shared_ptr<io::Reader>& reader,
    -
    12 bool swap_endianess);
    -
    13
    -
    14} // namespace mlx::core
    +
    8namespace mlx::core::cpu {
    +
    9
    +
    10void eval(array& arr);
    +
    11
    +
    12} // namespace mlx::core::cpu
    Definition array.h:24
    - -
    Definition allocator.h:7
    -
    void load(array &out, size_t offset, const std::shared_ptr< io::Reader > &reader, bool swap_endianess)
    +
    Definition encoder.h:10
    +
    void eval(array &arr)
    +
    diff --git a/docs/build/html/event_8h_source.html b/docs/build/html/event_8h_source.html index 23fe9ada7..699de004d 100644 --- a/docs/build/html/event_8h_source.html +++ b/docs/build/html/event_8h_source.html @@ -116,76 +116,76 @@ $(function(){initNavTree('event_8h_source.html',''); initResizable(true); });
    9namespace mlx::core {
    10
    -
    11class Event {
    +
    11class Event {
    12 public:
    -
    13 Event() = default;
    -
    14
    -
    15 Event(const Stream& steam);
    -
    16
    -
    17 // Wait for the event to be signaled at its current value
    -
    18 void wait();
    -
    19
    -
    20 // Signal the event at its current value
    -
    21 void signal();
    -
    22
    -
    23 // Check if the event has been signaled at its current value
    -
    24 bool is_signaled() const;
    -
    25
    -
    26 // Check if the event is valid
    -
    -
    27 bool valid() const {
    -
    28 return event_ != nullptr;
    -
    29 }
    -
    +
    13 Event() {};
    +
    14 explicit Event(Stream stream);
    +
    15
    +
    16 // Wait for the event to be signaled at its current value
    +
    17 void wait();
    +
    18
    +
    19 // Signal the event at its current value
    +
    20 void signal();
    +
    21
    +
    22 // Wait in the given stream for the event to be signaled at its current value
    + +
    24
    +
    25 // Signal the event at its current value in the given stream
    + +
    27
    +
    28 // Check if the event has been signaled at its current value
    +
    29 bool is_signaled() const;
    30
    -
    -
    31 uint64_t value() const {
    -
    32 return value_;
    -
    33 }
    +
    31 // Check if the event is valid
    +
    +
    32 bool valid() const {
    +
    33 return event_ != nullptr;
    +
    34 }
    -
    34
    -
    -
    35 void set_value(uint64_t v) {
    -
    36 value_ = v;
    -
    37 }
    +
    35
    +
    +
    36 uint64_t value() const {
    +
    37 return value_;
    +
    38 }
    -
    38
    -
    -
    39 const Stream& stream() const {
    -
    40 if (!valid()) {
    -
    41 throw std::runtime_error(
    -
    42 "[Event::stream] Cannot access stream on invalid event.");
    -
    43 }
    -
    44 return stream_;
    -
    45 }
    +
    39
    +
    +
    40 void set_value(uint64_t v) {
    +
    41 value_ = v;
    +
    42 }
    -
    46
    -
    -
    47 const std::shared_ptr<void>& raw_event() const {
    -
    48 return event_;
    -
    49 }
    +
    43
    +
    +
    44 const Stream& stream() const {
    +
    45 if (!valid()) {
    +
    46 throw std::runtime_error(
    +
    47 "[Event::stream] Cannot access stream on invalid event.");
    +
    48 }
    +
    49 return stream_;
    +
    50 }
    -
    50
    -
    51 private:
    -
    52 // Default constructed stream should never be used
    -
    53 // since the event is not yet valid
    -
    54 Stream stream_{0, Device::cpu};
    -
    55 std::shared_ptr<void> event_;
    -
    56 uint64_t value_{0};
    -
    57};
    +
    51
    +
    52 private:
    +
    53 // Default constructed stream should never be used
    +
    54 // since the event is not yet valid
    +
    55 Stream stream_{0, Device::cpu};
    +
    56 std::shared_ptr<void> event_{nullptr};
    +
    57 uint64_t value_{0};
    +
    58};
    -
    58
    -
    59} // namespace mlx::core
    +
    59
    +
    60} // namespace mlx::core
    bool is_signaled() const
    -
    void set_value(uint64_t v)
    Definition event.h:35
    -
    Event(const Stream &steam)
    -
    const Stream & stream() const
    Definition event.h:39
    +
    void set_value(uint64_t v)
    Definition event.h:40
    +
    const Stream & stream() const
    Definition event.h:44
    - -
    bool valid() const
    Definition event.h:27
    -
    uint64_t value() const
    Definition event.h:31
    -
    const std::shared_ptr< void > & raw_event() const
    Definition event.h:47
    +
    Event()
    Definition event.h:13
    +
    bool valid() const
    Definition event.h:32
    +
    void signal(Stream stream)
    +
    uint64_t value() const
    Definition event.h:36
    +
    void wait(Stream stream)
    +
    Event(Stream stream)
    Definition allocator.h:7
    static constexpr DeviceType cpu
    Definition device.h:13
    diff --git a/docs/build/html/examples/linear_regression.html b/docs/build/html/examples/linear_regression.html index 0a1ee1786..9b5af6615 100644 --- a/docs/build/html/examples/linear_regression.html +++ b/docs/build/html/examples/linear_regression.html @@ -8,7 +8,7 @@ - Linear Regression — MLX 0.23.2 documentation + Linear Regression — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
    diff --git a/docs/build/html/examples/llama-inference.html b/docs/build/html/examples/llama-inference.html index d1624e191..148ce9eaf 100644 --- a/docs/build/html/examples/llama-inference.html +++ b/docs/build/html/examples/llama-inference.html @@ -8,7 +8,7 @@ - LLM inference — MLX 0.23.2 documentation + LLM inference — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
    diff --git a/docs/build/html/examples/mlp.html b/docs/build/html/examples/mlp.html index 6a6db109a..3a3119a0e 100644 --- a/docs/build/html/examples/mlp.html +++ b/docs/build/html/examples/mlp.html @@ -8,7 +8,7 @@ - Multi-Layer Perceptron — MLX 0.23.2 documentation + Multi-Layer Perceptron — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
    diff --git a/docs/build/html/export__impl_8h.html b/docs/build/html/export__impl_8h.html index 3b92c07c1..7c53da06d 100644 --- a/docs/build/html/export__impl_8h.html +++ b/docs/build/html/export__impl_8h.html @@ -108,7 +108,7 @@ $(function(){initNavTree('export__impl_8h.html',''); initResizable(true); });
    export_impl.h File Reference
    -
    #include "mlx/io/load.h"
    +
    #include "mlx/io/load.h"

    Go to the source code of this file.

    diff --git a/docs/build/html/export__impl_8h_source.html b/docs/build/html/export__impl_8h_source.html index 28c407a10..7d5f46a97 100644 --- a/docs/build/html/export__impl_8h_source.html +++ b/docs/build/html/export__impl_8h_source.html @@ -107,7 +107,7 @@ $(function(){initNavTree('export__impl_8h_source.html',''); initResizable(true);
    Go to the documentation of this file.
    1// Copyright © 2024 Apple Inc.
    2
    -
    3#include "mlx/io/load.h"
    +
    3#include "mlx/io/load.h"
    4
    5#pragma once
    6
    @@ -185,7 +185,7 @@ $(function(){initNavTree('export__impl_8h_source.html',''); initResizable(true);
    70
    71} // namespace mlx::core
    Definition load.h:109
    - +
    Definition allocator.h:7
    std::vector< array > Args
    Definition export.h:11
    std::map< std::string, array > Kwargs
    Definition export.h:12
    diff --git a/docs/build/html/fast_8h.html b/docs/build/html/fast_8h.html index 39e7f0a0d..66756e682 100644 --- a/docs/build/html/fast_8h.html +++ b/docs/build/html/fast_8h.html @@ -110,6 +110,7 @@ $(function(){initNavTree('fast_8h.html',''); initResizable(true); });
    #include <optional>
    +#include <variant>
    #include "mlx/utils.h"

    Go to the source code of this file.

    @@ -140,9 +141,9 @@ Functions
    - - - + + + diff --git a/docs/build/html/fast_8h.js b/docs/build/html/fast_8h.js index e67b6d541..6748a4771 100644 --- a/docs/build/html/fast_8h.js +++ b/docs/build/html/fast_8h.js @@ -9,5 +9,5 @@ var fast_8h = [ "mlx::core::fast::rms_norm", "namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01", null ], [ "mlx::core::fast::rope", "namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39", null ], [ "mlx::core::fast::rope", "namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab", null ], - [ "mlx::core::fast::scaled_dot_product_attention", "namespacemlx_1_1core_1_1fast.html#a3663b50265b0a9c0cca2b5376852e059", null ] + [ "mlx::core::fast::scaled_dot_product_attention", "namespacemlx_1_1core_1_1fast.html#a4207ab2eb838335c0074f6bbb6b4cfc5", null ] ]; \ No newline at end of file diff --git a/docs/build/html/fast_8h_source.html b/docs/build/html/fast_8h_source.html index 2f3fd8a3f..e68f41407 100644 --- a/docs/build/html/fast_8h_source.html +++ b/docs/build/html/fast_8h_source.html @@ -110,102 +110,103 @@ $(function(){initNavTree('fast_8h_source.html',''); initResizable(true); });
    3#pragma once
    4
    5#include <optional>
    -
    6
    -
    7#include "mlx/utils.h"
    -
    8
    -
    -
    9namespace mlx::core::fast {
    -
    10
    - -
    12 const array& x,
    -
    13 const std::optional<array>& weight,
    -
    14 float eps,
    -
    15 StreamOrDevice s = {});
    -
    16
    - -
    18 const array& x,
    -
    19 const std::optional<array>& weight,
    -
    20 const std::optional<array>& bias,
    -
    21 float eps,
    -
    22 StreamOrDevice s = {});
    -
    23
    - -
    25 const array& x,
    -
    26 int dims,
    -
    27 bool traditional,
    -
    28 std::optional<float> base,
    -
    29 float scale,
    -
    30 int offset,
    -
    31 const std::optional<array>& freqs = std::nullopt,
    -
    32 StreamOrDevice s = {});
    -
    33
    - -
    35 const array& x,
    -
    36 int dims,
    -
    37 bool traditional,
    -
    38 std::optional<float> base,
    -
    39 float scale,
    -
    40 const array& offset,
    -
    41 const std::optional<array>& freqs = std::nullopt,
    -
    42 StreamOrDevice s = {});
    -
    43
    - -
    46 const array& queries,
    -
    47 const array& keys,
    -
    48 const array& values,
    -
    49 const float scale,
    -
    50 const std::optional<array>& mask = std::nullopt,
    -
    51 const std::optional<int> memory_efficient_threshold = std::nullopt,
    -
    52 StreamOrDevice s = {});
    -
    53
    -
    54std::tuple<array, array, array> affine_quantize(
    -
    55 const array& w,
    -
    56 int group_size = 64,
    -
    57 int bits = 4,
    -
    58 StreamOrDevice s = {});
    -
    59
    - -
    61 const array& w,
    -
    62 const array& scales,
    -
    63 const array& biases,
    -
    64 int group_size = 64,
    -
    65 int bits = 4,
    -
    66 StreamOrDevice s = {});
    -
    67
    -
    68typedef std::variant<int, bool, Dtype> TemplateArg;
    -
    69
    -
    70typedef std::function<std::vector<array>(
    -
    71 const std::vector<array>&,
    -
    72 const std::vector<Shape>&,
    -
    73 const std::vector<Dtype>&,
    -
    74 std::tuple<int, int, int>,
    +
    6#include <variant>
    +
    7
    +
    8#include "mlx/utils.h"
    +
    9
    +
    +
    10namespace mlx::core::fast {
    +
    11
    + +
    13 const array& x,
    +
    14 const std::optional<array>& weight,
    +
    15 float eps,
    +
    16 StreamOrDevice s = {});
    +
    17
    + +
    19 const array& x,
    +
    20 const std::optional<array>& weight,
    +
    21 const std::optional<array>& bias,
    +
    22 float eps,
    +
    23 StreamOrDevice s = {});
    +
    24
    + +
    26 const array& x,
    +
    27 int dims,
    +
    28 bool traditional,
    +
    29 std::optional<float> base,
    +
    30 float scale,
    +
    31 int offset,
    +
    32 const std::optional<array>& freqs = std::nullopt,
    +
    33 StreamOrDevice s = {});
    +
    34
    + +
    36 const array& x,
    +
    37 int dims,
    +
    38 bool traditional,
    +
    39 std::optional<float> base,
    +
    40 float scale,
    +
    41 const array& offset,
    +
    42 const std::optional<array>& freqs = std::nullopt,
    +
    43 StreamOrDevice s = {});
    +
    44
    + +
    47 const array& queries,
    +
    48 const array& keys,
    +
    49 const array& values,
    +
    50 const float scale,
    +
    51 const std::variant<std::monostate, std::string, array>& mask = {},
    +
    52 const std::optional<int> memory_efficient_threshold = std::nullopt,
    +
    53 StreamOrDevice s = {});
    +
    54
    +
    55std::tuple<array, array, array> affine_quantize(
    +
    56 const array& w,
    +
    57 int group_size = 64,
    +
    58 int bits = 4,
    +
    59 StreamOrDevice s = {});
    +
    60
    + +
    62 const array& w,
    +
    63 const array& scales,
    +
    64 const array& biases,
    +
    65 int group_size = 64,
    +
    66 int bits = 4,
    +
    67 StreamOrDevice s = {});
    +
    68
    +
    69typedef std::variant<int, bool, Dtype> TemplateArg;
    +
    70
    +
    71typedef std::function<std::vector<array>(
    +
    72 const std::vector<array>&,
    +
    73 const std::vector<Shape>&,
    +
    74 const std::vector<Dtype>&,
    75 std::tuple<int, int, int>,
    -
    76 std::vector<std::pair<std::string, TemplateArg>>,
    -
    77 std::optional<float>,
    -
    78 bool,
    - - -
    81
    - -
    83 const std::string& name,
    -
    84 const std::vector<std::string>& input_names,
    -
    85 const std::vector<std::string>& output_names,
    -
    86 const std::string& source,
    -
    87 const std::string& header = "",
    -
    88 bool ensure_row_contiguous = true,
    -
    89 bool atomic_outputs = false);
    -
    90
    -
    91} // namespace mlx::core::fast
    +
    76 std::tuple<int, int, int>,
    +
    77 std::vector<std::pair<std::string, TemplateArg>>,
    +
    78 std::optional<float>,
    +
    79 bool,
    + + +
    82
    + +
    84 const std::string& name,
    +
    85 const std::vector<std::string>& input_names,
    +
    86 const std::vector<std::string>& output_names,
    +
    87 const std::string& source,
    +
    88 const std::string& header = "",
    +
    89 bool ensure_row_contiguous = true,
    +
    90 bool atomic_outputs = false);
    +
    91
    +
    92} // namespace mlx::core::fast
    Definition array.h:24
    -
    Definition fast.h:9
    +
    Definition fast.h:10
    array layer_norm(const array &x, const std::optional< array > &weight, const std::optional< array > &bias, float eps, StreamOrDevice s={})
    array affine_dequantize(const array &w, const array &scales, const array &biases, int group_size=64, int bits=4, StreamOrDevice s={})
    -
    array scaled_dot_product_attention(const array &queries, const array &keys, const array &values, const float scale, const std::optional< array > &mask=std::nullopt, const std::optional< int > memory_efficient_threshold=std::nullopt, StreamOrDevice s={})
    Computes: O = softmax(Q @ K.T) @ V.
    +
    array scaled_dot_product_attention(const array &queries, const array &keys, const array &values, const float scale, const std::variant< std::monostate, std::string, array > &mask={}, const std::optional< int > memory_efficient_threshold=std::nullopt, StreamOrDevice s={})
    Computes: O = softmax(Q @ K.T) @ V.
    array rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, int offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})
    array rms_norm(const array &x, const std::optional< array > &weight, float eps, StreamOrDevice s={})
    -
    std::variant< int, bool, Dtype > TemplateArg
    Definition fast.h:68
    -
    std::function< std::vector< array >(const std::vector< array > &, const std::vector< Shape > &, const std::vector< Dtype > &, std::tuple< int, int, int >, std::tuple< int, int, int >, std::vector< std::pair< std::string, TemplateArg > >, std::optional< float >, bool, StreamOrDevice)> MetalKernelFunction
    Definition fast.h:80
    +
    std::variant< int, bool, Dtype > TemplateArg
    Definition fast.h:69
    +
    std::function< std::vector< array >(const std::vector< array > &, const std::vector< Shape > &, const std::vector< Dtype > &, std::tuple< int, int, int >, std::tuple< int, int, int >, std::vector< std::pair< std::string, TemplateArg > >, std::optional< float >, bool, StreamOrDevice)> MetalKernelFunction
    Definition fast.h:81
    std::tuple< array, array, array > affine_quantize(const array &w, int group_size=64, int bits=4, StreamOrDevice s={})
    MetalKernelFunction metal_kernel(const std::string &name, const std::vector< std::string > &input_names, const std::vector< std::string > &output_names, const std::string &source, const std::string &header="", bool ensure_row_contiguous=true, bool atomic_outputs=false)
    std::variant< std::monostate, Stream, Device > StreamOrDevice
    Definition utils.h:15
    diff --git a/docs/build/html/fast__primitives_8h_source.html b/docs/build/html/fast__primitives_8h_source.html index bf53e86fa..3346cfc3b 100644 --- a/docs/build/html/fast__primitives_8h_source.html +++ b/docs/build/html/fast__primitives_8h_source.html @@ -353,142 +353,144 @@ $(function(){initNavTree('fast__primitives_8h_source.html',''); initResizable(tr
    203
    - +
    205 public:
    - +
    208 std::function<std::vector<array>(std::vector<array>)> fallback,
    -
    209 const float scale)
    -
    210 : Custom(stream, fallback), scale_(scale) {}
    +
    209 const float scale,
    +
    210 const bool do_causal)
    +
    211 : Custom(stream, fallback), scale_(scale), do_causal_(do_causal) {}
    -
    211
    -
    -
    212 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    -
    213 override {
    -
    214 throw std::runtime_error("NYI");
    -
    215 }
    +
    212
    +
    +
    213 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    +
    214 override {
    +
    215 throw std::runtime_error("NYI");
    +
    216 }
    -
    216
    -
    -
    217 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    -
    218 override {
    -
    219 eval_gpu(inputs, outputs[0]);
    -
    220 }
    +
    217
    +
    +
    218 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    +
    219 override {
    +
    220 eval_gpu(inputs, outputs[0]);
    +
    221 }
    -
    221
    -
    222 void eval_gpu(const std::vector<array>& inputs, array& out);
    -
    223 bool is_equivalent(const Primitive& other) const override;
    -
    224
    - -
    - -
    227 auto state() const {
    -
    228 return std::make_pair(nullptr, scale_);
    -
    229 }
    +
    222
    +
    223 void eval_gpu(const std::vector<array>& inputs, array& out);
    +
    224 bool is_equivalent(const Primitive& other) const override;
    +
    225
    + +
    + +
    228 auto state() const {
    +
    229 return std::make_tuple(nullptr, scale_, do_causal_);
    +
    230 }
    -
    230
    -
    231 private:
    -
    232 std::function<std::vector<array>(std::vector<array>)> fallback_;
    -
    233 float scale_;
    -
    234};
    +
    231
    +
    232 private:
    +
    233 std::function<std::vector<array>(std::vector<array>)> fallback_;
    +
    234 float scale_;
    +
    235 bool do_causal_;
    +
    236};
    -
    235
    -
    -
    236class AffineQuantize : public Custom {
    -
    237 public:
    -
    - - -
    240 std::function<std::vector<array>(std::vector<array>)> fallback,
    -
    241 int group_size,
    -
    242 int bits,
    -
    243 bool dequantize)
    -
    244 : Custom(stream, fallback),
    -
    245 group_size_(group_size),
    -
    246 bits_(bits),
    -
    247 dequantize_(dequantize) {}
    +
    237
    +
    +
    238class AffineQuantize : public Custom {
    +
    239 public:
    +
    + + +
    242 std::function<std::vector<array>(std::vector<array>)> fallback,
    +
    243 int group_size,
    +
    244 int bits,
    +
    245 bool dequantize)
    +
    246 : Custom(stream, fallback),
    +
    247 group_size_(group_size),
    +
    248 bits_(bits),
    +
    249 dequantize_(dequantize) {}
    -
    248
    -
    249 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    -
    250 override;
    -
    251
    -
    252 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    -
    253 override;
    -
    254
    - +
    250
    +
    251 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    +
    252 override;
    +
    253
    +
    254 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    +
    255 override;
    256
    -
    257 bool is_equivalent(const Primitive& other) const override;
    -
    258 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
    -
    -
    259 auto state() const {
    -
    260 return std::make_tuple(nullptr, group_size_, bits_, dequantize_);
    -
    261 }
    + +
    258
    +
    259 bool is_equivalent(const Primitive& other) const override;
    +
    260 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
    +
    +
    261 auto state() const {
    +
    262 return std::make_tuple(nullptr, group_size_, bits_, dequantize_);
    +
    263 }
    -
    262
    -
    263 private:
    -
    264 std::function<std::vector<array>(std::vector<array>)> fallback_;
    -
    265 int group_size_;
    -
    266 int bits_;
    -
    267 bool dequantize_;
    -
    268};
    +
    264
    +
    265 private:
    +
    266 std::function<std::vector<array>(std::vector<array>)> fallback_;
    +
    267 int group_size_;
    +
    268 int bits_;
    +
    269 bool dequantize_;
    +
    270};
    -
    269
    -
    - -
    271 bool shape = false;
    -
    272 bool strides = false;
    -
    273 bool ndim = false;
    -
    274};
    +
    271
    +
    + +
    273 bool shape = false;
    +
    274 bool strides = false;
    +
    275 bool ndim = false;
    +
    276};
    -
    275
    -
    -
    276class CustomKernel : public Primitive {
    -
    277 public:
    -
    - - -
    280 std::string name,
    -
    281 std::string source,
    -
    282 std::tuple<int, int, int> grid,
    -
    283 std::tuple<int, int, int> threadgroup,
    -
    284 std::vector<CustomKernelShapeInfo> shape_infos,
    -
    285 bool ensure_row_contiguous,
    -
    286 std::optional<float> init_value)
    -
    287 : Primitive(stream),
    -
    288 source_(std::move(source)),
    -
    289 name_(std::move(name)),
    -
    290 grid_(grid),
    -
    291 threadgroup_(threadgroup),
    -
    292 shape_infos_(std::move(shape_infos)),
    -
    293 ensure_row_contiguous_(ensure_row_contiguous),
    -
    294 init_value_(init_value) {}
    +
    277
    +
    +
    278class CustomKernel : public Primitive {
    +
    279 public:
    +
    + + +
    282 std::string name,
    +
    283 std::string source,
    +
    284 std::tuple<int, int, int> grid,
    +
    285 std::tuple<int, int, int> threadgroup,
    +
    286 std::vector<CustomKernelShapeInfo> shape_infos,
    +
    287 bool ensure_row_contiguous,
    +
    288 std::optional<float> init_value)
    +
    289 : Primitive(stream),
    +
    290 source_(std::move(source)),
    +
    291 name_(std::move(name)),
    +
    292 grid_(grid),
    +
    293 threadgroup_(threadgroup),
    +
    294 shape_infos_(std::move(shape_infos)),
    +
    295 ensure_row_contiguous_(ensure_row_contiguous),
    +
    296 init_value_(init_value) {}
    -
    295
    -
    -
    296 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    -
    297 override {
    -
    298 throw std::runtime_error("Custom Metal kernels only run on GPU.");
    -
    299 }
    +
    297
    +
    +
    298 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    +
    299 override {
    +
    300 throw std::runtime_error("Custom Metal kernels only run on GPU.");
    +
    301 }
    -
    300
    -
    301 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    -
    302 override;
    -
    303
    - +
    302
    +
    303 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
    +
    304 override;
    305
    -
    306 private:
    -
    307 std::string source_;
    -
    308 std::string name_;
    -
    309 std::tuple<int, int, int> grid_;
    -
    310 std::tuple<int, int, int> threadgroup_;
    -
    311 std::vector<CustomKernelShapeInfo> shape_infos_;
    -
    312 bool ensure_row_contiguous_;
    -
    313 std::optional<float> init_value_;
    -
    314};
    + +
    307
    +
    308 private:
    +
    309 std::string source_;
    +
    310 std::string name_;
    +
    311 std::tuple<int, int, int> grid_;
    +
    312 std::tuple<int, int, int> threadgroup_;
    +
    313 std::vector<CustomKernelShapeInfo> shape_infos_;
    +
    314 bool ensure_row_contiguous_;
    +
    315 std::optional<float> init_value_;
    +
    316};
    -
    315
    -
    316} // namespace mlx::core::fast
    +
    317
    +
    318} // namespace mlx::core::fast
    const Stream & stream()
    The stream the primitive will run on.
    Definition primitives.h:58
    virtual bool is_equivalent(const Primitive &other) const
    Equivalence check defaults to false unless overridden by the primitive.
    Definition primitives.h:107
    Primitive(Stream stream)
    Definition primitives.h:50
    @@ -498,16 +500,16 @@ $(function(){initNavTree('fast__primitives_8h_source.html',''); initResizable(tr
    std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
    Get the output shapes of the primitive.
    bool is_equivalent(const Primitive &other) const override
    Equivalence check defaults to false unless overridden by the primitive.
    void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    -
    AffineQuantize(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, int group_size, int bits, bool dequantize)
    Definition fast_primitives.h:238
    -
    auto state() const
    Definition fast_primitives.h:259
    +
    AffineQuantize(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, int group_size, int bits, bool dequantize)
    Definition fast_primitives.h:240
    +
    auto state() const
    Definition fast_primitives.h:261
    Custom(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback)
    Definition fast_primitives.h:14
    virtual std::vector< array > vjp(const std::vector< array > &primals, const std::vector< array > &cotangents, const std::vector< int > &argnums, const std::vector< array > &outputs) override
    The vector-Jacobian product.
    virtual std::pair< std::vector< array >, std::vector< int > > vmap(const std::vector< array > &inputs, const std::vector< int > &axes) override
    The primitive must know how to vectorize itself across the given axes.
    virtual std::vector< array > jvp(const std::vector< array > &primals, const std::vector< array > &tangents, const std::vector< int > &argnums) override
    The Jacobian-vector product.
    void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    -
    void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
    Definition fast_primitives.h:296
    -
    CustomKernel(Stream stream, std::string name, std::string source, std::tuple< int, int, int > grid, std::tuple< int, int, int > threadgroup, std::vector< CustomKernelShapeInfo > shape_infos, bool ensure_row_contiguous, std::optional< float > init_value)
    Definition fast_primitives.h:278
    +
    void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
    Definition fast_primitives.h:298
    +
    CustomKernel(Stream stream, std::string name, std::string source, std::tuple< int, int, int > grid, std::tuple< int, int, int > threadgroup, std::vector< CustomKernelShapeInfo > shape_infos, bool ensure_row_contiguous, std::optional< float > init_value)
    Definition fast_primitives.h:280
    DEFINE_PRINT(LayerNorm) bool is_equivalent(const Primitive &other) const override
    LayerNorm(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, float eps)
    Definition fast_primitives.h:100
    void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
    Definition fast_primitives.h:106
    @@ -536,22 +538,23 @@ $(function(){initNavTree('fast__primitives_8h_source.html',''); initResizable(tr
    RoPE(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, int dims, bool traditional, float base, float scale, bool forward)
    Definition fast_primitives.h:159
    void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    std::vector< array > vjp(const std::vector< array > &primals, const std::vector< array > &cotangents, const std::vector< int > &argnums, const std::vector< array > &outputs) override
    The vector-Jacobian product.
    -
    void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    Definition fast_primitives.h:217
    -
    DEFINE_INPUT_OUTPUT_SHAPE() auto state() const
    Definition fast_primitives.h:226
    +
    ScaledDotProductAttention(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, const float scale, const bool do_causal)
    Definition fast_primitives.h:206
    +
    void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    Definition fast_primitives.h:218
    +
    DEFINE_INPUT_OUTPUT_SHAPE() auto state() const
    Definition fast_primitives.h:227
    DEFINE_PRINT(ScaledDotProductAttention)
    -
    ScaledDotProductAttention(Stream stream, std::function< std::vector< array >(std::vector< array >)> fallback, const float scale)
    Definition fast_primitives.h:206
    void eval_gpu(const std::vector< array > &inputs, array &out)
    -
    void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
    Definition fast_primitives.h:212
    +
    void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
    A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
    Definition fast_primitives.h:213
    bool is_equivalent(const Primitive &other) const override
    Equivalence check defaults to false unless overridden by the primitive.
    array std(const array &a, bool keepdims, int ddof=0, StreamOrDevice s={})
    Computes the standard deviation of the elements of an array.
    array dequantize(const array &w, const array &scales, const array &biases, int group_size=64, int bits=4, StreamOrDevice s={})
    Dequantize a matrix produced by quantize()
    -
    Definition fast.h:9
    +
    Definition fast.h:10
    +
    constant bool do_causal
    Definition steel_attention.h:13
    Definition stream.h:9
    -
    Definition fast_primitives.h:270
    -
    bool strides
    Definition fast_primitives.h:272
    -
    bool shape
    Definition fast_primitives.h:271
    -
    bool ndim
    Definition fast_primitives.h:273
    +
    Definition fast_primitives.h:272
    +
    bool strides
    Definition fast_primitives.h:274
    +
    bool shape
    Definition fast_primitives.h:273
    +
    bool ndim
    Definition fast_primitives.h:275
    diff --git a/docs/build/html/fence_8h.html b/docs/build/html/fence_8h.html index 52f893a40..674ce653f 100644 --- a/docs/build/html/fence_8h.html +++ b/docs/build/html/fence_8h.html @@ -5,7 +5,7 @@ -MLX: mlx/backend/metal/fence.h File Reference +MLX: mlx/fence.h File Reference @@ -108,7 +108,8 @@ $(function(){initNavTree('fence_8h.html',''); initResizable(true); });
    fence.h File Reference
     
    array mlx::core::fast::rope (const array &x, int dims, bool traditional, std::optional< float > base, float scale, const array &offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})
     
    array mlx::core::fast::scaled_dot_product_attention (const array &queries, const array &keys, const array &values, const float scale, const std::optional< array > &mask=std::nullopt, const std::optional< int > memory_efficient_threshold=std::nullopt, StreamOrDevice s={})
     Computes: O = softmax(Q @ K.T) @ V.
     
    array mlx::core::fast::scaled_dot_product_attention (const array &queries, const array &keys, const array &values, const float scale, const std::variant< std::monostate, std::string, array > &mask={}, const std::optional< int > memory_efficient_threshold=std::nullopt, StreamOrDevice s={})
     Computes: O = softmax(Q @ K.T) @ V.
     
    std::tuple< array, array, arraymlx::core::fast::affine_quantize (const array &w, int group_size=64, int bits=4, StreamOrDevice s={})
     
    array mlx::core::fast::affine_dequantize (const array &w, const array &scales, const array &biases, int group_size=64, int bits=4, StreamOrDevice s={})
    @@ -129,7 +130,7 @@ Namespaces diff --git a/docs/build/html/fence_8h_source.html b/docs/build/html/fence_8h_source.html index 45ecd60c3..b53a5c2a9 100644 --- a/docs/build/html/fence_8h_source.html +++ b/docs/build/html/fence_8h_source.html @@ -5,7 +5,7 @@ -MLX: mlx/backend/metal/fence.h Source File +MLX: mlx/fence.h Source File @@ -107,52 +107,50 @@ $(function(){initNavTree('fence_8h_source.html',''); initResizable(true); });
    Go to the documentation of this file.
    1// Copyright © 2024 Apple Inc.
    2
    - +
    3#include <vector>
    4
    -
    5namespace mlx::core {
    +
    5#include "mlx/array.h"
    6
    -
    7/* A fence to be used for synchronizing work between the CPU and GPU
    -
    8 *
    -
    9 * Calls to `update_gpu` should be paired with calls to `wait`. This ensures
    -
    10 * that the array passed to `update_gpu` is computed and visible to the CPU
    -
    11 * after the call to `wait` returns.
    -
    12 *
    -
    13 * Calls to `update` should be paired with calls to `wait_gpu`. This ensures
    -
    14 * that the array passed to `wait_gpu` will not be read by the GPU until the CPU
    -
    15 * has called `update`.
    -
    16 *
    -
    17 * The fence supports slow (default) and fast mode. Fast mode requires setting
    -
    18 * the environment variable `MLX_METAL_FAST_SYNCH=1`. Fast mode also requires
    -
    19 * Metal 3.2+ (macOS 15+, iOS 18+).
    -
    20 */
    -
    -
    21class Fence {
    -
    22 public:
    -
    23 Fence(const Stream& stream);
    -
    24
    -
    25 void update_gpu(const array& x);
    -
    26 void wait_gpu(array& x);
    -
    27
    -
    28 void wait();
    -
    29 void update();
    -
    30
    -
    31 private:
    -
    32 Stream stream_;
    -
    33 std::shared_ptr<void> fence_;
    -
    34 uint32_t cpu_count_{0};
    -
    35 uint32_t gpu_count_{0};
    -
    36 bool use_fast_;
    -
    37 std::atomic_uint* cpu_value();
    -
    38};
    +
    7namespace mlx::core {
    +
    8
    +
    9/* A fence to be used for synchronizing work between streams.
    +
    10 *
    +
    11 * Calls to `wait` wait in the given stream until all previous calls to update
    +
    12 * are complete on their given stream.
    +
    13 *
    +
    14 * The array passed to `update` is computed and visible after the call to
    +
    15 * `wait` returns. The array passed to `wait` will not be read until all
    +
    16 * previous calls to `update` have completed.
    +
    17 *
    +
    18 * Note, calls to `update` should always from the same thread or explicitly
    +
    19 * synchronized so that they occur in sequence. Calls to `wait` can be on any
    +
    20 * thread.
    +
    21 *
    +
    22 * For the Metal back-end the fence supports slow (default) and fast mode.
    +
    23 * Fast mode requires setting the environment variable
    +
    24 * `MLX_METAL_FAST_SYNCH=1`. Fast mode also requires Metal 3.2+ (macOS 15+,
    +
    25 * iOS 18+).
    +
    26 */
    +
    +
    27class Fence {
    +
    28 public:
    +
    29 Fence() {};
    +
    30 explicit Fence(Stream stream);
    +
    31
    +
    32 void update(Stream stream, const array& x);
    +
    33 void wait(Stream stream, const array& x);
    +
    34
    +
    35 private:
    +
    36 std::shared_ptr<void> fence_{nullptr};
    +
    37};
    -
    39
    -
    40} // namespace mlx::core
    - - -
    Fence(const Stream &stream)
    - -
    void update_gpu(const array &x)
    -
    void wait_gpu(array &x)
    +
    38
    +
    39} // namespace mlx::core
    + +
    void update(Stream stream, const array &x)
    +
    Fence(Stream stream)
    +
    void wait(Stream stream, const array &x)
    +
    Fence()
    Definition fence.h:29
    Definition array.h:24
    Definition allocator.h:7
    Definition stream.h:9
    @@ -161,7 +159,7 @@ $(function(){initNavTree('fence_8h_source.html',''); initResizable(true); }); diff --git a/docs/build/html/files.html b/docs/build/html/files.html index bb157e442..b3f66c1be 100644 --- a/docs/build/html/files.html +++ b/docs/build/html/files.html @@ -116,183 +116,183 @@ $(function(){initNavTree('files.html',''); initResizable(true); });
    - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
     compiled.h
     copy.h
     hadamard.h
     load.h
     reduce.h
     slicing.h
     ternary.h
     utils.h
      cpu
      simd
     arange.h
     binary.h
     binary_ops.h
     binary_two.h
     compiled_preamble.h
     copy.h
     gemm.h
     jit_compiler.h
     lapack.h
     slicing.h
     ternary.h
     threefry.h
     unary.h
     unary_ops.h
      metal
      jit
      kernels
     allocator.h
     binary.h
     copy.h
     device.h
     event.h
     fence.h
     kernels.h
     matmul.h
     metal.h
     metal_impl.h
     reduce.h
     resident.h
     slicing.h
     ternary.h
     unary.h
     utils.h
      distributed
      mpi
     mpi.h
      ring
     ring.h
     distributed.h
     distributed_impl.h
     ops.h
     primitives.h
      io
     gguf.h
     load.h
      types
     bf16.h
     complex.h
     fp16.h
     half_types.h
     limits.h
     allocator.h
     array.h
     compile.h
     compile_impl.h
     device.h
     dtype.h
     einsum.h
     event.h
     export.h
     export_impl.h
     fast.h
     fast_primitives.h
     fft.h
     graph_utils.h
     io.h
     linalg.h
     mlx.h
     ops.h
     primitives.h
     random.h
     scheduler.h
     stream.h
     threadpool.h
     transforms.h
     transforms_impl.h
     utils.h
     version.h
     reduce.h
     slicing.h
     ternary.h
     utils.h
      cpu
      simd
     arange.h
     binary.h
     binary_ops.h
     binary_two.h
     compiled_preamble.h
     copy.h
     encoder.h
     eval.h
     gemm.h
     jit_compiler.h
     lapack.h
     slicing.h
     ternary.h
     threefry.h
     unary.h
     unary_ops.h
      metal
      jit
      kernels
     allocator.h
     binary.h
     copy.h
     device.h
     kernels.h
     matmul.h
     metal.h
     metal_impl.h
     reduce.h
     resident.h
     slicing.h
     ternary.h
     unary.h
     utils.h
      distributed
      mpi
     mpi.h
      ring
     ring.h
     distributed.h
     distributed_impl.h
     ops.h
     primitives.h
      io
     gguf.h
     load.h
      types
     bf16.h
     complex.h
     fp16.h
     half_types.h
     limits.h
     allocator.h
     array.h
     compile.h
     compile_impl.h
     device.h
     dtype.h
     einsum.h
     event.h
     export.h
     export_impl.h
     fast.h
     fast_primitives.h
     fence.h
     fft.h
     graph_utils.h
     io.h
     linalg.h
     mlx.h
     ops.h
     primitives.h
     random.h
     scheduler.h
     stream.h
     threadpool.h
     transforms.h
     transforms_impl.h
     utils.h
     version.h
    diff --git a/docs/build/html/functions_a.html b/docs/build/html/functions_a.html index 3c815a8b2..35a0f1f4b 100644 --- a/docs/build/html/functions_a.html +++ b/docs/build/html/functions_a.html @@ -111,8 +111,8 @@ $(function(){initNavTree('functions_a.html',''); initResizable(true); });
  • Abs() : mlx::core::Abs
  • accum_type : mlx::steel::AccumHelper< T >
  • Add() : mlx::core::Add
  • -
  • add_temporaries() : mlx::core::metal::Device
  • -
  • add_temporary() : mlx::core::metal::Device
  • +
  • add_temporaries() : mlx::core::cpu::CommandEncoder, mlx::core::metal::Device
  • +
  • add_temporary() : mlx::core::cpu::CommandEncoder, mlx::core::metal::Device
  • AddMM() : mlx::core::AddMM
  • adj_implicit_m : mlx::steel::Conv2DGeneralJumpParams
  • adj_out_h : mlx::steel::Conv2DGeneralJumpParams
  • @@ -121,8 +121,8 @@ $(function(){initNavTree('functions_a.html',''); initResizable(true); });
  • advance() : pocketfft::detail::multi_iter< N >, pocketfft::detail::rev_iter, pocketfft::detail::simple_iter
  • AffineQuantize() : mlx::core::fast::AffineQuantize
  • aligned_allocator() : pocketfft::detail::threading::aligned_allocator< T >
  • -
  • all_gather() : mlx::core::distributed::detail::GroupImpl
  • -
  • all_sum() : mlx::core::distributed::detail::GroupImpl
  • +
  • all_gather() : mlx::core::distributed::detail::GroupImpl
  • +
  • all_sum() : mlx::core::distributed::detail::GroupImpl
  • AllGather() : mlx::core::distributed::AllGather
  • allocate() : pocketfft::detail::threading::aligned_allocator< T >
  • Allocator() : mlx::core::allocator::Allocator
  • diff --git a/docs/build/html/functions_b.html b/docs/build/html/functions_b.html index 95eacadb1..ca126dc5d 100644 --- a/docs/build/html/functions_b.html +++ b/docs/build/html/functions_b.html @@ -134,10 +134,10 @@ $(function(){initNavTree('functions_b.html',''); initResizable(true); });
  • block_sort() : KernelMergeSort< T, U, ARG_SORT, BLOCK_THREADS, N_PER_THREAD, CompareOp >, KernelMultiBlockMergeSort< ValT, IdxT, ARG_SORT, BLOCK_THREADS, N_PER_THREAD, CompareOp >
  • BlockLoader() : mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >
  • BlockLoaderT() : mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >
  • -
  • blockM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
  • +
  • blockM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
  • BlockMaskedMM() : mlx::core::BlockMaskedMM
  • BlockMMA() : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
  • -
  • blockN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
  • +
  • blockN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
  • Broadcast() : mlx::core::Broadcast
  • BroadcastAxes() : mlx::core::BroadcastAxes
  • BROWS : mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >
  • diff --git a/docs/build/html/functions_c.html b/docs/build/html/functions_c.html index 248667a39..6ddccd8ee 100644 --- a/docs/build/html/functions_c.html +++ b/docs/build/html/functions_c.html @@ -120,7 +120,7 @@ $(function(){initNavTree('functions_c.html',''); initResizable(true); });
  • col_contiguous : mlx::core::array::Flags
  • col_frag_type : mlx::steel::BaseMMAFrag< T, 8, 8 >
  • command_buffer_needs_commit() : mlx::core::metal::Device
  • -
  • CommandEncoder() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
  • +
  • CommandEncoder() : mlx::core::CommandEncoder, mlx::core::cpu::CommandEncoder, mlx::core::metal::CommandEncoder
  • commit_command_buffer() : mlx::core::metal::Device
  • Compiled() : mlx::core::Compiled
  • complex128_t() : mlx::core::complex128_t
  • diff --git a/docs/build/html/functions_d.html b/docs/build/html/functions_d.html index d1a96f70b..64e3ca09b 100644 --- a/docs/build/html/functions_d.html +++ b/docs/build/html/functions_d.html @@ -118,6 +118,7 @@ $(function(){initNavTree('functions_d.html',''); initResizable(true); });
  • denorm_min() : metal::_numeric_limits_impl< bfloat16_t >
  • Depends() : mlx::core::Depends
  • detach() : mlx::core::array
  • +
  • detach_event() : mlx::core::array
  • Device() : mlx::core::Device, mlx::core::metal::Device
  • device() : mlx::core::Primitive, mlx::core::Stream
  • DeviceStream() : mlx::core::metal::DeviceStream
  • @@ -126,6 +127,7 @@ $(function(){initNavTree('functions_d.html',''); initResizable(true); });
  • digits : metal::_numeric_limits_impl< bfloat16_t >
  • digits10 : metal::_numeric_limits_impl< bfloat16_t >
  • dim : LoopedElemToLoc< DIM, OffsetT, General >, LoopedElemToLoc< 1, OffsetT, false >, LoopedElemToLoc< 1, OffsetT, true >
  • +
  • dispatch() : mlx::core::cpu::CommandEncoder
  • dispatch_threadgroups() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
  • dispatch_threads() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
  • DistPrimitive() : mlx::core::distributed::DistPrimitive
  • diff --git a/docs/build/html/functions_e.html b/docs/build/html/functions_e.html index f30c1e350..a1ad61baa 100644 --- a/docs/build/html/functions_e.html +++ b/docs/build/html/functions_e.html @@ -125,7 +125,7 @@ $(function(){initNavTree('functions_e.html',''); initResizable(true); });
  • eval_cpu() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::Arange, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::ArgSort, mlx::core::AsStrided, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BitwiseInvert, mlx::core::BlockMaskedMM, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Cholesky, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Conjugate, mlx::core::Contiguous, mlx::core::Convolution, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::Depends, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::distributed::Recv, mlx::core::distributed::Send, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Eigh, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::AffineQuantize, mlx::core::fast::CustomKernel, mlx::core::fast::LayerNorm, mlx::core::fast::LayerNormVJP, mlx::core::fast::RMSNorm, mlx::core::fast::RMSNormVJP, mlx::core::fast::RoPE, mlx::core::fast::ScaledDotProductAttention, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherMM, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Inverse, mlx::core::Less, mlx::core::LessEqual, mlx::core::Load, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::LUF, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::NumberOfElements, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QRF, mlx::core::QuantizedMatmul, mlx::core::RandomBits, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::StopGradient, mlx::core::Subtract, mlx::core::SVD, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::UnaryPrimitive, mlx::core::Unflatten, mlx::core::View
  • eval_gpu() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::Arange, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::ArgSort, mlx::core::AsStrided, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BitwiseInvert, mlx::core::BlockMaskedMM, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Cholesky, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Conjugate, mlx::core::Contiguous, mlx::core::Convolution, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::Depends, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::distributed::Recv, mlx::core::distributed::Send, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Eigh, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::AffineQuantize, mlx::core::fast::CustomKernel, mlx::core::fast::LayerNorm, mlx::core::fast::LayerNormVJP, mlx::core::fast::RMSNorm, mlx::core::fast::RMSNormVJP, mlx::core::fast::RoPE, mlx::core::fast::ScaledDotProductAttention, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherMM, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Inverse, mlx::core::Less, mlx::core::LessEqual, mlx::core::Load, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::LUF, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::NumberOfElements, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QRF, mlx::core::QuantizedMatmul, mlx::core::RandomBits, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::StopGradient, mlx::core::Subtract, mlx::core::SVD, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::UnaryPrimitive, mlx::core::Unflatten, mlx::core::View
  • evaluated : mlx::core::array
  • -
  • Event() : mlx::core::Event
  • +
  • Event() : mlx::core::Event
  • event() : mlx::core::array
  • excess : mlx::steel::ChannelHelper< n_channels_ >, mlx::steel::ChannelHelper< 1 >, mlx::steel::ChannelHelper< 2 >, mlx::steel::ChannelHelper< 3 >, mlx::steel::ChannelHelper< 4 >
  • exec() : mlx::core::JitCompiler, pocketfft::detail::cfftp< T0 >, pocketfft::detail::fftblue< T0 >, pocketfft::detail::pocketfft_c< T0 >, pocketfft::detail::pocketfft_r< T0 >, pocketfft::detail::rfftp< T0 >, pocketfft::detail::T_dcst23< T0 >, pocketfft::detail::T_dcst4< T0 >, pocketfft::detail::T_dct1< T0 >, pocketfft::detail::T_dst1< T0 >
  • diff --git a/docs/build/html/functions_eval.html b/docs/build/html/functions_eval.html index 3e35901fe..5deea8c69 100644 --- a/docs/build/html/functions_eval.html +++ b/docs/build/html/functions_eval.html @@ -150,7 +150,6 @@ $(function(){initNavTree('functions_eval.html',''); initResizable(true); });

    - s -

    diff --git a/docs/build/html/functions_f.html b/docs/build/html/functions_f.html index 1d6c872fd..6434a5445 100644 --- a/docs/build/html/functions_f.html +++ b/docs/build/html/functions_f.html @@ -110,7 +110,7 @@ $(function(){initNavTree('functions_f.html',''); initResizable(true); });
  • f_wgt_jump_h : mlx::steel::Conv2DGeneralJumpParams
  • f_wgt_jump_w : mlx::steel::Conv2DGeneralJumpParams
  • fdc : mlx::steel::GEMMAddMMParams
  • -
  • Fence() : mlx::core::Fence, mlx::core::metal::Fence
  • +
  • Fence() : mlx::core::Fence, mlx::core::metal::Fence
  • fence : mlx::core::metal::DeviceStream, mlx::core::metal::Fence
  • fence_mtx : mlx::core::metal::DeviceStream
  • FFT() : mlx::core::FFT
  • diff --git a/docs/build/html/functions_func_a.html b/docs/build/html/functions_func_a.html index d68db5057..a1648d477 100644 --- a/docs/build/html/functions_func_a.html +++ b/docs/build/html/functions_func_a.html @@ -107,14 +107,14 @@ $(function(){initNavTree('functions_func_a.html',''); initResizable(true); });

    - a -

    • Abs() : mlx::core::Abs
    • Add() : mlx::core::Add
    • -
    • add_temporaries() : mlx::core::metal::Device
    • -
    • add_temporary() : mlx::core::metal::Device
    • +
    • add_temporaries() : mlx::core::cpu::CommandEncoder, mlx::core::metal::Device
    • +
    • add_temporary() : mlx::core::cpu::CommandEncoder, mlx::core::metal::Device
    • AddMM() : mlx::core::AddMM
    • advance() : pocketfft::detail::multi_iter< N >, pocketfft::detail::rev_iter, pocketfft::detail::simple_iter
    • AffineQuantize() : mlx::core::fast::AffineQuantize
    • aligned_allocator() : pocketfft::detail::threading::aligned_allocator< T >
    • -
    • all_gather() : mlx::core::distributed::detail::GroupImpl
    • -
    • all_sum() : mlx::core::distributed::detail::GroupImpl
    • +
    • all_gather() : mlx::core::distributed::detail::GroupImpl
    • +
    • all_sum() : mlx::core::distributed::detail::GroupImpl
    • AllGather() : mlx::core::distributed::AllGather
    • allocate() : pocketfft::detail::threading::aligned_allocator< T >
    • Allocator() : mlx::core::allocator::Allocator
    • diff --git a/docs/build/html/functions_func_c.html b/docs/build/html/functions_func_c.html index 8a71c3fee..90e960437 100644 --- a/docs/build/html/functions_func_c.html +++ b/docs/build/html/functions_func_c.html @@ -114,7 +114,7 @@ $(function(){initNavTree('functions_func_c.html',''); initResizable(true); });
    • cmplx() : pocketfft::detail::cmplx< T >
    • cndarr() : pocketfft::detail::cndarr< T >
    • command_buffer_needs_commit() : mlx::core::metal::Device
    • -
    • CommandEncoder() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
    • +
    • CommandEncoder() : mlx::core::CommandEncoder, mlx::core::cpu::CommandEncoder, mlx::core::metal::CommandEncoder
    • commit_command_buffer() : mlx::core::metal::Device
    • Compiled() : mlx::core::Compiled
    • complex128_t() : mlx::core::complex128_t
    • diff --git a/docs/build/html/functions_func_d.html b/docs/build/html/functions_func_d.html index 0d6f126af..8cdbb31fc 100644 --- a/docs/build/html/functions_func_d.html +++ b/docs/build/html/functions_func_d.html @@ -116,9 +116,11 @@ $(function(){initNavTree('functions_func_d.html',''); initResizable(true); });
    • denorm_min() : metal::_numeric_limits_impl< bfloat16_t >
    • Depends() : mlx::core::Depends
    • detach() : mlx::core::array
    • +
    • detach_event() : mlx::core::array
    • Device() : mlx::core::Device, mlx::core::metal::Device
    • device() : mlx::core::Primitive
    • DeviceStream() : mlx::core::metal::DeviceStream
    • +
    • dispatch() : mlx::core::cpu::CommandEncoder
    • dispatch_threadgroups() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
    • dispatch_threads() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
    • DistPrimitive() : mlx::core::distributed::DistPrimitive
    • diff --git a/docs/build/html/functions_func_e.html b/docs/build/html/functions_func_e.html index 76e755ce3..92e675b39 100644 --- a/docs/build/html/functions_func_e.html +++ b/docs/build/html/functions_func_e.html @@ -119,7 +119,7 @@ $(function(){initNavTree('functions_func_e.html',''); initResizable(true); });
    • eval() : mlx::core::array
    • eval_cpu() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::Arange, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::ArgSort, mlx::core::AsStrided, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BitwiseInvert, mlx::core::BlockMaskedMM, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Cholesky, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Conjugate, mlx::core::Contiguous, mlx::core::Convolution, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::Depends, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::distributed::Recv, mlx::core::distributed::Send, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Eigh, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::AffineQuantize, mlx::core::fast::CustomKernel, mlx::core::fast::LayerNorm, mlx::core::fast::LayerNormVJP, mlx::core::fast::RMSNorm, mlx::core::fast::RMSNormVJP, mlx::core::fast::RoPE, mlx::core::fast::ScaledDotProductAttention, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherMM, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Inverse, mlx::core::Less, mlx::core::LessEqual, mlx::core::Load, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::LUF, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::NumberOfElements, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QRF, mlx::core::QuantizedMatmul, mlx::core::RandomBits, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::StopGradient, mlx::core::Subtract, mlx::core::SVD, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::UnaryPrimitive, mlx::core::Unflatten, mlx::core::View
    • eval_gpu() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::Arange, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::ArgSort, mlx::core::AsStrided, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BitwiseInvert, mlx::core::BlockMaskedMM, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Cholesky, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Conjugate, mlx::core::Contiguous, mlx::core::Convolution, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::Depends, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::distributed::Recv, mlx::core::distributed::Send, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Eigh, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::AffineQuantize, mlx::core::fast::CustomKernel, mlx::core::fast::LayerNorm, mlx::core::fast::LayerNormVJP, mlx::core::fast::RMSNorm, mlx::core::fast::RMSNormVJP, mlx::core::fast::RoPE, mlx::core::fast::ScaledDotProductAttention, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherMM, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Inverse, mlx::core::Less, mlx::core::LessEqual, mlx::core::Load, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::LUF, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::NumberOfElements, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QRF, mlx::core::QuantizedMatmul, mlx::core::RandomBits, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::StopGradient, mlx::core::Subtract, mlx::core::SVD, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::UnaryPrimitive, mlx::core::Unflatten, mlx::core::View
    • -
    • Event() : mlx::core::Event
    • +
    • Event() : mlx::core::Event
    • event() : mlx::core::array
    • exec() : mlx::core::JitCompiler, pocketfft::detail::cfftp< T0 >, pocketfft::detail::fftblue< T0 >, pocketfft::detail::pocketfft_c< T0 >, pocketfft::detail::pocketfft_r< T0 >, pocketfft::detail::rfftp< T0 >, pocketfft::detail::T_dcst23< T0 >, pocketfft::detail::T_dcst4< T0 >, pocketfft::detail::T_dct1< T0 >, pocketfft::detail::T_dst1< T0 >
    • exec_r() : pocketfft::detail::fftblue< T0 >
    • diff --git a/docs/build/html/functions_func_f.html b/docs/build/html/functions_func_f.html index fa6d14243..3b0b7c3bd 100644 --- a/docs/build/html/functions_func_f.html +++ b/docs/build/html/functions_func_f.html @@ -105,7 +105,7 @@ $(function(){initNavTree('functions_func_f.html',''); initResizable(true); });
      Here is a list of all functions with links to the classes they belong to:

      - f -

        -
      • Fence() : mlx::core::Fence, mlx::core::metal::Fence
      • +
      • Fence() : mlx::core::Fence, mlx::core::metal::Fence
      • FFT() : mlx::core::FFT
      • fftblue() : pocketfft::detail::fftblue< T0 >
      • FileWriter() : mlx::core::io::FileWriter
      • diff --git a/docs/build/html/functions_func_l.html b/docs/build/html/functions_func_l.html index 8bc70565e..ae2f98274 100644 --- a/docs/build/html/functions_func_l.html +++ b/docs/build/html/functions_func_l.html @@ -119,9 +119,9 @@ $(function(){initNavTree('functions_func_l.html',''); initResizable(true); });
      • Load() : mlx::core::Load
      • load() : mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >, ReadWriter< in_T, out_T, step, four_step_real >
      • load_padded() : ReadWriter< in_T, out_T, step, four_step_real >
      • -
      • load_safe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
      • +
      • load_safe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
      • load_strided() : ReadWriter< in_T, out_T, step, four_step_real >
      • -
      • load_unsafe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
      • +
      • load_unsafe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
      • location() : LoopedElemToLoc< DIM, OffsetT, General >, LoopedElemToLoc< 1, OffsetT, false >, LoopedElemToLoc< 1, OffsetT, true >
      • Log() : mlx::core::Log
      • Log1p() : mlx::core::Log1p
      • diff --git a/docs/build/html/functions_func_m.html b/docs/build/html/functions_func_m.html index a2ff4946c..3430de5cb 100644 --- a/docs/build/html/functions_func_m.html +++ b/docs/build/html/functions_func_m.html @@ -118,7 +118,6 @@ $(function(){initNavTree('functions_func_m.html',''); initResizable(true); });
      • Minimum() : mlx::core::Minimum
      • mma() : mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
      • MMATile() : mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
      • -
      • move_shared_buffer() : mlx::core::array
      • mtl_device() : mlx::core::metal::Device
      • mtl_residency_set() : mlx::core::metal::ResidencySet
      • multi_iter() : pocketfft::detail::multi_iter< N >
      • diff --git a/docs/build/html/functions_func_o.html b/docs/build/html/functions_func_o.html index b9c97832f..e8a14cb13 100644 --- a/docs/build/html/functions_func_o.html +++ b/docs/build/html/functions_func_o.html @@ -123,7 +123,7 @@ $(function(){initNavTree('functions_func_o.html',''); initResizable(true); });
      • operator+=() : pocketfft::detail::cmplx< T >
      • operator-() : pocketfft::detail::cmplx< T >
      • operator-=() : pocketfft::detail::cmplx< T >
      • -
      • operator=() : mlx::core::_MLX_BFloat16, mlx::core::_MLX_Float16, mlx::core::allocator::Allocator, mlx::core::array::Data, mlx::core::array, mlx::core::CommandEncoder, mlx::core::FunctionExporter, mlx::core::io::FileWriter, mlx::core::metal::CommandEncoder, mlx::core::metal::Device, mlx::core::metal::ResidencySet, mlx::core::Primitive, mlx::core::scheduler::Scheduler, mlx::core::UnaryPrimitive
      • +
      • operator=() : mlx::core::_MLX_BFloat16, mlx::core::_MLX_Float16, mlx::core::allocator::Allocator, mlx::core::array::Data, mlx::core::array, mlx::core::CommandEncoder, mlx::core::cpu::CommandEncoder, mlx::core::FunctionExporter, mlx::core::io::FileWriter, mlx::core::metal::CommandEncoder, mlx::core::metal::Device, mlx::core::metal::ResidencySet, mlx::core::Primitive, mlx::core::scheduler::Scheduler, mlx::core::UnaryPrimitive
      • operator[]() : mlx::core::simd::Simd< T, N >, mlx::core::simd::Simd< float16_t, N >, mlx::core::simd::Simd< T, 1 >, pocketfft::detail::arr< T >, pocketfft::detail::cndarr< T >, pocketfft::detail::ndarr< T >, pocketfft::detail::sincos_2pibyn< T >
      • out_of_bounds() : ReadWriter< in_T, out_T, step, four_step_real >
      • output_shape() : mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::ExpandDims, mlx::core::Flatten, mlx::core::Reshape, mlx::core::Squeeze, mlx::core::Unflatten
      • diff --git a/docs/build/html/functions_func_r.html b/docs/build/html/functions_func_r.html index feb7ae31a..d464963e1 100644 --- a/docs/build/html/functions_func_r.html +++ b/docs/build/html/functions_func_r.html @@ -107,18 +107,17 @@ $(function(){initNavTree('functions_func_r.html',''); initResizable(true); });

        - r -

        diff --git a/docs/build/html/functions_func_s.html b/docs/build/html/functions_func_s.html index 013164287..6dbce8da9 100644 --- a/docs/build/html/functions_func_s.html +++ b/docs/build/html/functions_func_s.html @@ -106,8 +106,7 @@ $(function(){initNavTree('functions_func_s.html',''); initResizable(true); });

        - s -

        • sanity_check() : pocketfft::detail::util
        • -
        • ScalarVector() : mlx::core::ScalarVector< Op >
        • -
        • ScaledDotProductAttention() : mlx::core::fast::ScaledDotProductAttention
        • +
        • ScaledDotProductAttention() : mlx::core::fast::ScaledDotProductAttention
        • Scan() : mlx::core::Scan
        • Scatter() : mlx::core::Scatter
        • ScatterAxis() : mlx::core::ScatterAxis
        • @@ -116,7 +115,7 @@ $(function(){initNavTree('functions_func_s.html',''); initResizable(true); });
        • seek() : mlx::core::ContiguousIterator, mlx::core::io::FileWriter, mlx::core::io::ParallelFileReader, mlx::core::io::Reader, mlx::core::io::Writer
        • Select() : mlx::core::Select
        • Send() : mlx::core::distributed::Send
        • -
        • send() : mlx::core::distributed::detail::GroupImpl
        • +
        • send() : mlx::core::distributed::detail::GroupImpl
        • Set() : pocketfft::detail::cmplx< T >
        • set_buffer() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
        • set_bytes() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
        • @@ -124,10 +123,10 @@ $(function(){initNavTree('functions_func_s.html',''); initResizable(true); });
        • set_compute_pipeline_state() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
        • set_data() : mlx::core::array
        • set_default_stream() : mlx::core::scheduler::Scheduler
        • -
        • set_input_array() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
        • +
        • set_input_array() : mlx::core::CommandEncoder, mlx::core::cpu::CommandEncoder, mlx::core::metal::CommandEncoder
        • set_memory_limit() : mlx::core::metal::MetalAllocator
        • set_name() : mlx::core::NodeNamer
        • -
        • set_output_array() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
        • +
        • set_output_array() : mlx::core::CommandEncoder, mlx::core::cpu::CommandEncoder, mlx::core::metal::CommandEncoder
        • set_residency_set() : mlx::core::metal::Device
        • set_siblings() : mlx::core::array
        • set_status() : mlx::core::array
        • @@ -174,7 +173,7 @@ $(function(){initNavTree('functions_func_s.html',''); initResizable(true); });
        • Stream() : mlx::core::Stream
        • stream() : mlx::core::Event, mlx::core::Primitive
        • StreamContext() : mlx::core::StreamContext
        • -
        • StreamThread() : mlx::core::scheduler::StreamThread
        • +
        • StreamThread() : mlx::core::scheduler::StreamThread
        • stride() : pocketfft::detail::arr_info
        • stride_in() : pocketfft::detail::multi_iter< N >
        • stride_out() : pocketfft::detail::multi_iter< N >
        • diff --git a/docs/build/html/functions_func_t.html b/docs/build/html/functions_func_t.html index dcac85821..b0ecebbee 100644 --- a/docs/build/html/functions_func_t.html +++ b/docs/build/html/functions_func_t.html @@ -112,6 +112,7 @@ $(function(){initNavTree('functions_func_t.html',''); initResizable(true); });
        • Tan() : mlx::core::Tan
        • Tanh() : mlx::core::Tanh
        • tell() : mlx::core::io::FileWriter, mlx::core::io::ParallelFileReader, mlx::core::io::Reader, mlx::core::io::Writer
        • +
        • temporaries() : mlx::core::cpu::CommandEncoder
        • thread_count() : pocketfft::detail::util
        • thread_fn() : mlx::core::scheduler::StreamThread
        • thread_pool() : pocketfft::detail::threading::thread_pool
        • diff --git a/docs/build/html/functions_func_u.html b/docs/build/html/functions_func_u.html index a15fcdc75..76f13dee7 100644 --- a/docs/build/html/functions_func_u.html +++ b/docs/build/html/functions_func_u.html @@ -107,9 +107,9 @@ $(function(){initNavTree('functions_func_u.html',''); initResizable(true); });

          - u -

          diff --git a/docs/build/html/functions_func_v.html b/docs/build/html/functions_func_v.html index 2a4f355d8..fb891150e 100644 --- a/docs/build/html/functions_func_v.html +++ b/docs/build/html/functions_func_v.html @@ -108,8 +108,6 @@ $(function(){initNavTree('functions_func_v.html',''); initResizable(true); });
        • val() : mlx::core::Dtype
        • valid() : mlx::core::Event
        • value() : mlx::core::Event
        • -
        • VectorScalar() : mlx::core::VectorScalar< Op >
        • -
        • VectorVector() : mlx::core::VectorVector< Op >
        • View() : mlx::core::View
        • vjp() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::AsStrided, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BlockMaskedMM, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Contiguous, mlx::core::Convolution, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::Depends, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::Custom, mlx::core::fast::LayerNorm, mlx::core::fast::RMSNorm, mlx::core::fast::RoPE, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherMM, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Less, mlx::core::LessEqual, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QuantizedMatmul, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::Subtract, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::Unflatten
        • vmap() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::ArgSort, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BitwiseInvert, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Cholesky, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Conjugate, mlx::core::Contiguous, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::distributed::Send, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Eigh, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::Custom, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Inverse, mlx::core::Less, mlx::core::LessEqual, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::NumberOfElements, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QuantizedMatmul, mlx::core::RandomBits, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::StopGradient, mlx::core::Subtract, mlx::core::SVD, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::Unflatten, mlx::core::View
        • diff --git a/docs/build/html/functions_func_w.html b/docs/build/html/functions_func_w.html index c368b830b..c088fb47d 100644 --- a/docs/build/html/functions_func_w.html +++ b/docs/build/html/functions_func_w.html @@ -105,10 +105,9 @@ $(function(){initNavTree('functions_func_w.html',''); initResizable(true); });
          Here is a list of all functions with links to the classes they belong to:

          - w -

            -
          • wait() : mlx::core::array, mlx::core::Event, mlx::core::Fence, pocketfft::detail::threading::latch
          • +
          • wait() : mlx::core::array, mlx::core::Event, mlx::core::Fence, pocketfft::detail::threading::latch
          • wait_for_fence() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
          • wait_for_one() : mlx::core::scheduler::Scheduler
          • -
          • wait_gpu() : mlx::core::Fence
          • write() : mlx::core::io::FileWriter, mlx::core::io::Writer, ReadWriter< in_T, out_T, step, four_step_real >
          • write_padded() : ReadWriter< in_T, out_T, step, four_step_real >
          • write_strided() : ReadWriter< in_T, out_T, step, four_step_real >
          • diff --git a/docs/build/html/functions_h.html b/docs/build/html/functions_h.html index 7d4bd420a..307462d2e 100644 --- a/docs/build/html/functions_h.html +++ b/docs/build/html/functions_h.html @@ -107,10 +107,10 @@ $(function(){initNavTree('functions_h.html',''); initResizable(true); });

            - h -

            diff --git a/docs/build/html/functions_k.html b/docs/build/html/functions_k.html index 414022f80..23dd9d2c6 100644 --- a/docs/build/html/functions_k.html +++ b/docs/build/html/functions_k.html @@ -120,6 +120,7 @@ $(function(){initNavTree('functions_k.html',''); initResizable(true); });
          • kFragSize : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
          • Kind : mlx::core::Dtype
          • kL : mlx::steel::AttnParams
          • +
          • kL_rem : mlx::steel::AttnParams
          • kNumFrags : mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
          • kRows : mlx::steel::CShape< R, C >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
          • kRowsPerThread : mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
          • diff --git a/docs/build/html/functions_l.html b/docs/build/html/functions_l.html index 453a84e05..a871ceb7a 100644 --- a/docs/build/html/functions_l.html +++ b/docs/build/html/functions_l.html @@ -125,9 +125,9 @@ $(function(){initNavTree('functions_l.html',''); initResizable(true); });
          • Load() : mlx::core::Load
          • load() : mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >, ReadWriter< in_T, out_T, step, four_step_real >
          • load_padded() : ReadWriter< in_T, out_T, step, four_step_real >
          • -
          • load_safe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
          • +
          • load_safe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
          • load_strided() : ReadWriter< in_T, out_T, step, four_step_real >
          • -
          • load_unsafe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
          • +
          • load_unsafe() : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
          • loader_a_t : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
          • loader_b_t : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
          • loc : mlx::core::ContiguousIterator
          • diff --git a/docs/build/html/functions_m.html b/docs/build/html/functions_m.html index 1d526fa62..c2d66df8e 100644 --- a/docs/build/html/functions_m.html +++ b/docs/build/html/functions_m.html @@ -106,6 +106,7 @@ $(function(){initNavTree('functions_m.html',''); initResizable(true); });

            - m -

            diff --git a/docs/build/html/functions_s.html b/docs/build/html/functions_s.html index f35244a6f..23017a128 100644 --- a/docs/build/html/functions_s.html +++ b/docs/build/html/functions_s.html @@ -107,20 +107,18 @@ $(function(){initNavTree('functions_s.html',''); initResizable(true); });

            - s -

            • sanity_check() : pocketfft::detail::util
            • scalar_t : mlx::core::simd::Simd< T, N >, mlx::core::simd::Simd< float16_t, N >, mlx::core::simd::Simd< T, 1 >
            • -
            • ScalarVector() : mlx::core::ScalarVector< Op >
            • scale : mlx::steel::AttnParams, ScaleOp< OutT, InT >, TransformScale< T >
            • -
            • ScaledDotProductAttention() : mlx::core::fast::ScaledDotProductAttention
            • +
            • ScaledDotProductAttention() : mlx::core::fast::ScaledDotProductAttention
            • scales : QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
            • Scan() : mlx::core::Scan
            • Scatter() : mlx::core::Scatter
            • ScatterAxis() : mlx::core::ScatterAxis
            • -
            • scheduled : mlx::core::array
            • Scheduler() : mlx::core::scheduler::Scheduler
            • seed() : mlx::core::random::KeySequence
            • seek() : mlx::core::ContiguousIterator, mlx::core::io::FileWriter, mlx::core::io::ParallelFileReader, mlx::core::io::Reader, mlx::core::io::Writer
            • Select() : mlx::core::Select
            • Send() : mlx::core::distributed::Send
            • -
            • send() : mlx::core::distributed::detail::GroupImpl
            • +
            • send() : mlx::core::distributed::detail::GroupImpl
            • Set() : pocketfft::detail::cmplx< T >
            • set_buffer() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
            • set_bytes() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
            • @@ -128,10 +126,10 @@ $(function(){initNavTree('functions_s.html',''); initResizable(true); });
            • set_compute_pipeline_state() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
            • set_data() : mlx::core::array
            • set_default_stream() : mlx::core::scheduler::Scheduler
            • -
            • set_input_array() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
            • +
            • set_input_array() : mlx::core::CommandEncoder, mlx::core::cpu::CommandEncoder, mlx::core::metal::CommandEncoder
            • set_memory_limit() : mlx::core::metal::MetalAllocator
            • set_name() : mlx::core::NodeNamer
            • -
            • set_output_array() : mlx::core::CommandEncoder, mlx::core::metal::CommandEncoder
            • +
            • set_output_array() : mlx::core::CommandEncoder, mlx::core::cpu::CommandEncoder, mlx::core::metal::CommandEncoder
            • set_residency_set() : mlx::core::metal::Device
            • set_siblings() : mlx::core::array
            • set_status() : mlx::core::array
            • @@ -189,9 +187,9 @@ $(function(){initNavTree('functions_s.html',''); initResizable(true); });
            • store_safe() : mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
            • str : MLXConvParams< NDIM >, pocketfft::detail::arr_info
            • Stream() : mlx::core::Stream
            • -
            • stream() : mlx::core::Event, mlx::core::Primitive, mlx::core::scheduler::StreamThread
            • +
            • stream() : mlx::core::Event, mlx::core::Primitive
            • StreamContext() : mlx::core::StreamContext
            • -
            • StreamThread() : mlx::core::scheduler::StreamThread
            • +
            • StreamThread() : mlx::core::scheduler::StreamThread
            • stride() : pocketfft::detail::arr_info
            • stride_in() : pocketfft::detail::multi_iter< N >
            • stride_out() : pocketfft::detail::multi_iter< N >
            • diff --git a/docs/build/html/functions_t.html b/docs/build/html/functions_t.html index 9c6989b26..029467699 100644 --- a/docs/build/html/functions_t.html +++ b/docs/build/html/functions_t.html @@ -113,9 +113,9 @@ $(function(){initNavTree('functions_t.html',''); initResizable(true); });
            • Tanh() : mlx::core::Tanh
            • TCOLS : mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >
            • tell() : mlx::core::io::FileWriter, mlx::core::io::ParallelFileReader, mlx::core::io::Reader, mlx::core::io::Writer
            • -
            • temporaries : mlx::core::metal::DeviceStream
            • +
            • temporaries() : mlx::core::cpu::CommandEncoder, mlx::core::metal::DeviceStream
            • ten : mlx::core::Log
            • -
            • tgp_mem_size : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
            • +
            • tgp_mem_size : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
            • tgp_mem_size_a : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
            • tgp_mem_size_b : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
            • tgp_padding_a : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
            • @@ -129,8 +129,8 @@ $(function(){initNavTree('functions_t.html',''); initResizable(true); });
            • thread_sort_t : BlockMergeSort< ValT, IdxT, ARG_SORT, BLOCK_THREADS, N_PER_THREAD, CompareOp >
            • ThreadPool() : ThreadPool
            • threads_per_tg : ReadWriter< in_T, out_T, step, four_step_real >
            • -
            • threadsM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
            • -
            • threadsN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
            • +
            • threadsM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
            • +
            • threadsN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
            • tile_stride : mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
            • tile_stride_a : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
            • tile_stride_b : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
            • diff --git a/docs/build/html/functions_u.html b/docs/build/html/functions_u.html index c7a888212..20a85d16d 100644 --- a/docs/build/html/functions_u.html +++ b/docs/build/html/functions_u.html @@ -107,10 +107,10 @@ $(function(){initNavTree('functions_u.html',''); initResizable(true); });

              - u -

              diff --git a/docs/build/html/functions_v.html b/docs/build/html/functions_v.html index e6a5a12ac..57ed4a95d 100644 --- a/docs/build/html/functions_v.html +++ b/docs/build/html/functions_v.html @@ -115,8 +115,6 @@ $(function(){initNavTree('functions_v.html',''); initResizable(true); });
            • value() : mlx::core::Event, mlx::core::simd::Simd< T, N >, mlx::core::simd::Simd< float16_t, N >, mlx::core::simd::Simd< T, 1 >, mlx::steel::integral_constant< T, v >
            • value_type : mlx::core::array::ArrayIterator, mlx::steel::integral_constant< T, v >, pocketfft::detail::threading::aligned_allocator< T >
            • vec_size : mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::ChannelHelper< n_channels_ >, mlx::steel::ChannelHelper< 1 >, mlx::steel::ChannelHelper< 2 >, mlx::steel::ChannelHelper< 3 >, mlx::steel::ChannelHelper< 4 >, mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >
            • -
            • VectorScalar() : mlx::core::VectorScalar< Op >
            • -
            • VectorVector() : mlx::core::VectorVector< Op >
            • View() : mlx::core::View
            • vjp() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::AsStrided, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BlockMaskedMM, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Contiguous, mlx::core::Convolution, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::Depends, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::Custom, mlx::core::fast::LayerNorm, mlx::core::fast::RMSNorm, mlx::core::fast::RoPE, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherMM, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Less, mlx::core::LessEqual, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QuantizedMatmul, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::Subtract, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::Unflatten
            • vmap() : mlx::core::Abs, mlx::core::Add, mlx::core::AddMM, mlx::core::ArcCos, mlx::core::ArcCosh, mlx::core::ArcSin, mlx::core::ArcSinh, mlx::core::ArcTan2, mlx::core::ArcTan, mlx::core::ArcTanh, mlx::core::ArgPartition, mlx::core::ArgReduce, mlx::core::ArgSort, mlx::core::AsType, mlx::core::BitwiseBinary, mlx::core::BitwiseInvert, mlx::core::Broadcast, mlx::core::BroadcastAxes, mlx::core::Ceil, mlx::core::Cholesky, mlx::core::Compiled, mlx::core::Concatenate, mlx::core::Conjugate, mlx::core::Contiguous, mlx::core::Copy, mlx::core::Cos, mlx::core::Cosh, mlx::core::CustomTransforms, mlx::core::distributed::AllGather, mlx::core::distributed::AllReduce, mlx::core::distributed::Send, mlx::core::Divide, mlx::core::DivMod, mlx::core::DynamicSlice, mlx::core::DynamicSliceUpdate, mlx::core::Eigh, mlx::core::Equal, mlx::core::Erf, mlx::core::ErfInv, mlx::core::Exp, mlx::core::ExpandDims, mlx::core::Expm1, mlx::core::fast::Custom, mlx::core::FFT, mlx::core::Flatten, mlx::core::Floor, mlx::core::Full, mlx::core::Gather, mlx::core::GatherAxis, mlx::core::GatherQMM, mlx::core::Greater, mlx::core::GreaterEqual, mlx::core::Hadamard, mlx::core::Imag, mlx::core::Inverse, mlx::core::Less, mlx::core::LessEqual, mlx::core::Log1p, mlx::core::Log, mlx::core::LogAddExp, mlx::core::LogicalAnd, mlx::core::LogicalNot, mlx::core::LogicalOr, mlx::core::Matmul, mlx::core::Maximum, mlx::core::Minimum, mlx::core::Multiply, mlx::core::Negative, mlx::core::NotEqual, mlx::core::NumberOfElements, mlx::core::Pad, mlx::core::Partition, mlx::core::Power, mlx::core::Primitive, mlx::core::QuantizedMatmul, mlx::core::RandomBits, mlx::core::Real, mlx::core::Reduce, mlx::core::Remainder, mlx::core::Reshape, mlx::core::Round, mlx::core::Scan, mlx::core::Scatter, mlx::core::ScatterAxis, mlx::core::Select, mlx::core::Sigmoid, mlx::core::Sign, mlx::core::Sin, mlx::core::Sinh, mlx::core::Slice, mlx::core::SliceUpdate, mlx::core::Softmax, mlx::core::Sort, mlx::core::Split, mlx::core::Sqrt, mlx::core::Square, mlx::core::Squeeze, mlx::core::StopGradient, mlx::core::Subtract, mlx::core::SVD, mlx::core::Tan, mlx::core::Tanh, mlx::core::Transpose, mlx::core::Unflatten, mlx::core::View
            • diff --git a/docs/build/html/functions_vars_b.html b/docs/build/html/functions_vars_b.html index 2228eb02d..af0357924 100644 --- a/docs/build/html/functions_vars_b.html +++ b/docs/build/html/functions_vars_b.html @@ -124,8 +124,8 @@ $(function(){initNavTree('functions_vars_b.html',''); initResizable(true); });
            • biases : QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
            • bits_ : _MLX_BFloat16, mlx::core::_MLX_BFloat16, mlx::core::_MLX_Float16
            • bj : mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
            • -
            • blockM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
            • -
            • blockN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
            • +
            • blockM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
            • +
            • blockN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
            • BROWS : mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >
            • Bs_offset : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
            • Btile : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
            • diff --git a/docs/build/html/functions_vars_h.html b/docs/build/html/functions_vars_h.html index ccd8b9789..65e297a23 100644 --- a/docs/build/html/functions_vars_h.html +++ b/docs/build/html/functions_vars_h.html @@ -106,10 +106,10 @@ $(function(){initNavTree('functions_vars_h.html',''); initResizable(true); });

              - h -

              diff --git a/docs/build/html/functions_vars_k.html b/docs/build/html/functions_vars_k.html index cd10c4f98..2e4859046 100644 --- a/docs/build/html/functions_vars_k.html +++ b/docs/build/html/functions_vars_k.html @@ -118,6 +118,7 @@ $(function(){initNavTree('functions_vars_k.html',''); initResizable(true); });
            • kFragRows : mlx::steel::BaseMMAFrag< T, 8, 8 >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
            • kFragSize : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
            • kL : mlx::steel::AttnParams
            • +
            • kL_rem : mlx::steel::AttnParams
            • kNumFrags : mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
            • kRows : mlx::steel::CShape< R, C >, mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
            • kRowsPerThread : mlx::steel::MMATile< T, kTileRows_, kTileCols_, MMAFrag_ >
            • diff --git a/docs/build/html/functions_vars_m.html b/docs/build/html/functions_vars_m.html index 05e98c931..1a48a20d2 100644 --- a/docs/build/html/functions_vars_m.html +++ b/docs/build/html/functions_vars_m.html @@ -106,6 +106,7 @@ $(function(){initNavTree('functions_vars_m.html',''); initResizable(true); });

              - m -

              diff --git a/docs/build/html/functions_vars_s.html b/docs/build/html/functions_vars_s.html index 4d1660278..2325fbf5e 100644 --- a/docs/build/html/functions_vars_s.html +++ b/docs/build/html/functions_vars_s.html @@ -121,7 +121,6 @@ $(function(){initNavTree('functions_vars_s.html',''); initResizable(true); });
            • start_row : mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >
            • stop : mlx::core::scheduler::StreamThread
            • str : MLXConvParams< NDIM >, pocketfft::detail::arr_info
            • -
            • stream : mlx::core::scheduler::StreamThread
            • strided_device_idx : ReadWriter< in_T, out_T, step, four_step_real >
            • strided_shared_idx : ReadWriter< in_T, out_T, step, four_step_real >
            • strides : Indices< IdxT, NIDX >, mlx::core::fast::CustomKernelShapeInfo, mlx::core::ReductionPlan
            • diff --git a/docs/build/html/functions_vars_t.html b/docs/build/html/functions_vars_t.html index 4f743cfd1..4bd70b968 100644 --- a/docs/build/html/functions_vars_t.html +++ b/docs/build/html/functions_vars_t.html @@ -107,7 +107,7 @@ $(function(){initNavTree('functions_vars_t.html',''); initResizable(true); });

              - t -

              • TCOLS : mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >
              • temporaries : mlx::core::metal::DeviceStream
              • -
              • tgp_mem_size : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
              • +
              • tgp_mem_size : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
              • tgp_mem_size_a : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
              • tgp_mem_size_b : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
              • tgp_padding_a : mlx::steel::GEMMKernel< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, MN_aligned, K_aligned, AccumType, Epilogue >
              • @@ -116,8 +116,8 @@ $(function(){initNavTree('functions_vars_t.html',''); initResizable(true); });
              • thread : mlx::core::scheduler::StreamThread
              • thread_idx : mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >, mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
              • threads_per_tg : ReadWriter< in_T, out_T, step, four_step_real >
              • -
              • threadsM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
              • -
              • threadsN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >
              • +
              • threadsM : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
              • +
              • threadsN : GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >
              • tile_stride : mlx::steel::BlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, alignment, n_reads, TCOLS, TROWS >, mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >, QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >
              • tile_stride_a : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
              • tile_stride_b : mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >
              • diff --git a/docs/build/html/functions_w.html b/docs/build/html/functions_w.html index ad37579f8..c2289adc8 100644 --- a/docs/build/html/functions_w.html +++ b/docs/build/html/functions_w.html @@ -105,10 +105,9 @@ $(function(){initNavTree('functions_w.html',''); initResizable(true); });
                Here is a list of all class members with links to the classes they belong to:

                - w -

                +

                - d -

                + +

                - f -

                • float16 : mlx::core
                • float32 : mlx::core
                • diff --git a/docs/build/html/namespacemlx_1_1core.html b/docs/build/html/namespacemlx_1_1core.html index 2adb6a6b5..07be5fe53 100644 --- a/docs/build/html/namespacemlx_1_1core.html +++ b/docs/build/html/namespacemlx_1_1core.html @@ -117,6 +117,8 @@ $(function(){initNavTree('namespacemlx_1_1core.html',''); initResizable(true); } Namespaces namespace  allocator   +namespace  cpu +  namespace  detail   namespace  distributed @@ -503,8 +505,8 @@ Enumerations Functions BinaryOpType get_binary_op_type (const array &a, const array &b)   -void set_binary_op_output_data (const array &a, const array &b, array &out, BinaryOpType bopt, bool donate_with_move=false) -  +void set_binary_op_output_data (const array &a, const array &b, array &out, BinaryOpType bopt) +  bool is_static_cast (const Primitive &p)   std::string build_lib_name (const std::vector< array > &inputs, const std::vector< array > &outputs, const std::vector< array > &tape, const std::unordered_set< uintptr_t > &constant_ids) @@ -526,14 +528,14 @@ Functions   bool compiled_check_contiguity (const std::vector< array > &inputs, const Shape &shape)   -void compiled_allocate_outputs (const std::vector< array > &inputs, std::vector< array > &outputs, const std::vector< array > &inputs_, const std::unordered_set< uintptr_t > &constant_ids_, bool contiguous, bool move_buffers=false) -  +void compiled_allocate_outputs (const std::vector< array > &inputs, std::vector< array > &outputs, const std::vector< array > &inputs_, const std::unordered_set< uintptr_t > &constant_ids_, bool contiguous) +  +bool set_copy_output_data (const array &in, array &out, CopyType ctype) +  const std::map< int, std::string_view > hadamard_matrices ()   std::pair< int, int > decompose_hadamard (int n)   -void load (array &out, size_t offset, const std::shared_ptr< io::Reader > &reader, bool swap_endianess) -  ReductionPlan get_reduction_plan (const array &x, const std::vector< int > &axes)   std::pair< Shape, Stridesshapes_without_reduction_axes (const array &x, const std::vector< int > &axes) @@ -544,8 +546,8 @@ Functions   TernaryOpType get_ternary_op_type (const array &a, const array &b, const array &c)   -void set_ternary_op_output_data (const array &a, const array &b, const array &c, array &out, TernaryOpType topt, bool donate_with_move=false) -  +void set_ternary_op_output_data (const array &a, const array &b, const array &c, array &out, TernaryOpType topt) +  int64_t elem_to_loc (int elem, const Shape &shape, const Strides &strides)   int64_t elem_to_loc (int elem, const array &a) @@ -567,68 +569,71 @@ Functions   bool is_donatable (const array &in, const array &out)   -void move_or_copy (const array &in, array &out) -  -void move_or_copy (const array &in, array &out, const Strides &strides, array::Flags flags, size_t data_size, size_t offset=0) -  std::pair< bool, Stridesprepare_reshape (const array &in, const array &out)   void shared_buffer_reshape (const array &in, const Strides &out_strides, array &out)   -void arange (const std::vector< array > &inputs, array &out, double start, double step) -  -template<typename T, typename U, typename Op, int D, bool Strided> -void binary_op_dims (const T *a, const T *b, U *out, Op op, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis) -  -template<typename T, typename U, bool Strided, typename Op> -void binary_op_dispatch_dims (const array &a, const array &b, array &out, Op op, int dim, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides) -  -template<typename T, typename U, typename Op> -void binary_op (const array &a, const array &b, array &out, Op op) -  -template<typename T, typename Op> -void binary_op (const array &a, const array &b, array &out, Op op) -  -template<typename Op> -void binary (const array &a, const array &b, array &out, Op op) -  -void copy (const array &src, array &dst, CopyType ctype) -  -void copy_inplace (const array &src, array &dst, CopyType ctype) -  -void copy_inplace (const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype) -  -template<typename T> -void matmul (const array &a, const array &b, array &out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, float alpha, float beta) -  +template<typename T, typename U, typename Op, int D, bool Strided> +void binary_op_dims (const T *a, const T *b, U *out, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides, int axis) +  +template<typename T, typename U, bool Strided, typename Op> +void binary_op_dispatch_dims (const T *a, const T *b, U *out, int dim, int size, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &out_strides) +  +template<typename T, typename U, typename Op> +void binary_op (const array &a, const array &b, array &out, BinaryOpType bopt) +  +template<typename T, typename Op> +void binary_op (const array &a, const array &b, array &out, BinaryOpType bopt) +  +void copy (const array &src, array &dst, CopyType ctype, Stream stream) +  +void copy_inplace (const array &src, array &dst, CopyType ctype, Stream stream) +  +void copy_inplace (const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, Stream stream, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt) +  +template<typename T> +void matmul (const T *a, const T *b, T *out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, size_t ldc, float alpha, float beta, size_t batch_size, const Shape &a_shape, const Strides &a_strides, const Shape &b_shape, const Strides &b_strides) +  void shared_buffer_slice (const array &in, const Strides &out_strides, size_t data_offset, size_t data_size, array &out)   template<typename T1, typename T2, typename T3, typename U, typename Op, int D> void ternary_op_dims (const T1 *a, const T2 *b, const T3 *c, U *out, Op op, const Shape &shape, const Strides &a_strides, const Strides &b_strides, const Strides &c_strides, const Strides &out_strides, int axis)   -template<typename T1, typename T2, typename T3, typename U, typename Op> -void ternary_op_dispatch_dims (const array &a, const array &b, const array &c, array &out, Op op) -  -template<typename T1, typename T2, typename T3, typename U, typename Op> -void ternary_op (const array &a, const array &b, const array &c, array &out, Op op) -  +template<typename T1, typename T2, typename T3, typename U, typename Op> +void ternary_op_dispatch_dims (const T1 *a_ptr, const T2 *b_ptr, const T3 *c_ptr, U *out_ptr, Op op, size_t size, Shape &shape, std::vector< Strides > &strides) +  +template<typename T1, typename T2, typename T3, typename U, typename Op> +void ternary_op (const array &a, const array &b, const array &c, array &out, Op op, TernaryOpType topt) +  void set_unary_output_data (const array &in, array &out)   -template<typename T, typename U = T, typename Op> -void unary_op (const T *a, U *out, Op op, size_t shape, size_t stride) -  -template<typename T, typename U = T, typename Op> -void unary_op (const array &a, array &out, Op op) -  -template<typename Op> -void unary (const array &a, array &out, Op op) -  -template<typename Op> -void unary_fp (const array &a, array &out, Op op) -  -template<typename Op> -void unary_int (const array &a, array &out, Op op) -  +template<typename T, typename U = T, typename Op> +void unary_op (const T *a, U *out, size_t shape, size_t stride) +  +template<typename T, typename U = T, typename Op> +void unary_op (const array &a, array &out, Op) +  +template<typename Op> +void unary (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void unary_real_fp (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void unary_fp (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void unary_signed (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void unary_complex (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void unary_complex_to_float (const array &a, array &out, Op op, Stream stream) +  +template<typename Op> +void unary_int (const array &a, array &out, Op op, Stream stream) +  void binary_op_gpu (const std::vector< array > &inputs, std::vector< array > &outputs, const std::string &op, const Stream &s)   void binary_op_gpu (const std::vector< array > &inputs, array &out, const std::string &op, const Stream &s) @@ -649,10 +654,6 @@ Functions   void fill_gpu (const array &val, array &out, const Stream &s)   -void encode_wait (Event e) -  -void encode_signal (Event e) -  MTL::ComputePipelineState * get_arange_kernel (metal::Device &d, const std::string &kernel_name, const array &out)   MTL::ComputePipelineState * get_unary_kernel (metal::Device &d, const std::string &kernel_name, Dtype in_type, Dtype out_type, const std::string op) @@ -748,9 +749,6 @@ Functions template<typename T, typename... Args> void concatenate (std::string &acc, T first, Args... args)   -array unsafe_weak_copy (const array &x) - Get a new array that refers to the same data but has a non-owning pointer to them.
                  -  std::function< std::vector< array >(const std::vector< array > &)> compile (std::function< std::vector< array >(const std::vector< array > &)> fun, bool shapeless=false)  Compile takes a function and returns a compiled function.
                    @@ -2510,6 +2508,8 @@ Functions   Stream to_stream (StreamOrDevice s)   +Stream to_stream (StreamOrDevice s, Device default_) +  PrintFormatterget_global_formatter ()   void abort_with_exception (const std::exception &error) @@ -3039,37 +3039,6 @@ template<typename... T>
                  -
                  - - -

                  ◆ arange()

                  - -
                  -
                  - - - - - - - - - - - - - - - - - - - - - -
                  void mlx::core::arange (const std::vector< array > & inputs,
                  array & out,
                  double start,
                  double step )
                  -
                  -
                  @@ -3108,41 +3077,8 @@ template<typename... Arrays, typename = enable_for_arrays_t<Arrays...>& - -

                  ◆ binary()

                  - -
                  -
                  -
                  -template<typename Op>
                  - - - - - - - - - - - - - - - - - - - - - -
                  void mlx::core::binary (const array & a,
                  const array & b,
                  array & out,
                  Op op )
                  -
                  - -
                  -
                  - -

                  ◆ binary_op() [1/2]

                  + +

                  ◆ binary_op() [1/2]

                  @@ -3167,15 +3103,15 @@ template<typename T, typename U, typename Op>
                  - Op op ) + BinaryOpType bopt )
                  - -

                  ◆ binary_op() [2/2]

                  + +

                  ◆ binary_op() [2/2]

                  @@ -3200,15 +3136,15 @@ template<typename T, typename Op>
                  - Op op ) + BinaryOpType bopt )
                  - -

                  ◆ binary_op_dims()

                  + +

                  ◆ binary_op_dims()

                  @@ -3230,11 +3166,6 @@ template<typename T, typename U, typename Op, int D, bool Strided>
                  U * out, - - - - Op op, - @@ -3265,8 +3196,8 @@ template<typename T, typename U, typename Op, int D, bool Strided>
                  - -

                  ◆ binary_op_dispatch_dims()

                  + +

                  ◆ binary_op_dispatch_dims()

                  @@ -3276,28 +3207,28 @@ template<typename T, typename U, bool Strided, typename Op>
                  void mlx::core::binary_op_dispatch_dims ( - const array & a, + const T * a, - const array & b, + const T * b, - array & out, - - - - - Op op, + U * out, int dim, + + + + int size, + @@ -3744,8 +3675,8 @@ template<typename F>
                  - -

                  ◆ compiled_allocate_outputs()

                  + +

                  ◆ compiled_allocate_outputs()

                  @@ -3773,12 +3704,7 @@ template<typename F>
                  - bool contiguous, - - - - - bool move_buffers = false ) + bool contiguous )
                  @@ -3888,8 +3814,8 @@ template<typename T, typename... Args>
                  - -

                  ◆ copy()

                  + +

                  ◆ copy()

                  @@ -3907,7 +3833,12 @@ template<typename T, typename... Args>
                  - CopyType ctype ) + CopyType ctype, + + + + + Stream stream )
                  @@ -4109,8 +4040,8 @@ template<typename T, typename... Args>
                  - -

                  ◆ copy_inplace() [1/2]

                  + +

                  ◆ copy_inplace() [1/2]

                  @@ -4153,15 +4084,30 @@ template<typename T, typename... Args>
                  - CopyType ctype ) + CopyType ctype, + + + + + Stream stream, + + + + + const std::optional< array > & dynamic_i_offset = std::nullopt, + + + + + const std::optional< array > & dynamic_o_offset = std::nullopt )
                  - -

                  ◆ copy_inplace() [2/2]

                  + +

                  ◆ copy_inplace() [2/2]

                  @@ -4179,7 +4125,12 @@ template<typename T, typename... Args>
                  - CopyType ctype ) + CopyType ctype, + + + + + Stream stream )
                  @@ -4526,40 +4477,6 @@ template<typename T, typename... Args>

                  Globally enable compilation.

                  This will override the environment variable MLX_DISABLE_COMPILE.

                  - - - -

                  ◆ encode_signal()

                  - -
                  -
                  - - - - - - - -
                  void mlx::core::encode_signal (Event e)
                  -
                  - -
                  -
                  - -

                  ◆ encode_wait()

                  - -
                  -
                  - - - - - - - -
                  void mlx::core::encode_wait (Event e)
                  -
                  -
                  @@ -6616,41 +6533,10 @@ template<typename... Args>
                  -
                  - - -

                  ◆ load() [1/3]

                  - -
                  -
                  - - - - - - - - - - - - - - - - - - - - - -
                  void mlx::core::load (array & out,
                  size_t offset,
                  const std::shared_ptr< io::Reader > & reader,
                  bool swap_endianess )
                  -
                  -
                  -

                  ◆ load() [2/3]

                  +

                  ◆ load() [1/2]

                  @@ -6673,7 +6559,7 @@ template<typename... Args>
                  -

                  ◆ load() [3/3]

                  +

                  ◆ load() [2/2]

                  @@ -6812,8 +6698,8 @@ template<typename... Args>
                  - -

                  ◆ matmul()

                  + +

                  ◆ matmul()

                  @@ -6823,17 +6709,17 @@ template<typename T>
                  void mlx::core::matmul ( - const array & a, + const T * a, - const array & b, + const T * b, - array & out, + T * out, @@ -6855,6 +6741,11 @@ template<typename T>
                  size_t ldb, + + + + size_t ldc, + @@ -6863,69 +6754,32 @@ template<typename T> - float beta ) - - -
                  - -
                  - - -

                  ◆ move_or_copy() [1/2]

                  - -
                  -
                  - - - - - + - - -
                  void mlx::core::move_or_copy (const array & in, float beta,
                  array & out )
                  -
                  - -
                  -
                  - -

                  ◆ move_or_copy() [2/2]

                  - -
                  -
                  - - - - - + - + - + - + - - - - - - +
                  void mlx::core::move_or_copy (const array & in, size_t batch_size,
                  array & out, const Shape & a_shape,
                  const Strides & strides, const Strides & a_strides,
                  array::Flags flags, const Shape & b_shape,
                  size_t data_size,
                  size_t offset = 0 )const Strides & b_strides )
                  @@ -18257,8 +18111,8 @@ template<typename T>
                  - -

                  ◆ set_binary_op_output_data()

                  + +

                  ◆ set_binary_op_output_data()

                  @@ -18284,12 +18138,7 @@ template<typename T>
                  - BinaryOpType bopt, - - - - - bool donate_with_move = false ) + BinaryOpType bopt ) @@ -18318,6 +18167,40 @@ template<typename T>

                  Set the compiler mode to the given value.

                  + + + +

                  ◆ set_copy_output_data()

                  + +
                  +
                  + + + + + +
                  + + + + + + + + + + + + + + + + +
                  bool mlx::core::set_copy_output_data (const array & in,
                  array & out,
                  CopyType ctype )
                  +
                  +inline
                  +
                  +
                  @@ -18356,8 +18239,8 @@ template<typename T> - -

                  ◆ set_ternary_op_output_data()

                  + +

                  ◆ set_ternary_op_output_data()

                  @@ -18388,12 +18271,7 @@ template<typename T>
                  - TernaryOpType topt, - - - - - bool donate_with_move = false ) + TernaryOpType topt ) @@ -18893,8 +18771,8 @@ template<typename T>
                  - -

                  ◆ ternary_op()

                  + +

                  ◆ ternary_op()

                  @@ -18924,7 +18802,12 @@ template<typename T1, typename T2, typename T3, typename U, typename Op> < - Op op ) + Op op, + + + + + TernaryOpType topt )
                  @@ -18999,8 +18882,8 @@ template<typename T1, typename T2, typename T3, typename U, typename Op, int
                  - -

                  ◆ ternary_op_dispatch_dims()

                  + +

                  ◆ ternary_op_dispatch_dims()

                  @@ -19010,27 +18893,42 @@ template<typename T1, typename T2, typename T3, typename U, typename Op> < void mlx::core::ternary_op_dispatch_dims ( - const array & a, + const T1 * a_ptr, - const array & b, + const T2 * b_ptr, - const array & c, + const T3 * c_ptr, - array & out, + U * out_ptr, - Op op ) + Op op, + + + + + size_t size, + + + + + Shape & shape, + + + + + std::vector< Strides > & strides )
                  @@ -19100,7 +18998,7 @@ template<typename T1, typename T2, typename T3, typename U, typename Op> <
                  -

                  ◆ to_stream()

                  +

                  ◆ to_stream() [1/2]

                  @@ -19114,6 +19012,27 @@ template<typename T1, typename T2, typename T3, typename U, typename Op> <
                  +
                  +
                  + +

                  ◆ to_stream() [2/2]

                  + +
                  +
                  + + + + + + + + + + + +
                  Stream mlx::core::to_stream (StreamOrDevice s,
                  Device default_ )
                  +
                  +
                  @@ -19150,8 +19069,8 @@ template<typename T1, typename T2, typename T3, typename U, typename Op> < - -

                  ◆ unary()

                  + +

                  ◆ unary()

                  @@ -19171,15 +19090,86 @@ template<typename Op>
                  - Op op ) + Op op, + + + + + Stream stream )
                  - -

                  ◆ unary_fp()

                  + +

                  ◆ unary_complex()

                  + +
                  +
                  +
                  +template<typename Op>
                  + + + + + + + + + + + + + + + + + + + + + +
                  void mlx::core::unary_complex (const array & a,
                  array & out,
                  Op op,
                  Stream stream )
                  +
                  + +
                  +
                  + +

                  ◆ unary_complex_to_float()

                  + +
                  +
                  +
                  +template<typename Op>
                  + + + + + + + + + + + + + + + + + + + + + +
                  void mlx::core::unary_complex_to_float (const array & a,
                  array & out,
                  Op op,
                  Stream stream )
                  +
                  + +
                  +
                  + +

                  ◆ unary_fp()

                  @@ -19199,15 +19189,20 @@ template<typename Op>
                  - Op op ) + Op op, + + + + + Stream stream )
                  - -

                  ◆ unary_int()

                  + +

                  ◆ unary_int()

                  @@ -19227,15 +19222,20 @@ template<typename Op>
                  - Op op ) + Op op, + + + + + Stream stream )
                  - -

                  ◆ unary_op() [1/2]

                  + +

                  ◆ unary_op() [1/2]

                  @@ -19255,15 +19255,15 @@ template<typename T, typename U = T, typename Op>
                  - Op op ) + Op  )
                  - -

                  ◆ unary_op() [2/2]

                  + +

                  ◆ unary_op() [2/2]

                  @@ -19280,11 +19280,6 @@ template<typename T, typename U = T, typename Op>
                  U * out, - - - - Op op, - @@ -19362,30 +19357,69 @@ template<typename T, typename U = T, typename Op>
                  - -

                  ◆ unsafe_weak_copy()

                  + +

                  ◆ unary_real_fp()

                  - - - - - -
                  +
                  +template<typename Op>
                  - + - + + + + + + + + + + + + + + +
                  array mlx::core::unsafe_weak_copy void mlx::core::unary_real_fp (const array & x)const array & a,
                  array & out,
                  Op op,
                  Stream stream )
                  -
                  -inline
                  -

                  Get a new array that refers to the same data but has a non-owning pointer to them.

                  +
                  +
                  + +

                  ◆ unary_signed()

                  + +
                  +
                  +
                  +template<typename Op>
                  + + + + + + + + + + + + + + + + + + + + + +
                  void mlx::core::unary_signed (const array & a,
                  array & out,
                  Op op,
                  Stream stream )
                  +
                  diff --git a/docs/build/html/namespacemlx_1_1core.js b/docs/build/html/namespacemlx_1_1core.js index 99561d1d4..d56971d4c 100644 --- a/docs/build/html/namespacemlx_1_1core.js +++ b/docs/build/html/namespacemlx_1_1core.js @@ -1,6 +1,7 @@ var namespacemlx_1_1core = [ [ "allocator", "namespacemlx_1_1core_1_1allocator.html", "namespacemlx_1_1core_1_1allocator" ], + [ "cpu", "namespacemlx_1_1core_1_1cpu.html", "namespacemlx_1_1core_1_1cpu" ], [ "detail", "namespacemlx_1_1core_1_1detail.html", "namespacemlx_1_1core_1_1detail" ], [ "distributed", "namespacemlx_1_1core_1_1distributed.html", "namespacemlx_1_1core_1_1distributed" ], [ "env", "namespacemlx_1_1core_1_1env.html", [ @@ -270,7 +271,6 @@ var namespacemlx_1_1core = [ "any", "group__ops.html#gaf240618fc8b06debf5f56e97e84f18ef", null ], [ "any", "group__ops.html#gab1d56277d468a55227f4dad6bc2fc1ce", null ], [ "any", "group__ops.html#gad37df97f253a963bece124198dbaf9ba", null ], - [ "arange", "namespacemlx_1_1core.html#a369aa886219b83cf219e7a7862ce260b", null ], [ "arange", "group__ops.html#ga7ca088b8090b9f84f2e08345cf3f835a", null ], [ "arange", "group__ops.html#ga4c36b841dc5cba391dad029be5a0ad98", null ], [ "arange", "group__ops.html#ga8d7cf9eb15e2daf1469058907e8abc85", null ], @@ -309,11 +309,10 @@ var namespacemlx_1_1core = [ "atleast_2d", "group__ops.html#ga9950299a80c2562f13448758f856d1f5", null ], [ "atleast_3d", "group__ops.html#ga4afd919601e67782ff964465919956a0", null ], [ "atleast_3d", "group__ops.html#gaffdf742ad79440a60dda40062a8074fe", null ], - [ "binary", "namespacemlx_1_1core.html#ae374861abd45cf019c3e6be2026f3798", null ], - [ "binary_op", "namespacemlx_1_1core.html#a9c1c1fdf9a0840a16a4d10a8f74f761d", null ], - [ "binary_op", "namespacemlx_1_1core.html#a2aca3458c56605a74d07ec39876549bc", null ], - [ "binary_op_dims", "namespacemlx_1_1core.html#a7ca09ebf776fe32db580f9038587ec31", null ], - [ "binary_op_dispatch_dims", "namespacemlx_1_1core.html#a66c9ee5018168b9101de52e0122d9755", null ], + [ "binary_op", "namespacemlx_1_1core.html#ae0c47c0bd95bb8c44339159e04c0f604", null ], + [ "binary_op", "namespacemlx_1_1core.html#a5160ef5819f58cf040c9613ecce548f1", null ], + [ "binary_op_dims", "namespacemlx_1_1core.html#aeac6fa9529eedba76b27de9d098de963", null ], + [ "binary_op_dispatch_dims", "namespacemlx_1_1core.html#ad1229ffbba21bdb81f63482a4651bc5a", null ], [ "binary_op_gpu", "namespacemlx_1_1core.html#a094876ea5a2a2445ab64efc8222da202", null ], [ "binary_op_gpu", "namespacemlx_1_1core.html#ad884f4a36308b5b4f8a5d990d2e086df", null ], [ "binary_op_gpu_inplace", "namespacemlx_1_1core.html#a7e6af6624e322e7ad60a3873a66e18a3", null ], @@ -339,7 +338,7 @@ var namespacemlx_1_1core = [ "compile", "namespacemlx_1_1core.html#ace67713d269595f5f2265e46728a6f9c", null ], [ "compile", "namespacemlx_1_1core.html#a55933c6665de9f81059120d6b0de1c87", null ], [ "compile", "namespacemlx_1_1core.html#abf57076f6d2351ba9f1e0cbe478f8afa", null ], - [ "compiled_allocate_outputs", "namespacemlx_1_1core.html#ab8c3c4fc05745f586de922c8266f4fce", null ], + [ "compiled_allocate_outputs", "namespacemlx_1_1core.html#a8ed5ff0d69f6c7d2e092fe811e40d564", null ], [ "compiled_check_contiguity", "namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be", null ], [ "concatenate", "namespacemlx_1_1core.html#a76a2e310857f60f5ea6f1388d45b964d", null ], [ "concatenate", "namespacemlx_1_1core.html#aaf51544472fa87fa974686eacdd2a4a6", null ], @@ -357,14 +356,14 @@ var namespacemlx_1_1core = [ "conv_transpose2d", "group__ops.html#gaebb59971cb9bc45005dc1d398e4f0a3d", null ], [ "conv_transpose3d", "group__ops.html#ga8db814da631d9cd32a8d6563bf4ac530", null ], [ "copy", "group__ops.html#gae306e93af12f774bd80bad6c231b09d6", null ], - [ "copy", "namespacemlx_1_1core.html#a479648542a2bea151b947b18f0e79dd2", null ], + [ "copy", "namespacemlx_1_1core.html#a017bd8bd743e26f1ff971c8749b55daf", null ], [ "copy_gpu", "namespacemlx_1_1core.html#a6a6f4e46c8fc44fdc74c50ace02bcf38", null ], [ "copy_gpu", "namespacemlx_1_1core.html#addaa46a13ac2deb1d9ce621338320e0e", null ], [ "copy_gpu_inplace", "namespacemlx_1_1core.html#a473fb602368f6c73d9105c9a151c4c82", null ], [ "copy_gpu_inplace", "namespacemlx_1_1core.html#a49fc043a981925b9be79e37fc415d966", null ], [ "copy_gpu_inplace", "namespacemlx_1_1core.html#a58ef0842dd1b8f79159d5fb6777d30a1", null ], - [ "copy_inplace", "namespacemlx_1_1core.html#ae85bafda5ab0b4b2289591260cf07685", null ], - [ "copy_inplace", "namespacemlx_1_1core.html#a98495894a796b2cc6d022e7a03432c64", null ], + [ "copy_inplace", "namespacemlx_1_1core.html#a1e4381d42877a5c6050c20e77d13c990", null ], + [ "copy_inplace", "namespacemlx_1_1core.html#ab30708325761c91e7dde245827e9dd91", null ], [ "cos", "group__ops.html#ga39dfdf72b556012aa35ff27a94116e74", null ], [ "cosh", "group__ops.html#ga2181b71cda88007a3092be4795ff0715", null ], [ "cummax", "group__ops.html#gaee37cac8476e8f8d666bcded5bc59143", null ], @@ -391,8 +390,6 @@ var namespacemlx_1_1core = [ "elem_to_loc", "namespacemlx_1_1core.html#ac9c19514210333346f02a4520641847f", null ], [ "elem_to_loc", "namespacemlx_1_1core.html#a59c0af06c5325c04ad8d69563c1c6b0a", null ], [ "enable_compile", "namespacemlx_1_1core.html#a1983a2466bff3bae4d23cf34bd0946c9", null ], - [ "encode_signal", "namespacemlx_1_1core.html#a6d452306f0f046a7d021bd94f8713a89", null ], - [ "encode_wait", "namespacemlx_1_1core.html#a2874ba55b73057b76c23a7429fdd2d6e", null ], [ "equal", "group__ops.html#ga33638dc3a9972dd02be12d0eb85f9bde", null ], [ "erf", "group__ops.html#ga292a335240fd5d6d625fb7a340ff5eb0", null ], [ "erfinv", "group__ops.html#ga76fb9062c64264e34d2e07013390557c", null ], @@ -499,7 +496,6 @@ var namespacemlx_1_1core = [ "less", "group__ops.html#ga9142b8d717699a8abfa2a7398891ff8a", null ], [ "less_equal", "group__ops.html#ga0d49e0c7011d0573c369c13c8f045a09", null ], [ "linspace", "group__ops.html#ga968bcabed902311dcfbd903b0fb886ec", null ], - [ "load", "namespacemlx_1_1core.html#a954de19249da7c1fa39b89bdc47368aa", null ], [ "load", "namespacemlx_1_1core.html#abada9bfa834d7423959362386720f3db", null ], [ "load", "namespacemlx_1_1core.html#ac71a08bf4c052ae3c77e9e89cbea071d", null ], [ "load_gguf", "namespacemlx_1_1core.html#a2aa12b351ce559deb14cda0a5292c2ce", null ], @@ -519,8 +515,8 @@ var namespacemlx_1_1core = [ "logsumexp", "group__ops.html#ga59be50b4e92f1dc20b53460cefa3910d", null ], [ "make_contiguous_strides", "namespacemlx_1_1core.html#a449ef1148816a37bbc7ffd43d3c586a0", null ], [ "make_string", "namespacemlx_1_1core.html#aed148d95e7b5221f1312473deded0d27", null ], - [ "matmul", "namespacemlx_1_1core.html#aaacf0afe13d77a5c49ce96f1e833eb2d", null ], [ "matmul", "group__ops.html#ga753d59f5a9f5f2362865ee83b4dced2a", null ], + [ "matmul", "namespacemlx_1_1core.html#afd07258882634dcda1e6f18f10dc28d5", null ], [ "max", "group__ops.html#ga7fed87d96cc7741d8267f4eac83f5fe7", null ], [ "max", "group__ops.html#ga1ca7b6b91fe2459a7d83897bf013827f", null ], [ "max", "group__ops.html#ga7b638050e03a93f2896c981bc2850a47", null ], @@ -536,8 +532,6 @@ var namespacemlx_1_1core = [ "min", "group__ops.html#ga36fa315eef677f4143868f552cd26d03", null ], [ "min", "group__ops.html#ga0140b91e9cdfc3fef0da8e332f65a9e8", null ], [ "minimum", "group__ops.html#ga49ba00c090f81f331c91b0c97040bce0", null ], - [ "move_or_copy", "namespacemlx_1_1core.html#a830a47d8a317dffb0c88e5a7afe6aee2", null ], - [ "move_or_copy", "namespacemlx_1_1core.html#a9fcb3711b150cb65c7778a35c51284b2", null ], [ "moveaxis", "group__ops.html#ga24067d10a842db2c9d509ea48135a2c3", null ], [ "multiply", "group__ops.html#gaf57392e641640b5d06e4c99518391c38", null ], [ "nan_to_num", "group__ops.html#gab1467c6a9e675152e768afd6dcfb61de", null ], @@ -1027,11 +1021,12 @@ var namespacemlx_1_1core = [ "scatter_min", "group__ops.html#ga0ca16b7579dfc899f3f7fd40245ba7c5", null ], [ "scatter_prod", "group__ops.html#gaf83c53c453faa9083ba27e4b97539339", null ], [ "scatter_prod", "group__ops.html#ga3708b5bcb61e2c63d213c4ce6ad0ffc0", null ], - [ "set_binary_op_output_data", "namespacemlx_1_1core.html#a6a52856325c2eb031d3983eba2108d59", null ], + [ "set_binary_op_output_data", "namespacemlx_1_1core.html#a9f22a9ed98104aaffb929381055b966d", null ], [ "set_compile_mode", "namespacemlx_1_1core.html#a49445a55f976c4397f25ea18e1e92bef", null ], + [ "set_copy_output_data", "namespacemlx_1_1core.html#a3892b68a2e828270caa1c7accf44f038", null ], [ "set_default_device", "namespacemlx_1_1core.html#a312a2de41367fe52caeaf8c0f596a120", null ], [ "set_default_stream", "namespacemlx_1_1core.html#af35a2b06517d8bb7dbb469692b4f841c", null ], - [ "set_ternary_op_output_data", "namespacemlx_1_1core.html#a6f4528d0d338ea5e1f19d345875c26a2", null ], + [ "set_ternary_op_output_data", "namespacemlx_1_1core.html#ae159e1f9193c12eff9a56dfceb1502ef", null ], [ "set_unary_output_data", "namespacemlx_1_1core.html#a4c6a4241bfcdd7bbf30d0e521b79e5a3", null ], [ "shapes_without_reduction_axes", "namespacemlx_1_1core.html#a0bea91a360a984e72d2815353f97ee25", null ], [ "shared_buffer_reshape", "namespacemlx_1_1core.html#a88d88987bd8bf3ca46bf3b5e8aacce9d", null ], @@ -1091,13 +1086,14 @@ var namespacemlx_1_1core = [ "tanh", "group__ops.html#ga5efb19aa0dfa42d8a3d5e1dfd569cd6d", null ], [ "tensordot", "group__ops.html#gaf5c9735f4690327e1500e04e728fae70", null ], [ "tensordot", "group__ops.html#gad7fe00b566f89d607639c1a497cabbc6", null ], - [ "ternary_op", "namespacemlx_1_1core.html#a9dcc3018702ee31c21c8652bdc2182b1", null ], + [ "ternary_op", "namespacemlx_1_1core.html#a48fbbd43d2165ab7f42bac3f228bbda3", null ], [ "ternary_op_dims", "namespacemlx_1_1core.html#a8096c7a688ac3f09cca69a3a85f7f157", null ], - [ "ternary_op_dispatch_dims", "namespacemlx_1_1core.html#ac1c085e305954247d042f5d8803cd85b", null ], + [ "ternary_op_dispatch_dims", "namespacemlx_1_1core.html#a9abcc6efafd9ab5df1293b1793a734d2", null ], [ "ternary_op_gpu", "namespacemlx_1_1core.html#aa63e62b6d3906e4cac871d498515a1cd", null ], [ "ternary_op_gpu_inplace", "namespacemlx_1_1core.html#a37645c0adccb3eb46844115def1a68d7", null ], [ "tile", "group__ops.html#gab105a57b9a4d84496fe1e4d60e13d361", null ], [ "to_stream", "namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9", null ], + [ "to_stream", "namespacemlx_1_1core.html#a999be930e8a5b35eb33d934eefd548e8", null ], [ "topk", "group__ops.html#ga35b8436c79ff953f6c809598b646f498", null ], [ "topk", "group__ops.html#ga5487dd887c43e5341f3e68ffe47f0f5a", null ], [ "trace", "group__ops.html#gabf786129c7660ed8d5acb5499bc6fefd", null ], @@ -1112,15 +1108,18 @@ var namespacemlx_1_1core = [ "triu", "group__ops.html#gaa9df5917876eeb0cb28b7fa81f880412", null ], [ "type_to_name", "namespacemlx_1_1core.html#af1fdfdaa5644394362e6baba30701bae", null ], [ "type_to_name", "namespacemlx_1_1core.html#aef60e3a8d9c987c9c338b193673d2164", null ], - [ "unary", "namespacemlx_1_1core.html#a6c8fdd03ef891d7f47804bf02e9a8507", null ], - [ "unary_fp", "namespacemlx_1_1core.html#a76a2cb4634f5fd6970a8c3b3753d7a4a", null ], - [ "unary_int", "namespacemlx_1_1core.html#a078859db0d66ff77f97af6dc9764e8eb", null ], - [ "unary_op", "namespacemlx_1_1core.html#ae20f207ad1ed3badc17cecf08f118b5e", null ], - [ "unary_op", "namespacemlx_1_1core.html#a27f00519f9756896734fd4d47fec0625", null ], + [ "unary", "namespacemlx_1_1core.html#a0f3ff0f676d28840c210ef6277caa546", null ], + [ "unary_complex", "namespacemlx_1_1core.html#a9af588b2e7f4e5249cd8b7722ad829c0", null ], + [ "unary_complex_to_float", "namespacemlx_1_1core.html#a0640d1f5bcd9a4f5cdaea9f197a53515", null ], + [ "unary_fp", "namespacemlx_1_1core.html#a6c1b92aea938457e44f93a7955d22823", null ], + [ "unary_int", "namespacemlx_1_1core.html#a50536365b8bcfec55e7d023ae9a6395c", null ], + [ "unary_op", "namespacemlx_1_1core.html#ab9812785763451ceb86486032d614048", null ], + [ "unary_op", "namespacemlx_1_1core.html#aa6b3dfc27a21d26b3fda96022aa60e32", null ], [ "unary_op_gpu", "namespacemlx_1_1core.html#aba2b4accc059f30d4dca88db9f7a6e13", null ], [ "unary_op_gpu_inplace", "namespacemlx_1_1core.html#a668fde2bd280a88f63a68b68a343d375", null ], + [ "unary_real_fp", "namespacemlx_1_1core.html#a940f998c7469d14f5234f78dcaecd48b", null ], + [ "unary_signed", "namespacemlx_1_1core.html#aed2b5550f8424094ef10bdadfe92ec0f", null ], [ "unflatten", "group__ops.html#ga666bcc2187a144247e8c0c224b016625", null ], - [ "unsafe_weak_copy", "namespacemlx_1_1core.html#a357f4172305d2021bde8cf07d99adb7d", null ], [ "value_and_grad", "namespacemlx_1_1core.html#a5a64dc878b29403d27e50bd7a288cc04", null ], [ "value_and_grad", "namespacemlx_1_1core.html#a7620f1ae298127cb6181db9162f012a7", null ], [ "value_and_grad", "namespacemlx_1_1core.html#a2f69ffc30d66b1fca8f24b65be161a51", null ], diff --git a/docs/build/html/namespacemlx_1_1core_1_1cpu.html b/docs/build/html/namespacemlx_1_1core_1_1cpu.html new file mode 100644 index 000000000..bf6269309 --- /dev/null +++ b/docs/build/html/namespacemlx_1_1core_1_1cpu.html @@ -0,0 +1,198 @@ + + + + + + + +MLX: mlx::core::cpu Namespace Reference + + + + + + + + + + + + + + + + +
                  +
                  + + + + + + + +
                  +
                  MLX +
                  +
                  + +   + + + + +
                  +
                  +
                  + + + + +
                  +
                  + +
                  +
                  +
                  + +
                  + +
                  +
                  + + +
                  +
                  +
                  +
                  +
                  +
                  Loading...
                  +
                  Searching...
                  +
                  No Matches
                  +
                  +
                  +
                  +
                  + +
                  + +
                  mlx::core::cpu Namespace Reference
                  +
                  +
                  + + + + +

                  +Classes

                  struct  CommandEncoder
                   
                  + + + + + +

                  +Functions

                  CommandEncoderget_command_encoder (Stream stream)
                   
                  void eval (array &arr)
                   
                  + + + +

                  +Variables

                  constexpr int DISPATCHES_PER_TASK = 10
                   
                  +

                  Function Documentation

                  + +

                  ◆ eval()

                  + +
                  +
                  + + + + + + + +
                  void mlx::core::cpu::eval (array & arr)
                  +
                  + +
                  +
                  + +

                  ◆ get_command_encoder()

                  + +
                  +
                  + + + + + + + +
                  CommandEncoder & mlx::core::cpu::get_command_encoder (Stream stream)
                  +
                  + +
                  +
                  +

                  Variable Documentation

                  + +

                  ◆ DISPATCHES_PER_TASK

                  + +
                  +
                  + + + + + +
                  + + + + +
                  int mlx::core::cpu::DISPATCHES_PER_TASK = 10
                  +
                  +constexpr
                  +
                  + +
                  +
                  +
                  +
                  + + + + diff --git a/docs/build/html/namespacemlx_1_1core_1_1cpu.js b/docs/build/html/namespacemlx_1_1core_1_1cpu.js new file mode 100644 index 000000000..f27119d6d --- /dev/null +++ b/docs/build/html/namespacemlx_1_1core_1_1cpu.js @@ -0,0 +1,7 @@ +var namespacemlx_1_1core_1_1cpu = +[ + [ "CommandEncoder", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html", "structmlx_1_1core_1_1cpu_1_1_command_encoder" ], + [ "eval", "namespacemlx_1_1core_1_1cpu.html#a3f721e92f604a57ed204a13d1ba9cad5", null ], + [ "get_command_encoder", "namespacemlx_1_1core_1_1cpu.html#a65b1789c4b339a108e64fda5f102d933", null ], + [ "DISPATCHES_PER_TASK", "namespacemlx_1_1core_1_1cpu.html#a1fc5871c94ccee8536c6d43f8f6d5557", null ] +]; \ No newline at end of file diff --git a/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.html b/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.html index 4d2c98373..0f445c641 100644 --- a/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.html +++ b/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.html @@ -117,22 +117,20 @@ Classes - - - - - - - - - - - - + + + + + + + + + +

                  Functions

                  Stream communication_stream ()
                   
                  void all_sum (Group group, const array &input, array &output)
                   
                  void all_gather (Group group, const array &input, array &output)
                   
                  void send (Group group, const array &input, int dst)
                   Send an array to the dst rank.
                   
                  void recv (Group group, array &out, int src)
                   Recv an array from the src rank.
                   
                  void all_sum (Group group, const array &input, array &output, Stream stream)
                   
                  void all_gather (Group group, const array &input, array &output, Stream stream)
                   
                  void send (Group group, const array &input, int dst, Stream stream)
                   Send an array to the dst rank.
                   
                  void recv (Group group, array &out, int src, Stream stream)
                   Recv an array from the src rank.
                   

                  Function Documentation

                  - -

                  ◆ all_gather()

                  + +

                  ◆ all_gather()

                  @@ -150,15 +148,20 @@ Functions - array & output ) + array & output, + + + + + Stream stream )
                  - -

                  ◆ all_sum()

                  + +

                  ◆ all_sum()

                  @@ -176,32 +179,20 @@ Functions - array & output ) + array & output, - -
                  - -
                  -
                  - -

                  ◆ communication_stream()

                  - -
                  -
                  - - - - + +
                  Stream mlx::core::distributed::detail::communication_stream () Stream stream )
                  - -

                  ◆ recv()

                  + +

                  ◆ recv()

                  @@ -219,7 +210,12 @@ Functions - int src ) + int src, + + + + + Stream stream )
                  @@ -228,8 +224,8 @@ Functions
                  - -

                  ◆ send()

                  + +

                  ◆ send()

                  @@ -247,7 +243,12 @@ Functions - int dst ) + int dst, + + + + + Stream stream )
                  diff --git a/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.js b/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.js index 41ba22508..69267e584 100644 --- a/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.js +++ b/docs/build/html/namespacemlx_1_1core_1_1distributed_1_1detail.js @@ -1,9 +1,8 @@ var namespacemlx_1_1core_1_1distributed_1_1detail = [ [ "GroupImpl", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html", "classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl" ], - [ "all_gather", "namespacemlx_1_1core_1_1distributed_1_1detail.html#aeb5a1726358213bc75756506f7b54d04", null ], - [ "all_sum", "namespacemlx_1_1core_1_1distributed_1_1detail.html#aa1d225b25f7b6426c48c5e35860ee960", null ], - [ "communication_stream", "namespacemlx_1_1core_1_1distributed_1_1detail.html#ac3612edf0e0e18c1e4ba0ce7c6e35cd6", null ], - [ "recv", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a003de04deb00ecbb19179b3f557df548", null ], - [ "send", "namespacemlx_1_1core_1_1distributed_1_1detail.html#abf33511660ac71df5fc92f2aad6c6e08", null ] + [ "all_gather", "namespacemlx_1_1core_1_1distributed_1_1detail.html#ab3dc0367476257f13fe15d4db946edf5", null ], + [ "all_sum", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a042be875217168ccfc267fba19a627cb", null ], + [ "recv", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a79bb934225482f2104e8ff270b0530c3", null ], + [ "send", "namespacemlx_1_1core_1_1distributed_1_1detail.html#a23c5cf992d4f2b2ce9dfa51593a4876d", null ] ]; \ No newline at end of file diff --git a/docs/build/html/namespacemlx_1_1core_1_1fast.html b/docs/build/html/namespacemlx_1_1core_1_1fast.html index 19cb6d793..7fefae258 100644 --- a/docs/build/html/namespacemlx_1_1core_1_1fast.html +++ b/docs/build/html/namespacemlx_1_1core_1_1fast.html @@ -150,9 +150,9 @@ Functions   array rope (const array &x, int dims, bool traditional, std::optional< float > base, float scale, const array &offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})   -array scaled_dot_product_attention (const array &queries, const array &keys, const array &values, const float scale, const std::optional< array > &mask=std::nullopt, const std::optional< int > memory_efficient_threshold=std::nullopt, StreamOrDevice s={}) - Computes: O = softmax(Q @ K.T) @ V.
                  -  +array scaled_dot_product_attention (const array &queries, const array &keys, const array &values, const float scale, const std::variant< std::monostate, std::string, array > &mask={}, const std::optional< int > memory_efficient_threshold=std::nullopt, StreamOrDevice s={}) + Computes: O = softmax(Q @ K.T) @ V.
                  +  std::tuple< array, array, arrayaffine_quantize (const array &w, int group_size=64, int bits=4, StreamOrDevice s={})   array affine_dequantize (const array &w, const array &scales, const array &biases, int group_size=64, int bits=4, StreamOrDevice s={}) @@ -477,8 +477,8 @@ Functions
                  - -

                  ◆ scaled_dot_product_attention()

                  + +

                  ◆ scaled_dot_product_attention()

                  @@ -506,7 +506,7 @@ Functions - const std::optional< array > & mask = std::nullopt, + const std::variant< std::monostate, std::string, array > & mask = {}, diff --git a/docs/build/html/namespacemlx_1_1core_1_1fast.js b/docs/build/html/namespacemlx_1_1core_1_1fast.js index ee949be0e..e6382673f 100644 --- a/docs/build/html/namespacemlx_1_1core_1_1fast.js +++ b/docs/build/html/namespacemlx_1_1core_1_1fast.js @@ -19,5 +19,5 @@ var namespacemlx_1_1core_1_1fast = [ "rms_norm", "namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01", null ], [ "rope", "namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39", null ], [ "rope", "namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab", null ], - [ "scaled_dot_product_attention", "namespacemlx_1_1core_1_1fast.html#a3663b50265b0a9c0cca2b5376852e059", null ] + [ "scaled_dot_product_attention", "namespacemlx_1_1core_1_1fast.html#a4207ab2eb838335c0074f6bbb6b4cfc5", null ] ]; \ No newline at end of file diff --git a/docs/build/html/namespacemlx_1_1core_1_1metal.html b/docs/build/html/namespacemlx_1_1core_1_1metal.html index 82e859ea8..c413c6be7 100644 --- a/docs/build/html/namespacemlx_1_1core_1_1metal.html +++ b/docs/build/html/namespacemlx_1_1core_1_1metal.html @@ -230,10 +230,12 @@ Functions   std::unique_ptr< void, std::function< void(void *)> > new_scoped_memory_pool ()   -std::function< void()> make_task (array arr, bool signal) -  -std::function< void()> make_synchronize_task (Stream s, std::shared_ptr< std::promise< void > > p) -  +void eval (array &arr) +  +void finalize (Stream s) +  +void synchronize (Stream s) + 

                  Typedef Documentation

                  @@ -423,6 +425,23 @@ Functions

                  Get information about the GPU and system settings.

                  +
                  +
                  + +

                  ◆ eval()

                  + +
                  +
                  + + + + + + + +
                  void mlx::core::metal::eval (array & arr)
                  +
                  +
                  @@ -440,6 +459,23 @@ Functions
                  +
                  + + +

                  ◆ finalize()

                  + +
                  +
                  + + + + + + + +
                  void mlx::core::metal::finalize (Stream s)
                  +
                  +
                  @@ -618,48 +654,6 @@ Functions
                  -
                  - - -

                  ◆ make_synchronize_task()

                  - -
                  -
                  - - - - - - - - - - - -
                  std::function< void()> mlx::core::metal::make_synchronize_task (Stream s,
                  std::shared_ptr< std::promise< void > > p )
                  -
                  - -
                  -
                  - -

                  ◆ make_task()

                  - -
                  -
                  - - - - - - - - - - - -
                  std::function< void()> mlx::core::metal::make_task (array arr,
                  bool signal )
                  -
                  -
                  @@ -1023,6 +1017,23 @@ Functions
                  +
                  + + +

                  ◆ synchronize()

                  + +
                  +
                  + + + + + + + +
                  void mlx::core::metal::synchronize (Stream s)
                  +
                  +
                  diff --git a/docs/build/html/namespacemlx_1_1core_1_1metal.js b/docs/build/html/namespacemlx_1_1core_1_1metal.js index d9c3718c7..24a681ded 100644 --- a/docs/build/html/namespacemlx_1_1core_1_1metal.js +++ b/docs/build/html/namespacemlx_1_1core_1_1metal.js @@ -18,7 +18,9 @@ var namespacemlx_1_1core_1_1metal = [ "copy", "namespacemlx_1_1core_1_1metal.html#aa215e631e2680f04a591b88d91571719", null ], [ "device", "namespacemlx_1_1core_1_1metal.html#a910797b74824e6ee576fbb533dee8b57", null ], [ "device_info", "namespacemlx_1_1core_1_1metal.html#aebddc0ae4bc73a1acebc4a844475593b", null ], + [ "eval", "namespacemlx_1_1core_1_1metal.html#a87f378c14345e475d7e5701a987b66cd", null ], [ "fft", "namespacemlx_1_1core_1_1metal.html#a39f43360d9e916fcf7e86c919b419554", null ], + [ "finalize", "namespacemlx_1_1core_1_1metal.html#a5bfb8d4e6a7d1e51010d81ce008c3232", null ], [ "gather", "namespacemlx_1_1core_1_1metal.html#a545de371fefba1feec2e70b7e9f4187c", null ], [ "gather_axis", "namespacemlx_1_1core_1_1metal.html#adc66b1b48b51ac2d2f1f5bfac1b95ee3", null ], [ "gemm", "namespacemlx_1_1core_1_1metal.html#ac46fd23516a61fc56d997910e4144281", null ], @@ -29,8 +31,6 @@ var namespacemlx_1_1core_1_1metal = [ "get_peak_memory", "namespacemlx_1_1core_1_1metal.html#a4b67d680cefa95f0ed5801f0e14e48ce", null ], [ "hadamard", "namespacemlx_1_1core_1_1metal.html#a8bd0072616087cd568c2c804e7114aa9", null ], [ "is_available", "namespacemlx_1_1core_1_1metal.html#a0cdf2c08c7bc0927a86070adc206987f", null ], - [ "make_synchronize_task", "namespacemlx_1_1core_1_1metal.html#ab31abdda3052162d59f6590a89e38337", null ], - [ "make_task", "namespacemlx_1_1core_1_1metal.html#a4552b7ccdfa7f3cc9895c09799d8048e", null ], [ "new_scoped_memory_pool", "namespacemlx_1_1core_1_1metal.html#a46583a1aba89449fa72e6cb3a7090981", null ], [ "new_stream", "namespacemlx_1_1core_1_1metal.html#a8b4188f9a090a1da42d62b8a369bf106", null ], [ "quantized", "namespacemlx_1_1core_1_1metal.html#a949f029424218ab5c5588563d2e076f5", null ], @@ -52,6 +52,7 @@ var namespacemlx_1_1core_1_1metal = [ "steel_gemm_masked", "namespacemlx_1_1core_1_1metal.html#a962272ca73d26c08f76f706a128fd71f", null ], [ "steel_gemm_splitk", "namespacemlx_1_1core_1_1metal.html#ad0dfd40ba7c09755711ceb731e57a5ac", null ], [ "stop_capture", "namespacemlx_1_1core_1_1metal.html#ac90714424e36fb01e04550de69b8314f", null ], + [ "synchronize", "namespacemlx_1_1core_1_1metal.html#acc15b940ea02dcac263a1af9e39ec16b", null ], [ "ternary", "namespacemlx_1_1core_1_1metal.html#a2d1c92ba6897c0a7a428fed63279b61f", null ], [ "ternary_ops", "namespacemlx_1_1core_1_1metal.html#a11b593b07e9a33e5f78fe4695fb99ec9", null ], [ "unary", "namespacemlx_1_1core_1_1metal.html#afac64fd56ac492d6baf6de7e8a00b039", null ], diff --git a/docs/build/html/namespacemlx_1_1steel.html b/docs/build/html/namespacemlx_1_1steel.html index 81612d445..b9158de66 100644 --- a/docs/build/html/namespacemlx_1_1steel.html +++ b/docs/build/html/namespacemlx_1_1steel.html @@ -115,6 +115,8 @@ $(function(){initNavTree('namespacemlx_1_1steel.html',''); initResizable(true); Classes struct  AccumHelper   +struct  AttnMaskParams +  struct  AttnParams   struct  BaseMMAFrag diff --git a/docs/build/html/namespacemlx_1_1steel.js b/docs/build/html/namespacemlx_1_1steel.js index 4acdb10eb..8d4be1a61 100644 --- a/docs/build/html/namespacemlx_1_1steel.js +++ b/docs/build/html/namespacemlx_1_1steel.js @@ -1,6 +1,7 @@ var namespacemlx_1_1steel = [ [ "AccumHelper", "structmlx_1_1steel_1_1_accum_helper.html", "structmlx_1_1steel_1_1_accum_helper" ], + [ "AttnMaskParams", "structmlx_1_1steel_1_1_attn_mask_params.html", "structmlx_1_1steel_1_1_attn_mask_params" ], [ "AttnParams", "structmlx_1_1steel_1_1_attn_params.html", "structmlx_1_1steel_1_1_attn_params" ], [ "BaseMMAFrag", "structmlx_1_1steel_1_1_base_m_m_a_frag.html", null ], [ "BaseMMAFrag< T, 8, 8 >", "structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html", "structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4" ], diff --git a/docs/build/html/namespaces.html b/docs/build/html/namespaces.html index b154359cc..371c6771a 100644 --- a/docs/build/html/namespaces.html +++ b/docs/build/html/namespaces.html @@ -113,24 +113,25 @@ $(function(){initNavTree('namespaces.html',''); initResizable(true); });  Nmlx  Ncore  Nallocator - Ndetail - Ndistributed - Ndetail - Nmpi - Nring - Nenv - Nfast - Nfft - Nio - Nlinalg - Nmetal - Nrandom - Nscheduler - Nsimd - Nsteel - Npocketfft - Ndetail - Nthreading + Ncpu + Ndetail + Ndistributed + Ndetail + Nmpi + Nring + Nenv + Nfast + Nfft + Nio + Nlinalg + Nmetal + Nrandom + Nscheduler + Nsimd + Nsteel + Npocketfft + Ndetail + Nthreading diff --git a/docs/build/html/navtreedata.js b/docs/build/html/navtreedata.js index 920aed201..c07b34141 100644 --- a/docs/build/html/navtreedata.js +++ b/docs/build/html/navtreedata.js @@ -67,41 +67,41 @@ var NAVTREE = var NAVTREEINDEX = [ "accelerate__fp16__simd_8h.html", -"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a715c824ee8c87e0256114a85624d9949", -"backend_2metal_2kernels_2utils_8h.html#acb8ddf4a29129846b673c50ba7078773", -"classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc", -"classmlx_1_1core_1_1_compiled.html#a271521f92eef49c39799f38e26b64a9b", -"classmlx_1_1core_1_1_dynamic_slice_update.html#a3669f4d939ba36256c43143b603eb12b", -"classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340", -"classmlx_1_1core_1_1_less_equal.html#addfe62d3557d216f8307bdf1cbff6a8f", -"classmlx_1_1core_1_1_not_equal.html#ab8b57932f03c8eee664bf89adeaa43b5", -"classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f", -"classmlx_1_1core_1_1_slice.html#a3aa025acbf4a9ca9e030a1e6bda102f7", -"classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e", -"classmlx_1_1core_1_1array.html#aebed1f37c19197be76105161102a8a40", -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df", -"classpocketfft_1_1detail_1_1arr__info.html#a003a7106f7fa59a3c55ac1f0116313a5", -"distributed__impl_8h.html", -"group__ops.html#ga345aa27af3dae3646b8b4b1068e89a3e", -"group__ops.html#gafa376ad57d38ba87378f0272dc379b23", -"namespacemetal.html#a567acb18199ac0107712eb8cb8aeb8e9", -"namespacemlx_1_1core.html#a2822d2a4d346c826d3cfebbcf89c3057", -"namespacemlx_1_1core.html#a8a928d76a6fbf3d336296401e14617a4", -"namespacemlx_1_1core.html#af35a2b06517d8bb7dbb469692b4f841c", -"namespacemlx_1_1core_1_1simd.html#a05240b8fd6f54632b676d4b66449f799", -"namespacemlx_1_1core_1_1simd.html#ae0fcb84973e4762a543ad3843db4f153", -"scatter__axis_8h.html", +"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a726cecf778b8584b6f7c37db1b064576", +"backend_2metal_2kernels_2utils_8h_source.html", +"classmlx_1_1core_1_1_arg_partition.html#ab54b13dbf92351ba1ac06fd3e5a802df", +"classmlx_1_1core_1_1_compiled.html#a32462e65c52f84b708188130cc508133", +"classmlx_1_1core_1_1_dynamic_slice_update.html#a750fb3548d8f3a5c6f4e54958649936f", +"classmlx_1_1core_1_1_full.html", +"classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d", +"classmlx_1_1core_1_1_not_equal.html#ac568397bd17b5d9f25ad1a0ebadedbb9", +"classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059", +"classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2", +"classmlx_1_1core_1_1_transpose.html#a799ec3c3fa9f1b9e6177c755252a3eab", +"classmlx_1_1core_1_1array.html#af9acb115019b995354d366c4ac6b968c", +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a653009adbcbce8248bc666df502fdbde", +"classpocketfft_1_1detail_1_1arr__info.html#abe1f7b92501b4e0e5a38fd26294ac5a4", +"erf_8h.html", +"group__ops.html#ga3689e12e8f42dadb4cbe2b07dc4099f4", +"group__ops.html#gafe2bd174c9953ed7f12664f7abaca0e6", +"namespacemetal.html#a619a159ca5f2ddfe3647d3a6bb6e804c", +"namespacemlx_1_1core.html#a29cbacf4b399c24728fb0808fad498f9", +"namespacemlx_1_1core.html#a8d48dbd49cccff07777affb2a412058c", +"namespacemlx_1_1core.html#af48c6f2f72b61dbd6766e4f5fea85df5", +"namespacemlx_1_1core_1_1simd.html#a05f4422a037c3bef343fb11f71363b65", +"namespacemlx_1_1core_1_1simd.html#ae1d5460c58c507a0104d8dfa90343f12", +"scatter__axis_8h_source.html", "struct_kernel_multi_block_merge_sort.html#a811e72376de254af2bf5303133562a9a", "struct_quantized_block_loader.html#abbf8249ca99e3e87b296ddd60a984b76", "structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2", -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a2cbf481e39164245668b3be6cbcc614d", -"structmlx_1_1core_1_1detail_1_1_less_equal.html#a5f7f700be5fdf4629a96ab271caf5440", -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849", -"structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7", -"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a", -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac18de37cde1459595bfe18b0d5ef146d", -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a4c5e33edf70be99cf93ac5723c12eb24", -"structpocketfft_1_1detail_1_1cmplx.html#a460da5db36d1c72fb1ed3496fd3abde4" +"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae24fe304397e961687d0d4c7012b8ae4", +"structmlx_1_1core_1_1detail_1_1_left_shift.html#a9385f580830a6ad163dd9bb8c4905e7a", +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186", +"structmlx_1_1steel_1_1_attn_params.html#a3d286a0c27bace6016ed7a87f43291b7", +"structmlx_1_1steel_1_1_c_shape.html#a01b09227356b6a682a0694523a8e6901", +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4744bd79fb05e81eaa53d2eabe017446", +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a7f6f511854ccc98fa573bb560776ebed", +"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html" ]; var SYNCONMSG = 'click to disable panel synchronization'; diff --git a/docs/build/html/navtreeindex0.js b/docs/build/html/navtreeindex0.js index 7d20a7eac..4ec32ed77 100644 --- a/docs/build/html/navtreeindex0.js +++ b/docs/build/html/navtreeindex0.js @@ -38,16 +38,12 @@ var NAVTREEINDEX0 = "attn_2params_8h_source.html":[3,0,0,1,2,1,5,0,4], "attn_8h.html":[3,0,0,1,2,1,5,0,1], "attn_8h_source.html":[3,0,0,1,2,1,5,0,1], -"backend_2common_2load_8h.html":[3,0,0,1,0,4], -"backend_2common_2load_8h_source.html":[3,0,0,1,0,4], -"backend_2common_2utils_8h.html":[3,0,0,1,0,8], -"backend_2common_2utils_8h_source.html":[3,0,0,1,0,8], +"backend_2common_2utils_8h.html":[3,0,0,1,0,7], +"backend_2common_2utils_8h_source.html":[3,0,0,1,0,7], "backend_2metal_2allocator_8h.html":[3,0,0,1,2,2], "backend_2metal_2allocator_8h_source.html":[3,0,0,1,2,2], "backend_2metal_2device_8h.html":[3,0,0,1,2,5], "backend_2metal_2device_8h_source.html":[3,0,0,1,2,5], -"backend_2metal_2event_8h.html":[3,0,0,1,2,6], -"backend_2metal_2event_8h_source.html":[3,0,0,1,2,6], "backend_2metal_2kernels_2complex_8h.html":[3,0,0,1,2,1,12], "backend_2metal_2kernels_2complex_8h.html#a032a8d3eec2384c9f03066f7fd945995":[3,0,0,1,2,1,12,10], "backend_2metal_2kernels_2complex_8h.html#a226cfd54d49f02e35c5aab3139c7596b":[3,0,0,1,2,1,12,5], @@ -249,5 +245,9 @@ var NAVTREEINDEX0 = "backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6b9e49ad9ea256d2d0220c0d81552602":[3,0,0,1,2,1,2,0,280], "backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6baa722c22d66c7510786bb275cb8cc2":[3,0,0,1,2,1,2,0,18], "backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7003e1e5881e3d106257f22b6a3e59fe":[3,0,0,1,2,1,2,0,199], -"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a711693988c437c2fb4d7da505982fe21":[3,0,0,1,2,1,2,0,91] +"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a711693988c437c2fb4d7da505982fe21":[3,0,0,1,2,1,2,0,91], +"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a715c824ee8c87e0256114a85624d9949":[3,0,0,1,2,1,2,0,211], +"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7167343d90eb70e5a0d5fa9ec5398e94":[3,0,0,1,2,1,2,0,175], +"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7172d84db640e6c49dff0d08dd64b53e":[3,0,0,1,2,1,2,0,262], +"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7232b0a0e193b3c6172d6fc2578bf419":[3,0,0,1,2,1,2,0,44] }; diff --git a/docs/build/html/navtreeindex1.js b/docs/build/html/navtreeindex1.js index 33950bd26..fba00ff76 100644 --- a/docs/build/html/navtreeindex1.js +++ b/docs/build/html/navtreeindex1.js @@ -1,9 +1,5 @@ var NAVTREEINDEX1 = { -"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a715c824ee8c87e0256114a85624d9949":[3,0,0,1,2,1,2,0,211], -"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7167343d90eb70e5a0d5fa9ec5398e94":[3,0,0,1,2,1,2,0,175], -"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7172d84db640e6c49dff0d08dd64b53e":[3,0,0,1,2,1,2,0,262], -"backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7232b0a0e193b3c6172d6fc2578bf419":[3,0,0,1,2,1,2,0,44], "backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a726cecf778b8584b6f7c37db1b064576":[3,0,0,1,2,1,2,0,201], "backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a72d10ec0e62949247da129eb3a83fb9b":[3,0,0,1,2,1,2,0,234], "backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a73416a7415f3fe31525e33419e5e8aab":[3,0,0,1,2,1,2,0,82], @@ -249,5 +245,9 @@ var NAVTREEINDEX1 = "backend_2metal_2kernels_2utils_8h.html#ab8175b66bcc080fb89f738143568c30b":[3,0,0,1,2,1,36,34], "backend_2metal_2kernels_2utils_8h.html#aba6279624b1d30c525efee856a222b5c":[3,0,0,1,2,1,36,44], "backend_2metal_2kernels_2utils_8h.html#abedffa358e7ba7782cc78d6772064c7c":[3,0,0,1,2,1,36,19], -"backend_2metal_2kernels_2utils_8h.html#ac8f4258ba306870b0280079f1c5eb23e":[3,0,0,1,2,1,36,29] +"backend_2metal_2kernels_2utils_8h.html#ac8f4258ba306870b0280079f1c5eb23e":[3,0,0,1,2,1,36,29], +"backend_2metal_2kernels_2utils_8h.html#acb8ddf4a29129846b673c50ba7078773":[3,0,0,1,2,1,36,22], +"backend_2metal_2kernels_2utils_8h.html#ad55bd473647f2c6c68e65e5312c132d1":[3,0,0,1,2,1,36,37], +"backend_2metal_2kernels_2utils_8h.html#ad9a671a5f9aaa729ae7a77026f16bcb0":[3,0,0,1,2,1,36,42], +"backend_2metal_2kernels_2utils_8h.html#ae0f5c42020275a588234e69f1eb7a485":[3,0,0,1,2,1,36,45] }; diff --git a/docs/build/html/navtreeindex10.js b/docs/build/html/navtreeindex10.js index 1fc91d5ce..175ecc1c1 100644 --- a/docs/build/html/navtreeindex10.js +++ b/docs/build/html/navtreeindex10.js @@ -1,253 +1,253 @@ var NAVTREEINDEX10 = { -"classmlx_1_1core_1_1_slice.html#a3aa025acbf4a9ca9e030a1e6bda102f7":[1,0,1,0,130,0], -"classmlx_1_1core_1_1_slice.html#a3aa025acbf4a9ca9e030a1e6bda102f7":[2,0,1,0,127,0], -"classmlx_1_1core_1_1_slice.html#a43202c3b8966ae1db9ab82072e4918b0":[1,0,1,0,130,3], -"classmlx_1_1core_1_1_slice.html#a43202c3b8966ae1db9ab82072e4918b0":[2,0,1,0,127,3], -"classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2":[1,0,1,0,130,1], -"classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2":[2,0,1,0,127,1], -"classmlx_1_1core_1_1_slice.html#a50851148948d924b71817cfbd4401504":[1,0,1,0,130,5], -"classmlx_1_1core_1_1_slice.html#a50851148948d924b71817cfbd4401504":[2,0,1,0,127,5], -"classmlx_1_1core_1_1_slice.html#a8288324045ab21d6c97b1695ce86ef36":[1,0,1,0,130,4], -"classmlx_1_1core_1_1_slice.html#a8288324045ab21d6c97b1695ce86ef36":[2,0,1,0,127,4], -"classmlx_1_1core_1_1_slice.html#aa53c21ff06a7c659e889af6b97d10a4a":[1,0,1,0,130,2], -"classmlx_1_1core_1_1_slice.html#aa53c21ff06a7c659e889af6b97d10a4a":[2,0,1,0,127,2], -"classmlx_1_1core_1_1_slice.html#ae33583b0db22fcfeae34dfe1c0e3eaa2":[1,0,1,0,130,8], -"classmlx_1_1core_1_1_slice.html#ae33583b0db22fcfeae34dfe1c0e3eaa2":[2,0,1,0,127,8], -"classmlx_1_1core_1_1_slice_update.html":[1,0,1,0,131], -"classmlx_1_1core_1_1_slice_update.html":[2,0,1,0,128], -"classmlx_1_1core_1_1_slice_update.html#a0ce3248cc61dae2b51d7aa8ee4197611":[1,0,1,0,131,4], -"classmlx_1_1core_1_1_slice_update.html#a0ce3248cc61dae2b51d7aa8ee4197611":[2,0,1,0,128,4], -"classmlx_1_1core_1_1_slice_update.html#a60f588acced42391e6e5615ae8d16119":[1,0,1,0,131,3], -"classmlx_1_1core_1_1_slice_update.html#a60f588acced42391e6e5615ae8d16119":[2,0,1,0,128,3], -"classmlx_1_1core_1_1_slice_update.html#a63a49264b18340f2bc442c081a7b4c7a":[1,0,1,0,131,0], -"classmlx_1_1core_1_1_slice_update.html#a63a49264b18340f2bc442c081a7b4c7a":[2,0,1,0,128,0], -"classmlx_1_1core_1_1_slice_update.html#a751eefb9922c56479b4b0de2ad45439b":[1,0,1,0,131,6], -"classmlx_1_1core_1_1_slice_update.html#a751eefb9922c56479b4b0de2ad45439b":[2,0,1,0,128,6], -"classmlx_1_1core_1_1_slice_update.html#aac1a1d122e5697be057d63552141032b":[1,0,1,0,131,2], -"classmlx_1_1core_1_1_slice_update.html#aac1a1d122e5697be057d63552141032b":[2,0,1,0,128,2], -"classmlx_1_1core_1_1_slice_update.html#aac5156a19209274b7de1dff231ef25fd":[1,0,1,0,131,7], -"classmlx_1_1core_1_1_slice_update.html#aac5156a19209274b7de1dff231ef25fd":[2,0,1,0,128,7], -"classmlx_1_1core_1_1_slice_update.html#abb6376f13c4269bd9e739e131893da53":[1,0,1,0,131,5], -"classmlx_1_1core_1_1_slice_update.html#abb6376f13c4269bd9e739e131893da53":[2,0,1,0,128,5], -"classmlx_1_1core_1_1_slice_update.html#ad82ca0e3ab88a0e086431050deea831b":[1,0,1,0,131,1], -"classmlx_1_1core_1_1_slice_update.html#ad82ca0e3ab88a0e086431050deea831b":[2,0,1,0,128,1], -"classmlx_1_1core_1_1_slice_update.html#adbf1c76de6ab2f986758530d351d6fa3":[1,0,1,0,131,9], -"classmlx_1_1core_1_1_slice_update.html#adbf1c76de6ab2f986758530d351d6fa3":[2,0,1,0,128,9], -"classmlx_1_1core_1_1_slice_update.html#aedcdc60a0477997a96306c02b66d3f77":[1,0,1,0,131,8], -"classmlx_1_1core_1_1_slice_update.html#aedcdc60a0477997a96306c02b66d3f77":[2,0,1,0,128,8], -"classmlx_1_1core_1_1_softmax.html":[1,0,1,0,132], -"classmlx_1_1core_1_1_softmax.html":[2,0,1,0,129], -"classmlx_1_1core_1_1_softmax.html#a1a798a4dcd62486362d4b58582357490":[1,0,1,0,132,5], -"classmlx_1_1core_1_1_softmax.html#a1a798a4dcd62486362d4b58582357490":[2,0,1,0,129,5], -"classmlx_1_1core_1_1_softmax.html#a35dac69ddcc7e2ec0e1a76fe93db85af":[1,0,1,0,132,2], -"classmlx_1_1core_1_1_softmax.html#a35dac69ddcc7e2ec0e1a76fe93db85af":[2,0,1,0,129,2], -"classmlx_1_1core_1_1_softmax.html#a4ec686aac4e06f0dfe2cbd6801af40eb":[1,0,1,0,132,0], -"classmlx_1_1core_1_1_softmax.html#a4ec686aac4e06f0dfe2cbd6801af40eb":[2,0,1,0,129,0], -"classmlx_1_1core_1_1_softmax.html#a9215ed7bd36bc11276c58dfb9808d728":[1,0,1,0,132,3], -"classmlx_1_1core_1_1_softmax.html#a9215ed7bd36bc11276c58dfb9808d728":[2,0,1,0,129,3], -"classmlx_1_1core_1_1_softmax.html#aa783610ef6b82b92681e78fc99412d83":[1,0,1,0,132,6], -"classmlx_1_1core_1_1_softmax.html#aa783610ef6b82b92681e78fc99412d83":[2,0,1,0,129,6], -"classmlx_1_1core_1_1_softmax.html#abb68c311c45ee422a7c966accde9041b":[1,0,1,0,132,8], -"classmlx_1_1core_1_1_softmax.html#abb68c311c45ee422a7c966accde9041b":[2,0,1,0,129,8], -"classmlx_1_1core_1_1_softmax.html#ac9ebc2eab1683b682e689ed8f4622b79":[1,0,1,0,132,1], -"classmlx_1_1core_1_1_softmax.html#ac9ebc2eab1683b682e689ed8f4622b79":[2,0,1,0,129,1], -"classmlx_1_1core_1_1_softmax.html#ad22d3dcc71054d3dba529cf2dc981e19":[1,0,1,0,132,9], -"classmlx_1_1core_1_1_softmax.html#ad22d3dcc71054d3dba529cf2dc981e19":[2,0,1,0,129,9], -"classmlx_1_1core_1_1_softmax.html#adf665f7c292e84f56c630016b75427f3":[1,0,1,0,132,7], -"classmlx_1_1core_1_1_softmax.html#adf665f7c292e84f56c630016b75427f3":[2,0,1,0,129,7], -"classmlx_1_1core_1_1_softmax.html#af96172634a24332b0fc8d7ca7e73f19f":[1,0,1,0,132,4], -"classmlx_1_1core_1_1_softmax.html#af96172634a24332b0fc8d7ca7e73f19f":[2,0,1,0,129,4], -"classmlx_1_1core_1_1_sort.html":[1,0,1,0,133], -"classmlx_1_1core_1_1_sort.html":[2,0,1,0,130], -"classmlx_1_1core_1_1_sort.html#a3a8900dce53ee4eb7a1b83806e629358":[1,0,1,0,133,8], -"classmlx_1_1core_1_1_sort.html#a3a8900dce53ee4eb7a1b83806e629358":[2,0,1,0,130,8], -"classmlx_1_1core_1_1_sort.html#a4141c48f0e8670c728663f3722675382":[1,0,1,0,133,2], -"classmlx_1_1core_1_1_sort.html#a4141c48f0e8670c728663f3722675382":[2,0,1,0,130,2], -"classmlx_1_1core_1_1_sort.html#a459769a0241b2620e55bedaba19827cd":[1,0,1,0,133,1], -"classmlx_1_1core_1_1_sort.html#a459769a0241b2620e55bedaba19827cd":[2,0,1,0,130,1], -"classmlx_1_1core_1_1_sort.html#a5ab15d1a89efd8661887c805c35fc617":[1,0,1,0,133,7], -"classmlx_1_1core_1_1_sort.html#a5ab15d1a89efd8661887c805c35fc617":[2,0,1,0,130,7], -"classmlx_1_1core_1_1_sort.html#a62943032dbd72e85ceb9b4b7211f4a44":[1,0,1,0,133,0], -"classmlx_1_1core_1_1_sort.html#a62943032dbd72e85ceb9b4b7211f4a44":[2,0,1,0,130,0], -"classmlx_1_1core_1_1_sort.html#abfabb9e625cc0cb9335c7454ed27505c":[1,0,1,0,133,9], -"classmlx_1_1core_1_1_sort.html#abfabb9e625cc0cb9335c7454ed27505c":[2,0,1,0,130,9], -"classmlx_1_1core_1_1_sort.html#acc0a3f078b3f4c83e6e1137cb81ee62c":[1,0,1,0,133,5], -"classmlx_1_1core_1_1_sort.html#acc0a3f078b3f4c83e6e1137cb81ee62c":[2,0,1,0,130,5], -"classmlx_1_1core_1_1_sort.html#ada81b9343f80958174eba708452927a2":[1,0,1,0,133,6], -"classmlx_1_1core_1_1_sort.html#ada81b9343f80958174eba708452927a2":[2,0,1,0,130,6], -"classmlx_1_1core_1_1_sort.html#ae48f07cf641d54234fc4fb6529a33511":[1,0,1,0,133,3], -"classmlx_1_1core_1_1_sort.html#ae48f07cf641d54234fc4fb6529a33511":[2,0,1,0,130,3], -"classmlx_1_1core_1_1_sort.html#af113ac983473433eec851c8fddfcba62":[1,0,1,0,133,4], -"classmlx_1_1core_1_1_sort.html#af113ac983473433eec851c8fddfcba62":[2,0,1,0,130,4], -"classmlx_1_1core_1_1_split.html":[1,0,1,0,134], -"classmlx_1_1core_1_1_split.html":[2,0,1,0,131], -"classmlx_1_1core_1_1_split.html#a78ddda89c4daee73c74cfbc1e44656df":[1,0,1,0,134,2], -"classmlx_1_1core_1_1_split.html#a78ddda89c4daee73c74cfbc1e44656df":[2,0,1,0,131,2], -"classmlx_1_1core_1_1_split.html#a7e8730f9cffa9872fff6f8d577031674":[1,0,1,0,134,7], -"classmlx_1_1core_1_1_split.html#a7e8730f9cffa9872fff6f8d577031674":[2,0,1,0,131,7], -"classmlx_1_1core_1_1_split.html#a915156cde0448ec26776e329004b1a92":[1,0,1,0,134,6], -"classmlx_1_1core_1_1_split.html#a915156cde0448ec26776e329004b1a92":[2,0,1,0,131,6], -"classmlx_1_1core_1_1_split.html#ab7c40e02a842e83bdb4698608472c7a6":[1,0,1,0,134,8], -"classmlx_1_1core_1_1_split.html#ab7c40e02a842e83bdb4698608472c7a6":[2,0,1,0,131,8], -"classmlx_1_1core_1_1_split.html#ab8a8d30fd1ebf0891f41f3c32eabe282":[1,0,1,0,134,4], -"classmlx_1_1core_1_1_split.html#ab8a8d30fd1ebf0891f41f3c32eabe282":[2,0,1,0,131,4], -"classmlx_1_1core_1_1_split.html#ad0c31fe5972643cc75fde10445fc47f2":[1,0,1,0,134,5], -"classmlx_1_1core_1_1_split.html#ad0c31fe5972643cc75fde10445fc47f2":[2,0,1,0,131,5], -"classmlx_1_1core_1_1_split.html#ad3f4ed34b85c73683bad5d530309342f":[1,0,1,0,134,0], -"classmlx_1_1core_1_1_split.html#ad3f4ed34b85c73683bad5d530309342f":[2,0,1,0,131,0], -"classmlx_1_1core_1_1_split.html#af25a0cc259573b9dce60d285eee18345":[1,0,1,0,134,3], -"classmlx_1_1core_1_1_split.html#af25a0cc259573b9dce60d285eee18345":[2,0,1,0,131,3], -"classmlx_1_1core_1_1_split.html#aff2889cb9074f0fda53edf8fa40b1fd4":[1,0,1,0,134,1], -"classmlx_1_1core_1_1_split.html#aff2889cb9074f0fda53edf8fa40b1fd4":[2,0,1,0,131,1], -"classmlx_1_1core_1_1_sqrt.html":[1,0,1,0,135], -"classmlx_1_1core_1_1_sqrt.html":[2,0,1,0,132], -"classmlx_1_1core_1_1_sqrt.html#a053853757ad99195e3f2b1cca571e31b":[1,0,1,0,135,7], -"classmlx_1_1core_1_1_sqrt.html#a053853757ad99195e3f2b1cca571e31b":[2,0,1,0,132,7], -"classmlx_1_1core_1_1_sqrt.html#a08a21bd2c3a016f042d95aca294e68f3":[1,0,1,0,135,8], -"classmlx_1_1core_1_1_sqrt.html#a08a21bd2c3a016f042d95aca294e68f3":[2,0,1,0,132,8], -"classmlx_1_1core_1_1_sqrt.html#a5a64ecc4eef1e30a2963435dca7cefd5":[1,0,1,0,135,1], -"classmlx_1_1core_1_1_sqrt.html#a5a64ecc4eef1e30a2963435dca7cefd5":[2,0,1,0,132,1], -"classmlx_1_1core_1_1_sqrt.html#a6682a7c31ca427c9d2c5ddb6a479bf29":[1,0,1,0,135,0], -"classmlx_1_1core_1_1_sqrt.html#a6682a7c31ca427c9d2c5ddb6a479bf29":[2,0,1,0,132,0], -"classmlx_1_1core_1_1_sqrt.html#a6d205e679a593d1ba20206c5c47ba501":[1,0,1,0,135,2], -"classmlx_1_1core_1_1_sqrt.html#a6d205e679a593d1ba20206c5c47ba501":[2,0,1,0,132,2], -"classmlx_1_1core_1_1_sqrt.html#a78544b1fb5da0c14bce3051ffd177818":[1,0,1,0,135,4], -"classmlx_1_1core_1_1_sqrt.html#a78544b1fb5da0c14bce3051ffd177818":[2,0,1,0,132,4], -"classmlx_1_1core_1_1_sqrt.html#a8681c8de2f50049848d320c47f713c0f":[1,0,1,0,135,6], -"classmlx_1_1core_1_1_sqrt.html#a8681c8de2f50049848d320c47f713c0f":[2,0,1,0,132,6], -"classmlx_1_1core_1_1_sqrt.html#a9d30e306ce08980c27d98c898577017e":[1,0,1,0,135,9], -"classmlx_1_1core_1_1_sqrt.html#a9d30e306ce08980c27d98c898577017e":[2,0,1,0,132,9], -"classmlx_1_1core_1_1_sqrt.html#ab871c2b8ab4a27a3f782a005d0e87c46":[1,0,1,0,135,3], -"classmlx_1_1core_1_1_sqrt.html#ab871c2b8ab4a27a3f782a005d0e87c46":[2,0,1,0,132,3], -"classmlx_1_1core_1_1_sqrt.html#ae45215d61e2e99749d9a0bae291edd45":[1,0,1,0,135,5], -"classmlx_1_1core_1_1_sqrt.html#ae45215d61e2e99749d9a0bae291edd45":[2,0,1,0,132,5], -"classmlx_1_1core_1_1_square.html":[1,0,1,0,136], -"classmlx_1_1core_1_1_square.html":[2,0,1,0,133], -"classmlx_1_1core_1_1_square.html#a0513541766bb997ed166643fe95a6d38":[1,0,1,0,136,5], -"classmlx_1_1core_1_1_square.html#a0513541766bb997ed166643fe95a6d38":[2,0,1,0,133,5], -"classmlx_1_1core_1_1_square.html#a0ea2a78a5bb52daa4103263bf2f98045":[1,0,1,0,136,2], -"classmlx_1_1core_1_1_square.html#a0ea2a78a5bb52daa4103263bf2f98045":[2,0,1,0,133,2], -"classmlx_1_1core_1_1_square.html#a1f4d327a705950616da63b83c2829e59":[1,0,1,0,136,1], -"classmlx_1_1core_1_1_square.html#a1f4d327a705950616da63b83c2829e59":[2,0,1,0,133,1], -"classmlx_1_1core_1_1_square.html#a55bf43f878d4741c57a08d5fef472ea5":[1,0,1,0,136,8], -"classmlx_1_1core_1_1_square.html#a55bf43f878d4741c57a08d5fef472ea5":[2,0,1,0,133,8], -"classmlx_1_1core_1_1_square.html#a6abc881d44071019aa15481e5ea75ab2":[1,0,1,0,136,3], -"classmlx_1_1core_1_1_square.html#a6abc881d44071019aa15481e5ea75ab2":[2,0,1,0,133,3], -"classmlx_1_1core_1_1_square.html#a75feb558cd1d615e96309dd7d1e81384":[1,0,1,0,136,6], -"classmlx_1_1core_1_1_square.html#a75feb558cd1d615e96309dd7d1e81384":[2,0,1,0,133,6], -"classmlx_1_1core_1_1_square.html#a822629b93b91e2bef29959431d95e22d":[1,0,1,0,136,4], -"classmlx_1_1core_1_1_square.html#a822629b93b91e2bef29959431d95e22d":[2,0,1,0,133,4], -"classmlx_1_1core_1_1_square.html#ab94e28d5c92e6febc1c74e525f730dc4":[1,0,1,0,136,0], -"classmlx_1_1core_1_1_square.html#ab94e28d5c92e6febc1c74e525f730dc4":[2,0,1,0,133,0], -"classmlx_1_1core_1_1_square.html#abcd9516da7f02dc906368c23b0bca263":[1,0,1,0,136,7], -"classmlx_1_1core_1_1_square.html#abcd9516da7f02dc906368c23b0bca263":[2,0,1,0,133,7], -"classmlx_1_1core_1_1_squeeze.html":[1,0,1,0,137], -"classmlx_1_1core_1_1_squeeze.html":[2,0,1,0,134], -"classmlx_1_1core_1_1_squeeze.html#a032bd53dcc3d71a11d810bc3ca3ef4b0":[1,0,1,0,137,0], -"classmlx_1_1core_1_1_squeeze.html#a032bd53dcc3d71a11d810bc3ca3ef4b0":[2,0,1,0,134,0], -"classmlx_1_1core_1_1_squeeze.html#a04f9d2595cb7d4ec988479cd33fe9362":[1,0,1,0,137,8], -"classmlx_1_1core_1_1_squeeze.html#a04f9d2595cb7d4ec988479cd33fe9362":[2,0,1,0,134,8], -"classmlx_1_1core_1_1_squeeze.html#a08f35991d36e30fa4c05a5c9e91feb93":[1,0,1,0,137,3], -"classmlx_1_1core_1_1_squeeze.html#a08f35991d36e30fa4c05a5c9e91feb93":[2,0,1,0,134,3], -"classmlx_1_1core_1_1_squeeze.html#a18d382c8bc59d60b38e9fd1cb70660fd":[1,0,1,0,137,2], -"classmlx_1_1core_1_1_squeeze.html#a18d382c8bc59d60b38e9fd1cb70660fd":[2,0,1,0,134,2], -"classmlx_1_1core_1_1_squeeze.html#a65ac5f63f98d85453ad884e9fa6e8083":[1,0,1,0,137,4], -"classmlx_1_1core_1_1_squeeze.html#a65ac5f63f98d85453ad884e9fa6e8083":[2,0,1,0,134,4], -"classmlx_1_1core_1_1_squeeze.html#a74c9c825b5b968badb9bca8159eabcdf":[1,0,1,0,137,7], -"classmlx_1_1core_1_1_squeeze.html#a74c9c825b5b968badb9bca8159eabcdf":[2,0,1,0,134,7], -"classmlx_1_1core_1_1_squeeze.html#a839d9d72ac0a19e1146b5b470292a174":[1,0,1,0,137,6], -"classmlx_1_1core_1_1_squeeze.html#a839d9d72ac0a19e1146b5b470292a174":[2,0,1,0,134,6], -"classmlx_1_1core_1_1_squeeze.html#a8d95a13d7cc5586d48a38e9199180d06":[1,0,1,0,137,9], -"classmlx_1_1core_1_1_squeeze.html#a8d95a13d7cc5586d48a38e9199180d06":[2,0,1,0,134,9], -"classmlx_1_1core_1_1_squeeze.html#a9bcb7476041020f59ef816196ddb81cb":[1,0,1,0,137,1], -"classmlx_1_1core_1_1_squeeze.html#a9bcb7476041020f59ef816196ddb81cb":[2,0,1,0,134,1], -"classmlx_1_1core_1_1_squeeze.html#aa098a5850741bfb621800c7badce3532":[1,0,1,0,137,10], -"classmlx_1_1core_1_1_squeeze.html#aa098a5850741bfb621800c7badce3532":[2,0,1,0,134,10], -"classmlx_1_1core_1_1_squeeze.html#aadf1d3b85839390a2ec560603aeed04a":[1,0,1,0,137,5], -"classmlx_1_1core_1_1_squeeze.html#aadf1d3b85839390a2ec560603aeed04a":[2,0,1,0,134,5], -"classmlx_1_1core_1_1_stop_gradient.html":[1,0,1,0,138], -"classmlx_1_1core_1_1_stop_gradient.html":[2,0,1,0,135], -"classmlx_1_1core_1_1_stop_gradient.html#a327539298b21d800d26482b94fce41b3":[1,0,1,0,138,3], -"classmlx_1_1core_1_1_stop_gradient.html#a327539298b21d800d26482b94fce41b3":[2,0,1,0,135,3], -"classmlx_1_1core_1_1_stop_gradient.html#a56207714d374b08f60e4d9cdbc7340b2":[1,0,1,0,138,1], -"classmlx_1_1core_1_1_stop_gradient.html#a56207714d374b08f60e4d9cdbc7340b2":[2,0,1,0,135,1], -"classmlx_1_1core_1_1_stop_gradient.html#a8af7641d478505d1dc39c75ba7d5a3cf":[1,0,1,0,138,4], -"classmlx_1_1core_1_1_stop_gradient.html#a8af7641d478505d1dc39c75ba7d5a3cf":[2,0,1,0,135,4], -"classmlx_1_1core_1_1_stop_gradient.html#a907b96f0a1ce608e211d87ccf2b9ca89":[1,0,1,0,138,2], -"classmlx_1_1core_1_1_stop_gradient.html#a907b96f0a1ce608e211d87ccf2b9ca89":[2,0,1,0,135,2], -"classmlx_1_1core_1_1_stop_gradient.html#ac70d1ab819d04e00f76bc25aeebaf84f":[1,0,1,0,138,0], -"classmlx_1_1core_1_1_stop_gradient.html#ac70d1ab819d04e00f76bc25aeebaf84f":[2,0,1,0,135,0], -"classmlx_1_1core_1_1_stop_gradient.html#aca680c8befef81da414c4375b11b16b0":[1,0,1,0,138,6], -"classmlx_1_1core_1_1_stop_gradient.html#aca680c8befef81da414c4375b11b16b0":[2,0,1,0,135,6], -"classmlx_1_1core_1_1_stop_gradient.html#acc7a7d51cbf014dae8ba3d20bedcad50":[1,0,1,0,138,5], -"classmlx_1_1core_1_1_stop_gradient.html#acc7a7d51cbf014dae8ba3d20bedcad50":[2,0,1,0,135,5], -"classmlx_1_1core_1_1_subtract.html":[1,0,1,0,141], -"classmlx_1_1core_1_1_subtract.html":[2,0,1,0,138], -"classmlx_1_1core_1_1_subtract.html#a3834fd305435fb5a8e512566832e372b":[1,0,1,0,141,6], -"classmlx_1_1core_1_1_subtract.html#a3834fd305435fb5a8e512566832e372b":[2,0,1,0,138,6], -"classmlx_1_1core_1_1_subtract.html#a3a3322be7c3bcaa0397cf099091df16b":[1,0,1,0,141,7], -"classmlx_1_1core_1_1_subtract.html#a3a3322be7c3bcaa0397cf099091df16b":[2,0,1,0,138,7], -"classmlx_1_1core_1_1_subtract.html#a47574258b6c95f8ad260c114d6d36a12":[1,0,1,0,141,1], -"classmlx_1_1core_1_1_subtract.html#a47574258b6c95f8ad260c114d6d36a12":[2,0,1,0,138,1], -"classmlx_1_1core_1_1_subtract.html#a69021b23daf061764d97fabbc0f4f06c":[1,0,1,0,141,2], -"classmlx_1_1core_1_1_subtract.html#a69021b23daf061764d97fabbc0f4f06c":[2,0,1,0,138,2], -"classmlx_1_1core_1_1_subtract.html#a8100081a99df5166f02efc76d6641220":[1,0,1,0,141,4], -"classmlx_1_1core_1_1_subtract.html#a8100081a99df5166f02efc76d6641220":[2,0,1,0,138,4], -"classmlx_1_1core_1_1_subtract.html#a834854757394f8de7082af65bf86ed9c":[1,0,1,0,141,0], -"classmlx_1_1core_1_1_subtract.html#a834854757394f8de7082af65bf86ed9c":[2,0,1,0,138,0], -"classmlx_1_1core_1_1_subtract.html#aa98f960e621a767c8a03624fd292f098":[1,0,1,0,141,8], -"classmlx_1_1core_1_1_subtract.html#aa98f960e621a767c8a03624fd292f098":[2,0,1,0,138,8], -"classmlx_1_1core_1_1_subtract.html#aaaff4872bde70ad40cf90e6131ea0489":[1,0,1,0,141,5], -"classmlx_1_1core_1_1_subtract.html#aaaff4872bde70ad40cf90e6131ea0489":[2,0,1,0,138,5], -"classmlx_1_1core_1_1_subtract.html#af1c05e1e3f703ba916d54f8ccbbd102b":[1,0,1,0,141,3], -"classmlx_1_1core_1_1_subtract.html#af1c05e1e3f703ba916d54f8ccbbd102b":[2,0,1,0,138,3], -"classmlx_1_1core_1_1_tan.html":[1,0,1,0,143], -"classmlx_1_1core_1_1_tan.html":[2,0,1,0,140], -"classmlx_1_1core_1_1_tan.html#a4639836cff03d73c769387d6943e92d7":[1,0,1,0,143,7], -"classmlx_1_1core_1_1_tan.html#a4639836cff03d73c769387d6943e92d7":[2,0,1,0,140,7], -"classmlx_1_1core_1_1_tan.html#a5d7c76122d63619df17b0e45450bc8f2":[1,0,1,0,143,4], -"classmlx_1_1core_1_1_tan.html#a5d7c76122d63619df17b0e45450bc8f2":[2,0,1,0,140,4], -"classmlx_1_1core_1_1_tan.html#a8dcc9ff660210ccf05134dd95f47de08":[1,0,1,0,143,0], -"classmlx_1_1core_1_1_tan.html#a8dcc9ff660210ccf05134dd95f47de08":[2,0,1,0,140,0], -"classmlx_1_1core_1_1_tan.html#a9c9a731158fa60eef30067fe0da9f3e9":[1,0,1,0,143,1], -"classmlx_1_1core_1_1_tan.html#a9c9a731158fa60eef30067fe0da9f3e9":[2,0,1,0,140,1], -"classmlx_1_1core_1_1_tan.html#a9e4bba311bb24617dbb5ca591bc2868e":[1,0,1,0,143,5], -"classmlx_1_1core_1_1_tan.html#a9e4bba311bb24617dbb5ca591bc2868e":[2,0,1,0,140,5], -"classmlx_1_1core_1_1_tan.html#aca7dbb4836507005a2032ac957a04d3f":[1,0,1,0,143,2], -"classmlx_1_1core_1_1_tan.html#aca7dbb4836507005a2032ac957a04d3f":[2,0,1,0,140,2], -"classmlx_1_1core_1_1_tan.html#ae2f67ca2adc83b10009cf28498bf58b7":[1,0,1,0,143,8], -"classmlx_1_1core_1_1_tan.html#ae2f67ca2adc83b10009cf28498bf58b7":[2,0,1,0,140,8], -"classmlx_1_1core_1_1_tan.html#aeea7c284d595a2a928d5f28a55e9be7f":[1,0,1,0,143,6], -"classmlx_1_1core_1_1_tan.html#aeea7c284d595a2a928d5f28a55e9be7f":[2,0,1,0,140,6], -"classmlx_1_1core_1_1_tan.html#afdf46288e7f60ea7f878688347dff7e4":[1,0,1,0,143,3], -"classmlx_1_1core_1_1_tan.html#afdf46288e7f60ea7f878688347dff7e4":[2,0,1,0,140,3], -"classmlx_1_1core_1_1_tanh.html":[1,0,1,0,144], -"classmlx_1_1core_1_1_tanh.html":[2,0,1,0,141], -"classmlx_1_1core_1_1_tanh.html#a0692a1de2373b86eb394252ed4fecfda":[1,0,1,0,144,3], -"classmlx_1_1core_1_1_tanh.html#a0692a1de2373b86eb394252ed4fecfda":[2,0,1,0,141,3], -"classmlx_1_1core_1_1_tanh.html#a32df3564c1ecb858c1ba9f855376762f":[1,0,1,0,144,8], -"classmlx_1_1core_1_1_tanh.html#a32df3564c1ecb858c1ba9f855376762f":[2,0,1,0,141,8], -"classmlx_1_1core_1_1_tanh.html#a48df896599ae93dbce84a5c0f50cf761":[1,0,1,0,144,2], -"classmlx_1_1core_1_1_tanh.html#a48df896599ae93dbce84a5c0f50cf761":[2,0,1,0,141,2], -"classmlx_1_1core_1_1_tanh.html#a73f4976d641daf697cc1a231d773d78e":[1,0,1,0,144,6], -"classmlx_1_1core_1_1_tanh.html#a73f4976d641daf697cc1a231d773d78e":[2,0,1,0,141,6], -"classmlx_1_1core_1_1_tanh.html#a8873286b69b805486fa83c4806843f3d":[1,0,1,0,144,5], -"classmlx_1_1core_1_1_tanh.html#a8873286b69b805486fa83c4806843f3d":[2,0,1,0,141,5], -"classmlx_1_1core_1_1_tanh.html#ae0fbb5370dc1c3a4fb0dd02ca28a832a":[1,0,1,0,144,4], -"classmlx_1_1core_1_1_tanh.html#ae0fbb5370dc1c3a4fb0dd02ca28a832a":[2,0,1,0,141,4], -"classmlx_1_1core_1_1_tanh.html#ae551297bf573e1802fb831440276dee4":[1,0,1,0,144,0], -"classmlx_1_1core_1_1_tanh.html#ae551297bf573e1802fb831440276dee4":[2,0,1,0,141,0], -"classmlx_1_1core_1_1_tanh.html#af7ed4345f622da069e5b0284067923f5":[1,0,1,0,144,1], -"classmlx_1_1core_1_1_tanh.html#af7ed4345f622da069e5b0284067923f5":[2,0,1,0,141,1], -"classmlx_1_1core_1_1_tanh.html#afe7b05e2b36b99c3a1b66f0cd3544e95":[1,0,1,0,144,7], -"classmlx_1_1core_1_1_tanh.html#afe7b05e2b36b99c3a1b66f0cd3544e95":[2,0,1,0,141,7], -"classmlx_1_1core_1_1_transpose.html":[1,0,1,0,145], -"classmlx_1_1core_1_1_transpose.html":[2,0,1,0,142], -"classmlx_1_1core_1_1_transpose.html#a1a9ba023584c61c7ac93d6dce536760a":[1,0,1,0,145,0], -"classmlx_1_1core_1_1_transpose.html#a1a9ba023584c61c7ac93d6dce536760a":[2,0,1,0,142,0], -"classmlx_1_1core_1_1_transpose.html#a1fbcfcca43f9ec06c63a3c14708c30f8":[1,0,1,0,145,1], -"classmlx_1_1core_1_1_transpose.html#a1fbcfcca43f9ec06c63a3c14708c30f8":[2,0,1,0,142,1], -"classmlx_1_1core_1_1_transpose.html#a23167291e2bf12e2bb2e51d1db340909":[1,0,1,0,145,7], -"classmlx_1_1core_1_1_transpose.html#a23167291e2bf12e2bb2e51d1db340909":[2,0,1,0,142,7] +"classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2":[1,0,1,0,131,1], +"classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2":[2,0,1,0,128,1], +"classmlx_1_1core_1_1_slice.html#a50851148948d924b71817cfbd4401504":[1,0,1,0,131,5], +"classmlx_1_1core_1_1_slice.html#a50851148948d924b71817cfbd4401504":[2,0,1,0,128,5], +"classmlx_1_1core_1_1_slice.html#a8288324045ab21d6c97b1695ce86ef36":[1,0,1,0,131,4], +"classmlx_1_1core_1_1_slice.html#a8288324045ab21d6c97b1695ce86ef36":[2,0,1,0,128,4], +"classmlx_1_1core_1_1_slice.html#aa53c21ff06a7c659e889af6b97d10a4a":[1,0,1,0,131,2], +"classmlx_1_1core_1_1_slice.html#aa53c21ff06a7c659e889af6b97d10a4a":[2,0,1,0,128,2], +"classmlx_1_1core_1_1_slice.html#ae33583b0db22fcfeae34dfe1c0e3eaa2":[1,0,1,0,131,8], +"classmlx_1_1core_1_1_slice.html#ae33583b0db22fcfeae34dfe1c0e3eaa2":[2,0,1,0,128,8], +"classmlx_1_1core_1_1_slice_update.html":[1,0,1,0,132], +"classmlx_1_1core_1_1_slice_update.html":[2,0,1,0,129], +"classmlx_1_1core_1_1_slice_update.html#a0ce3248cc61dae2b51d7aa8ee4197611":[1,0,1,0,132,4], +"classmlx_1_1core_1_1_slice_update.html#a0ce3248cc61dae2b51d7aa8ee4197611":[2,0,1,0,129,4], +"classmlx_1_1core_1_1_slice_update.html#a60f588acced42391e6e5615ae8d16119":[1,0,1,0,132,3], +"classmlx_1_1core_1_1_slice_update.html#a60f588acced42391e6e5615ae8d16119":[2,0,1,0,129,3], +"classmlx_1_1core_1_1_slice_update.html#a63a49264b18340f2bc442c081a7b4c7a":[1,0,1,0,132,0], +"classmlx_1_1core_1_1_slice_update.html#a63a49264b18340f2bc442c081a7b4c7a":[2,0,1,0,129,0], +"classmlx_1_1core_1_1_slice_update.html#a751eefb9922c56479b4b0de2ad45439b":[1,0,1,0,132,6], +"classmlx_1_1core_1_1_slice_update.html#a751eefb9922c56479b4b0de2ad45439b":[2,0,1,0,129,6], +"classmlx_1_1core_1_1_slice_update.html#aac1a1d122e5697be057d63552141032b":[1,0,1,0,132,2], +"classmlx_1_1core_1_1_slice_update.html#aac1a1d122e5697be057d63552141032b":[2,0,1,0,129,2], +"classmlx_1_1core_1_1_slice_update.html#aac5156a19209274b7de1dff231ef25fd":[1,0,1,0,132,7], +"classmlx_1_1core_1_1_slice_update.html#aac5156a19209274b7de1dff231ef25fd":[2,0,1,0,129,7], +"classmlx_1_1core_1_1_slice_update.html#abb6376f13c4269bd9e739e131893da53":[1,0,1,0,132,5], +"classmlx_1_1core_1_1_slice_update.html#abb6376f13c4269bd9e739e131893da53":[2,0,1,0,129,5], +"classmlx_1_1core_1_1_slice_update.html#ad82ca0e3ab88a0e086431050deea831b":[1,0,1,0,132,1], +"classmlx_1_1core_1_1_slice_update.html#ad82ca0e3ab88a0e086431050deea831b":[2,0,1,0,129,1], +"classmlx_1_1core_1_1_slice_update.html#adbf1c76de6ab2f986758530d351d6fa3":[1,0,1,0,132,9], +"classmlx_1_1core_1_1_slice_update.html#adbf1c76de6ab2f986758530d351d6fa3":[2,0,1,0,129,9], +"classmlx_1_1core_1_1_slice_update.html#aedcdc60a0477997a96306c02b66d3f77":[1,0,1,0,132,8], +"classmlx_1_1core_1_1_slice_update.html#aedcdc60a0477997a96306c02b66d3f77":[2,0,1,0,129,8], +"classmlx_1_1core_1_1_softmax.html":[1,0,1,0,133], +"classmlx_1_1core_1_1_softmax.html":[2,0,1,0,130], +"classmlx_1_1core_1_1_softmax.html#a1a798a4dcd62486362d4b58582357490":[1,0,1,0,133,5], +"classmlx_1_1core_1_1_softmax.html#a1a798a4dcd62486362d4b58582357490":[2,0,1,0,130,5], +"classmlx_1_1core_1_1_softmax.html#a35dac69ddcc7e2ec0e1a76fe93db85af":[1,0,1,0,133,2], +"classmlx_1_1core_1_1_softmax.html#a35dac69ddcc7e2ec0e1a76fe93db85af":[2,0,1,0,130,2], +"classmlx_1_1core_1_1_softmax.html#a4ec686aac4e06f0dfe2cbd6801af40eb":[1,0,1,0,133,0], +"classmlx_1_1core_1_1_softmax.html#a4ec686aac4e06f0dfe2cbd6801af40eb":[2,0,1,0,130,0], +"classmlx_1_1core_1_1_softmax.html#a9215ed7bd36bc11276c58dfb9808d728":[1,0,1,0,133,3], +"classmlx_1_1core_1_1_softmax.html#a9215ed7bd36bc11276c58dfb9808d728":[2,0,1,0,130,3], +"classmlx_1_1core_1_1_softmax.html#aa783610ef6b82b92681e78fc99412d83":[1,0,1,0,133,6], +"classmlx_1_1core_1_1_softmax.html#aa783610ef6b82b92681e78fc99412d83":[2,0,1,0,130,6], +"classmlx_1_1core_1_1_softmax.html#abb68c311c45ee422a7c966accde9041b":[1,0,1,0,133,8], +"classmlx_1_1core_1_1_softmax.html#abb68c311c45ee422a7c966accde9041b":[2,0,1,0,130,8], +"classmlx_1_1core_1_1_softmax.html#ac9ebc2eab1683b682e689ed8f4622b79":[1,0,1,0,133,1], +"classmlx_1_1core_1_1_softmax.html#ac9ebc2eab1683b682e689ed8f4622b79":[2,0,1,0,130,1], +"classmlx_1_1core_1_1_softmax.html#ad22d3dcc71054d3dba529cf2dc981e19":[1,0,1,0,133,9], +"classmlx_1_1core_1_1_softmax.html#ad22d3dcc71054d3dba529cf2dc981e19":[2,0,1,0,130,9], +"classmlx_1_1core_1_1_softmax.html#adf665f7c292e84f56c630016b75427f3":[1,0,1,0,133,7], +"classmlx_1_1core_1_1_softmax.html#adf665f7c292e84f56c630016b75427f3":[2,0,1,0,130,7], +"classmlx_1_1core_1_1_softmax.html#af96172634a24332b0fc8d7ca7e73f19f":[1,0,1,0,133,4], +"classmlx_1_1core_1_1_softmax.html#af96172634a24332b0fc8d7ca7e73f19f":[2,0,1,0,130,4], +"classmlx_1_1core_1_1_sort.html":[1,0,1,0,134], +"classmlx_1_1core_1_1_sort.html":[2,0,1,0,131], +"classmlx_1_1core_1_1_sort.html#a3a8900dce53ee4eb7a1b83806e629358":[1,0,1,0,134,8], +"classmlx_1_1core_1_1_sort.html#a3a8900dce53ee4eb7a1b83806e629358":[2,0,1,0,131,8], +"classmlx_1_1core_1_1_sort.html#a4141c48f0e8670c728663f3722675382":[1,0,1,0,134,2], +"classmlx_1_1core_1_1_sort.html#a4141c48f0e8670c728663f3722675382":[2,0,1,0,131,2], +"classmlx_1_1core_1_1_sort.html#a459769a0241b2620e55bedaba19827cd":[1,0,1,0,134,1], +"classmlx_1_1core_1_1_sort.html#a459769a0241b2620e55bedaba19827cd":[2,0,1,0,131,1], +"classmlx_1_1core_1_1_sort.html#a5ab15d1a89efd8661887c805c35fc617":[1,0,1,0,134,7], +"classmlx_1_1core_1_1_sort.html#a5ab15d1a89efd8661887c805c35fc617":[2,0,1,0,131,7], +"classmlx_1_1core_1_1_sort.html#a62943032dbd72e85ceb9b4b7211f4a44":[1,0,1,0,134,0], +"classmlx_1_1core_1_1_sort.html#a62943032dbd72e85ceb9b4b7211f4a44":[2,0,1,0,131,0], +"classmlx_1_1core_1_1_sort.html#abfabb9e625cc0cb9335c7454ed27505c":[1,0,1,0,134,9], +"classmlx_1_1core_1_1_sort.html#abfabb9e625cc0cb9335c7454ed27505c":[2,0,1,0,131,9], +"classmlx_1_1core_1_1_sort.html#acc0a3f078b3f4c83e6e1137cb81ee62c":[1,0,1,0,134,5], +"classmlx_1_1core_1_1_sort.html#acc0a3f078b3f4c83e6e1137cb81ee62c":[2,0,1,0,131,5], +"classmlx_1_1core_1_1_sort.html#ada81b9343f80958174eba708452927a2":[1,0,1,0,134,6], +"classmlx_1_1core_1_1_sort.html#ada81b9343f80958174eba708452927a2":[2,0,1,0,131,6], +"classmlx_1_1core_1_1_sort.html#ae48f07cf641d54234fc4fb6529a33511":[1,0,1,0,134,3], +"classmlx_1_1core_1_1_sort.html#ae48f07cf641d54234fc4fb6529a33511":[2,0,1,0,131,3], +"classmlx_1_1core_1_1_sort.html#af113ac983473433eec851c8fddfcba62":[1,0,1,0,134,4], +"classmlx_1_1core_1_1_sort.html#af113ac983473433eec851c8fddfcba62":[2,0,1,0,131,4], +"classmlx_1_1core_1_1_split.html":[1,0,1,0,135], +"classmlx_1_1core_1_1_split.html":[2,0,1,0,132], +"classmlx_1_1core_1_1_split.html#a78ddda89c4daee73c74cfbc1e44656df":[1,0,1,0,135,2], +"classmlx_1_1core_1_1_split.html#a78ddda89c4daee73c74cfbc1e44656df":[2,0,1,0,132,2], +"classmlx_1_1core_1_1_split.html#a7e8730f9cffa9872fff6f8d577031674":[1,0,1,0,135,7], +"classmlx_1_1core_1_1_split.html#a7e8730f9cffa9872fff6f8d577031674":[2,0,1,0,132,7], +"classmlx_1_1core_1_1_split.html#a915156cde0448ec26776e329004b1a92":[1,0,1,0,135,6], +"classmlx_1_1core_1_1_split.html#a915156cde0448ec26776e329004b1a92":[2,0,1,0,132,6], +"classmlx_1_1core_1_1_split.html#ab7c40e02a842e83bdb4698608472c7a6":[1,0,1,0,135,8], +"classmlx_1_1core_1_1_split.html#ab7c40e02a842e83bdb4698608472c7a6":[2,0,1,0,132,8], +"classmlx_1_1core_1_1_split.html#ab8a8d30fd1ebf0891f41f3c32eabe282":[1,0,1,0,135,4], +"classmlx_1_1core_1_1_split.html#ab8a8d30fd1ebf0891f41f3c32eabe282":[2,0,1,0,132,4], +"classmlx_1_1core_1_1_split.html#ad0c31fe5972643cc75fde10445fc47f2":[1,0,1,0,135,5], +"classmlx_1_1core_1_1_split.html#ad0c31fe5972643cc75fde10445fc47f2":[2,0,1,0,132,5], +"classmlx_1_1core_1_1_split.html#ad3f4ed34b85c73683bad5d530309342f":[1,0,1,0,135,0], +"classmlx_1_1core_1_1_split.html#ad3f4ed34b85c73683bad5d530309342f":[2,0,1,0,132,0], +"classmlx_1_1core_1_1_split.html#af25a0cc259573b9dce60d285eee18345":[1,0,1,0,135,3], +"classmlx_1_1core_1_1_split.html#af25a0cc259573b9dce60d285eee18345":[2,0,1,0,132,3], +"classmlx_1_1core_1_1_split.html#aff2889cb9074f0fda53edf8fa40b1fd4":[1,0,1,0,135,1], +"classmlx_1_1core_1_1_split.html#aff2889cb9074f0fda53edf8fa40b1fd4":[2,0,1,0,132,1], +"classmlx_1_1core_1_1_sqrt.html":[1,0,1,0,136], +"classmlx_1_1core_1_1_sqrt.html":[2,0,1,0,133], +"classmlx_1_1core_1_1_sqrt.html#a053853757ad99195e3f2b1cca571e31b":[1,0,1,0,136,7], +"classmlx_1_1core_1_1_sqrt.html#a053853757ad99195e3f2b1cca571e31b":[2,0,1,0,133,7], +"classmlx_1_1core_1_1_sqrt.html#a08a21bd2c3a016f042d95aca294e68f3":[1,0,1,0,136,8], +"classmlx_1_1core_1_1_sqrt.html#a08a21bd2c3a016f042d95aca294e68f3":[2,0,1,0,133,8], +"classmlx_1_1core_1_1_sqrt.html#a5a64ecc4eef1e30a2963435dca7cefd5":[1,0,1,0,136,1], +"classmlx_1_1core_1_1_sqrt.html#a5a64ecc4eef1e30a2963435dca7cefd5":[2,0,1,0,133,1], +"classmlx_1_1core_1_1_sqrt.html#a6682a7c31ca427c9d2c5ddb6a479bf29":[1,0,1,0,136,0], +"classmlx_1_1core_1_1_sqrt.html#a6682a7c31ca427c9d2c5ddb6a479bf29":[2,0,1,0,133,0], +"classmlx_1_1core_1_1_sqrt.html#a6d205e679a593d1ba20206c5c47ba501":[1,0,1,0,136,2], +"classmlx_1_1core_1_1_sqrt.html#a6d205e679a593d1ba20206c5c47ba501":[2,0,1,0,133,2], +"classmlx_1_1core_1_1_sqrt.html#a78544b1fb5da0c14bce3051ffd177818":[1,0,1,0,136,4], +"classmlx_1_1core_1_1_sqrt.html#a78544b1fb5da0c14bce3051ffd177818":[2,0,1,0,133,4], +"classmlx_1_1core_1_1_sqrt.html#a8681c8de2f50049848d320c47f713c0f":[1,0,1,0,136,6], +"classmlx_1_1core_1_1_sqrt.html#a8681c8de2f50049848d320c47f713c0f":[2,0,1,0,133,6], +"classmlx_1_1core_1_1_sqrt.html#a9d30e306ce08980c27d98c898577017e":[1,0,1,0,136,9], +"classmlx_1_1core_1_1_sqrt.html#a9d30e306ce08980c27d98c898577017e":[2,0,1,0,133,9], +"classmlx_1_1core_1_1_sqrt.html#ab871c2b8ab4a27a3f782a005d0e87c46":[1,0,1,0,136,3], +"classmlx_1_1core_1_1_sqrt.html#ab871c2b8ab4a27a3f782a005d0e87c46":[2,0,1,0,133,3], +"classmlx_1_1core_1_1_sqrt.html#ae45215d61e2e99749d9a0bae291edd45":[1,0,1,0,136,5], +"classmlx_1_1core_1_1_sqrt.html#ae45215d61e2e99749d9a0bae291edd45":[2,0,1,0,133,5], +"classmlx_1_1core_1_1_square.html":[1,0,1,0,137], +"classmlx_1_1core_1_1_square.html":[2,0,1,0,134], +"classmlx_1_1core_1_1_square.html#a0513541766bb997ed166643fe95a6d38":[1,0,1,0,137,5], +"classmlx_1_1core_1_1_square.html#a0513541766bb997ed166643fe95a6d38":[2,0,1,0,134,5], +"classmlx_1_1core_1_1_square.html#a0ea2a78a5bb52daa4103263bf2f98045":[1,0,1,0,137,2], +"classmlx_1_1core_1_1_square.html#a0ea2a78a5bb52daa4103263bf2f98045":[2,0,1,0,134,2], +"classmlx_1_1core_1_1_square.html#a1f4d327a705950616da63b83c2829e59":[1,0,1,0,137,1], +"classmlx_1_1core_1_1_square.html#a1f4d327a705950616da63b83c2829e59":[2,0,1,0,134,1], +"classmlx_1_1core_1_1_square.html#a55bf43f878d4741c57a08d5fef472ea5":[1,0,1,0,137,8], +"classmlx_1_1core_1_1_square.html#a55bf43f878d4741c57a08d5fef472ea5":[2,0,1,0,134,8], +"classmlx_1_1core_1_1_square.html#a6abc881d44071019aa15481e5ea75ab2":[1,0,1,0,137,3], +"classmlx_1_1core_1_1_square.html#a6abc881d44071019aa15481e5ea75ab2":[2,0,1,0,134,3], +"classmlx_1_1core_1_1_square.html#a75feb558cd1d615e96309dd7d1e81384":[1,0,1,0,137,6], +"classmlx_1_1core_1_1_square.html#a75feb558cd1d615e96309dd7d1e81384":[2,0,1,0,134,6], +"classmlx_1_1core_1_1_square.html#a822629b93b91e2bef29959431d95e22d":[1,0,1,0,137,4], +"classmlx_1_1core_1_1_square.html#a822629b93b91e2bef29959431d95e22d":[2,0,1,0,134,4], +"classmlx_1_1core_1_1_square.html#ab94e28d5c92e6febc1c74e525f730dc4":[1,0,1,0,137,0], +"classmlx_1_1core_1_1_square.html#ab94e28d5c92e6febc1c74e525f730dc4":[2,0,1,0,134,0], +"classmlx_1_1core_1_1_square.html#abcd9516da7f02dc906368c23b0bca263":[1,0,1,0,137,7], +"classmlx_1_1core_1_1_square.html#abcd9516da7f02dc906368c23b0bca263":[2,0,1,0,134,7], +"classmlx_1_1core_1_1_squeeze.html":[1,0,1,0,138], +"classmlx_1_1core_1_1_squeeze.html":[2,0,1,0,135], +"classmlx_1_1core_1_1_squeeze.html#a032bd53dcc3d71a11d810bc3ca3ef4b0":[1,0,1,0,138,0], +"classmlx_1_1core_1_1_squeeze.html#a032bd53dcc3d71a11d810bc3ca3ef4b0":[2,0,1,0,135,0], +"classmlx_1_1core_1_1_squeeze.html#a04f9d2595cb7d4ec988479cd33fe9362":[1,0,1,0,138,8], +"classmlx_1_1core_1_1_squeeze.html#a04f9d2595cb7d4ec988479cd33fe9362":[2,0,1,0,135,8], +"classmlx_1_1core_1_1_squeeze.html#a08f35991d36e30fa4c05a5c9e91feb93":[1,0,1,0,138,3], +"classmlx_1_1core_1_1_squeeze.html#a08f35991d36e30fa4c05a5c9e91feb93":[2,0,1,0,135,3], +"classmlx_1_1core_1_1_squeeze.html#a18d382c8bc59d60b38e9fd1cb70660fd":[1,0,1,0,138,2], +"classmlx_1_1core_1_1_squeeze.html#a18d382c8bc59d60b38e9fd1cb70660fd":[2,0,1,0,135,2], +"classmlx_1_1core_1_1_squeeze.html#a65ac5f63f98d85453ad884e9fa6e8083":[1,0,1,0,138,4], +"classmlx_1_1core_1_1_squeeze.html#a65ac5f63f98d85453ad884e9fa6e8083":[2,0,1,0,135,4], +"classmlx_1_1core_1_1_squeeze.html#a74c9c825b5b968badb9bca8159eabcdf":[1,0,1,0,138,7], +"classmlx_1_1core_1_1_squeeze.html#a74c9c825b5b968badb9bca8159eabcdf":[2,0,1,0,135,7], +"classmlx_1_1core_1_1_squeeze.html#a839d9d72ac0a19e1146b5b470292a174":[1,0,1,0,138,6], +"classmlx_1_1core_1_1_squeeze.html#a839d9d72ac0a19e1146b5b470292a174":[2,0,1,0,135,6], +"classmlx_1_1core_1_1_squeeze.html#a8d95a13d7cc5586d48a38e9199180d06":[1,0,1,0,138,9], +"classmlx_1_1core_1_1_squeeze.html#a8d95a13d7cc5586d48a38e9199180d06":[2,0,1,0,135,9], +"classmlx_1_1core_1_1_squeeze.html#a9bcb7476041020f59ef816196ddb81cb":[1,0,1,0,138,1], +"classmlx_1_1core_1_1_squeeze.html#a9bcb7476041020f59ef816196ddb81cb":[2,0,1,0,135,1], +"classmlx_1_1core_1_1_squeeze.html#aa098a5850741bfb621800c7badce3532":[1,0,1,0,138,10], +"classmlx_1_1core_1_1_squeeze.html#aa098a5850741bfb621800c7badce3532":[2,0,1,0,135,10], +"classmlx_1_1core_1_1_squeeze.html#aadf1d3b85839390a2ec560603aeed04a":[1,0,1,0,138,5], +"classmlx_1_1core_1_1_squeeze.html#aadf1d3b85839390a2ec560603aeed04a":[2,0,1,0,135,5], +"classmlx_1_1core_1_1_stop_gradient.html":[1,0,1,0,139], +"classmlx_1_1core_1_1_stop_gradient.html":[2,0,1,0,136], +"classmlx_1_1core_1_1_stop_gradient.html#a327539298b21d800d26482b94fce41b3":[1,0,1,0,139,3], +"classmlx_1_1core_1_1_stop_gradient.html#a327539298b21d800d26482b94fce41b3":[2,0,1,0,136,3], +"classmlx_1_1core_1_1_stop_gradient.html#a56207714d374b08f60e4d9cdbc7340b2":[1,0,1,0,139,1], +"classmlx_1_1core_1_1_stop_gradient.html#a56207714d374b08f60e4d9cdbc7340b2":[2,0,1,0,136,1], +"classmlx_1_1core_1_1_stop_gradient.html#a8af7641d478505d1dc39c75ba7d5a3cf":[1,0,1,0,139,4], +"classmlx_1_1core_1_1_stop_gradient.html#a8af7641d478505d1dc39c75ba7d5a3cf":[2,0,1,0,136,4], +"classmlx_1_1core_1_1_stop_gradient.html#a907b96f0a1ce608e211d87ccf2b9ca89":[1,0,1,0,139,2], +"classmlx_1_1core_1_1_stop_gradient.html#a907b96f0a1ce608e211d87ccf2b9ca89":[2,0,1,0,136,2], +"classmlx_1_1core_1_1_stop_gradient.html#ac70d1ab819d04e00f76bc25aeebaf84f":[1,0,1,0,139,0], +"classmlx_1_1core_1_1_stop_gradient.html#ac70d1ab819d04e00f76bc25aeebaf84f":[2,0,1,0,136,0], +"classmlx_1_1core_1_1_stop_gradient.html#aca680c8befef81da414c4375b11b16b0":[1,0,1,0,139,6], +"classmlx_1_1core_1_1_stop_gradient.html#aca680c8befef81da414c4375b11b16b0":[2,0,1,0,136,6], +"classmlx_1_1core_1_1_stop_gradient.html#acc7a7d51cbf014dae8ba3d20bedcad50":[1,0,1,0,139,5], +"classmlx_1_1core_1_1_stop_gradient.html#acc7a7d51cbf014dae8ba3d20bedcad50":[2,0,1,0,136,5], +"classmlx_1_1core_1_1_subtract.html":[1,0,1,0,142], +"classmlx_1_1core_1_1_subtract.html":[2,0,1,0,139], +"classmlx_1_1core_1_1_subtract.html#a3834fd305435fb5a8e512566832e372b":[1,0,1,0,142,6], +"classmlx_1_1core_1_1_subtract.html#a3834fd305435fb5a8e512566832e372b":[2,0,1,0,139,6], +"classmlx_1_1core_1_1_subtract.html#a3a3322be7c3bcaa0397cf099091df16b":[1,0,1,0,142,7], +"classmlx_1_1core_1_1_subtract.html#a3a3322be7c3bcaa0397cf099091df16b":[2,0,1,0,139,7], +"classmlx_1_1core_1_1_subtract.html#a47574258b6c95f8ad260c114d6d36a12":[1,0,1,0,142,1], +"classmlx_1_1core_1_1_subtract.html#a47574258b6c95f8ad260c114d6d36a12":[2,0,1,0,139,1], +"classmlx_1_1core_1_1_subtract.html#a69021b23daf061764d97fabbc0f4f06c":[1,0,1,0,142,2], +"classmlx_1_1core_1_1_subtract.html#a69021b23daf061764d97fabbc0f4f06c":[2,0,1,0,139,2], +"classmlx_1_1core_1_1_subtract.html#a8100081a99df5166f02efc76d6641220":[1,0,1,0,142,4], +"classmlx_1_1core_1_1_subtract.html#a8100081a99df5166f02efc76d6641220":[2,0,1,0,139,4], +"classmlx_1_1core_1_1_subtract.html#a834854757394f8de7082af65bf86ed9c":[1,0,1,0,142,0], +"classmlx_1_1core_1_1_subtract.html#a834854757394f8de7082af65bf86ed9c":[2,0,1,0,139,0], +"classmlx_1_1core_1_1_subtract.html#aa98f960e621a767c8a03624fd292f098":[1,0,1,0,142,8], +"classmlx_1_1core_1_1_subtract.html#aa98f960e621a767c8a03624fd292f098":[2,0,1,0,139,8], +"classmlx_1_1core_1_1_subtract.html#aaaff4872bde70ad40cf90e6131ea0489":[1,0,1,0,142,5], +"classmlx_1_1core_1_1_subtract.html#aaaff4872bde70ad40cf90e6131ea0489":[2,0,1,0,139,5], +"classmlx_1_1core_1_1_subtract.html#af1c05e1e3f703ba916d54f8ccbbd102b":[1,0,1,0,142,3], +"classmlx_1_1core_1_1_subtract.html#af1c05e1e3f703ba916d54f8ccbbd102b":[2,0,1,0,139,3], +"classmlx_1_1core_1_1_tan.html":[1,0,1,0,144], +"classmlx_1_1core_1_1_tan.html":[2,0,1,0,141], +"classmlx_1_1core_1_1_tan.html#a4639836cff03d73c769387d6943e92d7":[1,0,1,0,144,7], +"classmlx_1_1core_1_1_tan.html#a4639836cff03d73c769387d6943e92d7":[2,0,1,0,141,7], +"classmlx_1_1core_1_1_tan.html#a5d7c76122d63619df17b0e45450bc8f2":[1,0,1,0,144,4], +"classmlx_1_1core_1_1_tan.html#a5d7c76122d63619df17b0e45450bc8f2":[2,0,1,0,141,4], +"classmlx_1_1core_1_1_tan.html#a8dcc9ff660210ccf05134dd95f47de08":[1,0,1,0,144,0], +"classmlx_1_1core_1_1_tan.html#a8dcc9ff660210ccf05134dd95f47de08":[2,0,1,0,141,0], +"classmlx_1_1core_1_1_tan.html#a9c9a731158fa60eef30067fe0da9f3e9":[1,0,1,0,144,1], +"classmlx_1_1core_1_1_tan.html#a9c9a731158fa60eef30067fe0da9f3e9":[2,0,1,0,141,1], +"classmlx_1_1core_1_1_tan.html#a9e4bba311bb24617dbb5ca591bc2868e":[1,0,1,0,144,5], +"classmlx_1_1core_1_1_tan.html#a9e4bba311bb24617dbb5ca591bc2868e":[2,0,1,0,141,5], +"classmlx_1_1core_1_1_tan.html#aca7dbb4836507005a2032ac957a04d3f":[1,0,1,0,144,2], +"classmlx_1_1core_1_1_tan.html#aca7dbb4836507005a2032ac957a04d3f":[2,0,1,0,141,2], +"classmlx_1_1core_1_1_tan.html#ae2f67ca2adc83b10009cf28498bf58b7":[1,0,1,0,144,8], +"classmlx_1_1core_1_1_tan.html#ae2f67ca2adc83b10009cf28498bf58b7":[2,0,1,0,141,8], +"classmlx_1_1core_1_1_tan.html#aeea7c284d595a2a928d5f28a55e9be7f":[1,0,1,0,144,6], +"classmlx_1_1core_1_1_tan.html#aeea7c284d595a2a928d5f28a55e9be7f":[2,0,1,0,141,6], +"classmlx_1_1core_1_1_tan.html#afdf46288e7f60ea7f878688347dff7e4":[1,0,1,0,144,3], +"classmlx_1_1core_1_1_tan.html#afdf46288e7f60ea7f878688347dff7e4":[2,0,1,0,141,3], +"classmlx_1_1core_1_1_tanh.html":[1,0,1,0,145], +"classmlx_1_1core_1_1_tanh.html":[2,0,1,0,142], +"classmlx_1_1core_1_1_tanh.html#a0692a1de2373b86eb394252ed4fecfda":[1,0,1,0,145,3], +"classmlx_1_1core_1_1_tanh.html#a0692a1de2373b86eb394252ed4fecfda":[2,0,1,0,142,3], +"classmlx_1_1core_1_1_tanh.html#a32df3564c1ecb858c1ba9f855376762f":[1,0,1,0,145,8], +"classmlx_1_1core_1_1_tanh.html#a32df3564c1ecb858c1ba9f855376762f":[2,0,1,0,142,8], +"classmlx_1_1core_1_1_tanh.html#a48df896599ae93dbce84a5c0f50cf761":[1,0,1,0,145,2], +"classmlx_1_1core_1_1_tanh.html#a48df896599ae93dbce84a5c0f50cf761":[2,0,1,0,142,2], +"classmlx_1_1core_1_1_tanh.html#a73f4976d641daf697cc1a231d773d78e":[1,0,1,0,145,6], +"classmlx_1_1core_1_1_tanh.html#a73f4976d641daf697cc1a231d773d78e":[2,0,1,0,142,6], +"classmlx_1_1core_1_1_tanh.html#a8873286b69b805486fa83c4806843f3d":[1,0,1,0,145,5], +"classmlx_1_1core_1_1_tanh.html#a8873286b69b805486fa83c4806843f3d":[2,0,1,0,142,5], +"classmlx_1_1core_1_1_tanh.html#ae0fbb5370dc1c3a4fb0dd02ca28a832a":[1,0,1,0,145,4], +"classmlx_1_1core_1_1_tanh.html#ae0fbb5370dc1c3a4fb0dd02ca28a832a":[2,0,1,0,142,4], +"classmlx_1_1core_1_1_tanh.html#ae551297bf573e1802fb831440276dee4":[1,0,1,0,145,0], +"classmlx_1_1core_1_1_tanh.html#ae551297bf573e1802fb831440276dee4":[2,0,1,0,142,0], +"classmlx_1_1core_1_1_tanh.html#af7ed4345f622da069e5b0284067923f5":[1,0,1,0,145,1], +"classmlx_1_1core_1_1_tanh.html#af7ed4345f622da069e5b0284067923f5":[2,0,1,0,142,1], +"classmlx_1_1core_1_1_tanh.html#afe7b05e2b36b99c3a1b66f0cd3544e95":[1,0,1,0,145,7], +"classmlx_1_1core_1_1_tanh.html#afe7b05e2b36b99c3a1b66f0cd3544e95":[2,0,1,0,142,7], +"classmlx_1_1core_1_1_transpose.html":[1,0,1,0,146], +"classmlx_1_1core_1_1_transpose.html":[2,0,1,0,143], +"classmlx_1_1core_1_1_transpose.html#a1a9ba023584c61c7ac93d6dce536760a":[1,0,1,0,146,0], +"classmlx_1_1core_1_1_transpose.html#a1a9ba023584c61c7ac93d6dce536760a":[2,0,1,0,143,0], +"classmlx_1_1core_1_1_transpose.html#a1fbcfcca43f9ec06c63a3c14708c30f8":[1,0,1,0,146,1], +"classmlx_1_1core_1_1_transpose.html#a1fbcfcca43f9ec06c63a3c14708c30f8":[2,0,1,0,143,1], +"classmlx_1_1core_1_1_transpose.html#a23167291e2bf12e2bb2e51d1db340909":[1,0,1,0,146,7], +"classmlx_1_1core_1_1_transpose.html#a23167291e2bf12e2bb2e51d1db340909":[2,0,1,0,143,7], +"classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e":[1,0,1,0,146,2], +"classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e":[2,0,1,0,143,2], +"classmlx_1_1core_1_1_transpose.html#a5ef848b69def9a246665b67e6e3ffdfe":[1,0,1,0,146,9], +"classmlx_1_1core_1_1_transpose.html#a5ef848b69def9a246665b67e6e3ffdfe":[2,0,1,0,143,9] }; diff --git a/docs/build/html/navtreeindex11.js b/docs/build/html/navtreeindex11.js index 5eb2f57f5..df50b7dd8 100644 --- a/docs/build/html/navtreeindex11.js +++ b/docs/build/html/navtreeindex11.js @@ -1,81 +1,77 @@ var NAVTREEINDEX11 = { -"classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e":[1,0,1,0,145,2], -"classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e":[2,0,1,0,142,2], -"classmlx_1_1core_1_1_transpose.html#a5ef848b69def9a246665b67e6e3ffdfe":[1,0,1,0,145,9], -"classmlx_1_1core_1_1_transpose.html#a5ef848b69def9a246665b67e6e3ffdfe":[2,0,1,0,142,9], -"classmlx_1_1core_1_1_transpose.html#a799ec3c3fa9f1b9e6177c755252a3eab":[1,0,1,0,145,3], -"classmlx_1_1core_1_1_transpose.html#a799ec3c3fa9f1b9e6177c755252a3eab":[2,0,1,0,142,3], -"classmlx_1_1core_1_1_transpose.html#ac1a523e25ab7fd9df4da363a922afbe1":[1,0,1,0,145,4], -"classmlx_1_1core_1_1_transpose.html#ac1a523e25ab7fd9df4da363a922afbe1":[2,0,1,0,142,4], -"classmlx_1_1core_1_1_transpose.html#ac6c87b850f4e5560aa13a5e1e9f9fe04":[1,0,1,0,145,6], -"classmlx_1_1core_1_1_transpose.html#ac6c87b850f4e5560aa13a5e1e9f9fe04":[2,0,1,0,142,6], -"classmlx_1_1core_1_1_transpose.html#ac7805aa29b34afdf8852554f1e759f80":[1,0,1,0,145,8], -"classmlx_1_1core_1_1_transpose.html#ac7805aa29b34afdf8852554f1e759f80":[2,0,1,0,142,8], -"classmlx_1_1core_1_1_transpose.html#ac9328f43900bedec555909d09202ccd7":[1,0,1,0,145,5], -"classmlx_1_1core_1_1_transpose.html#ac9328f43900bedec555909d09202ccd7":[2,0,1,0,142,5], -"classmlx_1_1core_1_1_unary_primitive.html":[1,0,1,0,147], -"classmlx_1_1core_1_1_unary_primitive.html":[2,0,1,0,144], -"classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22":[1,0,1,0,147,8], -"classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22":[2,0,1,0,144,8], -"classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e":[1,0,1,0,147,0], -"classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e":[2,0,1,0,144,0], -"classmlx_1_1core_1_1_unary_primitive.html#a6b7f80abaf038d53ec6ffbb0dfac6adb":[1,0,1,0,147,6], -"classmlx_1_1core_1_1_unary_primitive.html#a6b7f80abaf038d53ec6ffbb0dfac6adb":[2,0,1,0,144,6], -"classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3":[1,0,1,0,147,3], -"classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3":[2,0,1,0,144,3], -"classmlx_1_1core_1_1_unary_primitive.html#a7e8f6f5d6ae0a33f6abc0f5a46e0b132":[1,0,1,0,147,4], -"classmlx_1_1core_1_1_unary_primitive.html#a7e8f6f5d6ae0a33f6abc0f5a46e0b132":[2,0,1,0,144,4], -"classmlx_1_1core_1_1_unary_primitive.html#a971fe9ad47f6569118879ce1d0f41447":[1,0,1,0,147,7], -"classmlx_1_1core_1_1_unary_primitive.html#a971fe9ad47f6569118879ce1d0f41447":[2,0,1,0,144,7], -"classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2":[1,0,1,0,147,2], -"classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2":[2,0,1,0,144,2], -"classmlx_1_1core_1_1_unary_primitive.html#aa0ed6e32c36200a3ff9bc592c9b300db":[1,0,1,0,147,5], -"classmlx_1_1core_1_1_unary_primitive.html#aa0ed6e32c36200a3ff9bc592c9b300db":[2,0,1,0,144,5], -"classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5":[1,0,1,0,147,9], -"classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5":[2,0,1,0,144,9], -"classmlx_1_1core_1_1_unary_primitive.html#ac0677ab99a5ca660ed6ab7902ea364de":[1,0,1,0,147,1], -"classmlx_1_1core_1_1_unary_primitive.html#ac0677ab99a5ca660ed6ab7902ea364de":[2,0,1,0,144,1], -"classmlx_1_1core_1_1_unflatten.html":[1,0,1,0,148], -"classmlx_1_1core_1_1_unflatten.html":[2,0,1,0,145], -"classmlx_1_1core_1_1_unflatten.html#a068cf053b5b0612fafd4a2d53d42f9fa":[1,0,1,0,148,6], -"classmlx_1_1core_1_1_unflatten.html#a068cf053b5b0612fafd4a2d53d42f9fa":[2,0,1,0,145,6], -"classmlx_1_1core_1_1_unflatten.html#a0f6ee31b99aca962d887c856414813fe":[1,0,1,0,148,10], -"classmlx_1_1core_1_1_unflatten.html#a0f6ee31b99aca962d887c856414813fe":[2,0,1,0,145,10], -"classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966":[1,0,1,0,148,0], -"classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966":[2,0,1,0,145,0], -"classmlx_1_1core_1_1_unflatten.html#a34f1218fa1d0e28f3ee10b65e6b0e319":[1,0,1,0,148,9], -"classmlx_1_1core_1_1_unflatten.html#a34f1218fa1d0e28f3ee10b65e6b0e319":[2,0,1,0,145,9], -"classmlx_1_1core_1_1_unflatten.html#a4c760c8fe981fd2ac17a31ff9faff10a":[1,0,1,0,148,5], -"classmlx_1_1core_1_1_unflatten.html#a4c760c8fe981fd2ac17a31ff9faff10a":[2,0,1,0,145,5], -"classmlx_1_1core_1_1_unflatten.html#a507c22306b7afcdd5970cfaa32188f0a":[1,0,1,0,148,1], -"classmlx_1_1core_1_1_unflatten.html#a507c22306b7afcdd5970cfaa32188f0a":[2,0,1,0,145,1], -"classmlx_1_1core_1_1_unflatten.html#a6a89fc709aae0fb3e17035e39b5ccd58":[1,0,1,0,148,3], -"classmlx_1_1core_1_1_unflatten.html#a6a89fc709aae0fb3e17035e39b5ccd58":[2,0,1,0,145,3], -"classmlx_1_1core_1_1_unflatten.html#a77820cf21bd1277c173305b72599bdef":[1,0,1,0,148,7], -"classmlx_1_1core_1_1_unflatten.html#a77820cf21bd1277c173305b72599bdef":[2,0,1,0,145,7], -"classmlx_1_1core_1_1_unflatten.html#aa3da5fc9920581931d6f9d4236a6d8e5":[1,0,1,0,148,4], -"classmlx_1_1core_1_1_unflatten.html#aa3da5fc9920581931d6f9d4236a6d8e5":[2,0,1,0,145,4], -"classmlx_1_1core_1_1_unflatten.html#adfbb8208355f9c3cb2e4cb1fd4fe788f":[1,0,1,0,148,2], -"classmlx_1_1core_1_1_unflatten.html#adfbb8208355f9c3cb2e4cb1fd4fe788f":[2,0,1,0,145,2], -"classmlx_1_1core_1_1_unflatten.html#aeba13680064238191811230171365598":[1,0,1,0,148,8], -"classmlx_1_1core_1_1_unflatten.html#aeba13680064238191811230171365598":[2,0,1,0,145,8], -"classmlx_1_1core_1_1_view.html":[1,0,1,0,151], -"classmlx_1_1core_1_1_view.html":[2,0,1,0,148], -"classmlx_1_1core_1_1_view.html#a0ad6deb11914a242f10e8039fcb02497":[1,0,1,0,151,1], -"classmlx_1_1core_1_1_view.html#a0ad6deb11914a242f10e8039fcb02497":[2,0,1,0,148,1], -"classmlx_1_1core_1_1_view.html#a2230d3e5f434fb2b888de50b529ac121":[1,0,1,0,151,6], -"classmlx_1_1core_1_1_view.html#a2230d3e5f434fb2b888de50b529ac121":[2,0,1,0,148,6], -"classmlx_1_1core_1_1_view.html#a37620f6548630bd2d0dd44e9ab084b93":[1,0,1,0,151,5], -"classmlx_1_1core_1_1_view.html#a37620f6548630bd2d0dd44e9ab084b93":[2,0,1,0,148,5], -"classmlx_1_1core_1_1_view.html#a513b034919a8a494add3155f910a360c":[1,0,1,0,151,4], -"classmlx_1_1core_1_1_view.html#a513b034919a8a494add3155f910a360c":[2,0,1,0,148,4], -"classmlx_1_1core_1_1_view.html#a7cb8403a96a47cb258caac4e3b850f64":[1,0,1,0,151,3], -"classmlx_1_1core_1_1_view.html#a7cb8403a96a47cb258caac4e3b850f64":[2,0,1,0,148,3], -"classmlx_1_1core_1_1_view.html#ad7eed156c308e9a29a8b41f965ec941e":[1,0,1,0,151,0], -"classmlx_1_1core_1_1_view.html#ad7eed156c308e9a29a8b41f965ec941e":[2,0,1,0,148,0], -"classmlx_1_1core_1_1_view.html#add6e12ff1e476fe1db7718b14f21b075":[1,0,1,0,151,2], -"classmlx_1_1core_1_1_view.html#add6e12ff1e476fe1db7718b14f21b075":[2,0,1,0,148,2], +"classmlx_1_1core_1_1_transpose.html#a799ec3c3fa9f1b9e6177c755252a3eab":[1,0,1,0,146,3], +"classmlx_1_1core_1_1_transpose.html#a799ec3c3fa9f1b9e6177c755252a3eab":[2,0,1,0,143,3], +"classmlx_1_1core_1_1_transpose.html#ac1a523e25ab7fd9df4da363a922afbe1":[1,0,1,0,146,4], +"classmlx_1_1core_1_1_transpose.html#ac1a523e25ab7fd9df4da363a922afbe1":[2,0,1,0,143,4], +"classmlx_1_1core_1_1_transpose.html#ac6c87b850f4e5560aa13a5e1e9f9fe04":[1,0,1,0,146,6], +"classmlx_1_1core_1_1_transpose.html#ac6c87b850f4e5560aa13a5e1e9f9fe04":[2,0,1,0,143,6], +"classmlx_1_1core_1_1_transpose.html#ac7805aa29b34afdf8852554f1e759f80":[1,0,1,0,146,8], +"classmlx_1_1core_1_1_transpose.html#ac7805aa29b34afdf8852554f1e759f80":[2,0,1,0,143,8], +"classmlx_1_1core_1_1_transpose.html#ac9328f43900bedec555909d09202ccd7":[1,0,1,0,146,5], +"classmlx_1_1core_1_1_transpose.html#ac9328f43900bedec555909d09202ccd7":[2,0,1,0,143,5], +"classmlx_1_1core_1_1_unary_primitive.html":[1,0,1,0,148], +"classmlx_1_1core_1_1_unary_primitive.html":[2,0,1,0,145], +"classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22":[1,0,1,0,148,8], +"classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22":[2,0,1,0,145,8], +"classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e":[1,0,1,0,148,0], +"classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e":[2,0,1,0,145,0], +"classmlx_1_1core_1_1_unary_primitive.html#a6b7f80abaf038d53ec6ffbb0dfac6adb":[1,0,1,0,148,6], +"classmlx_1_1core_1_1_unary_primitive.html#a6b7f80abaf038d53ec6ffbb0dfac6adb":[2,0,1,0,145,6], +"classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3":[1,0,1,0,148,3], +"classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3":[2,0,1,0,145,3], +"classmlx_1_1core_1_1_unary_primitive.html#a7e8f6f5d6ae0a33f6abc0f5a46e0b132":[1,0,1,0,148,4], +"classmlx_1_1core_1_1_unary_primitive.html#a7e8f6f5d6ae0a33f6abc0f5a46e0b132":[2,0,1,0,145,4], +"classmlx_1_1core_1_1_unary_primitive.html#a971fe9ad47f6569118879ce1d0f41447":[1,0,1,0,148,7], +"classmlx_1_1core_1_1_unary_primitive.html#a971fe9ad47f6569118879ce1d0f41447":[2,0,1,0,145,7], +"classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2":[1,0,1,0,148,2], +"classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2":[2,0,1,0,145,2], +"classmlx_1_1core_1_1_unary_primitive.html#aa0ed6e32c36200a3ff9bc592c9b300db":[1,0,1,0,148,5], +"classmlx_1_1core_1_1_unary_primitive.html#aa0ed6e32c36200a3ff9bc592c9b300db":[2,0,1,0,145,5], +"classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5":[1,0,1,0,148,9], +"classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5":[2,0,1,0,145,9], +"classmlx_1_1core_1_1_unary_primitive.html#ac0677ab99a5ca660ed6ab7902ea364de":[1,0,1,0,148,1], +"classmlx_1_1core_1_1_unary_primitive.html#ac0677ab99a5ca660ed6ab7902ea364de":[2,0,1,0,145,1], +"classmlx_1_1core_1_1_unflatten.html":[1,0,1,0,149], +"classmlx_1_1core_1_1_unflatten.html":[2,0,1,0,146], +"classmlx_1_1core_1_1_unflatten.html#a068cf053b5b0612fafd4a2d53d42f9fa":[1,0,1,0,149,6], +"classmlx_1_1core_1_1_unflatten.html#a068cf053b5b0612fafd4a2d53d42f9fa":[2,0,1,0,146,6], +"classmlx_1_1core_1_1_unflatten.html#a0f6ee31b99aca962d887c856414813fe":[1,0,1,0,149,10], +"classmlx_1_1core_1_1_unflatten.html#a0f6ee31b99aca962d887c856414813fe":[2,0,1,0,146,10], +"classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966":[1,0,1,0,149,0], +"classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966":[2,0,1,0,146,0], +"classmlx_1_1core_1_1_unflatten.html#a34f1218fa1d0e28f3ee10b65e6b0e319":[1,0,1,0,149,9], +"classmlx_1_1core_1_1_unflatten.html#a34f1218fa1d0e28f3ee10b65e6b0e319":[2,0,1,0,146,9], +"classmlx_1_1core_1_1_unflatten.html#a4c760c8fe981fd2ac17a31ff9faff10a":[1,0,1,0,149,5], +"classmlx_1_1core_1_1_unflatten.html#a4c760c8fe981fd2ac17a31ff9faff10a":[2,0,1,0,146,5], +"classmlx_1_1core_1_1_unflatten.html#a507c22306b7afcdd5970cfaa32188f0a":[1,0,1,0,149,1], +"classmlx_1_1core_1_1_unflatten.html#a507c22306b7afcdd5970cfaa32188f0a":[2,0,1,0,146,1], +"classmlx_1_1core_1_1_unflatten.html#a6a89fc709aae0fb3e17035e39b5ccd58":[1,0,1,0,149,3], +"classmlx_1_1core_1_1_unflatten.html#a6a89fc709aae0fb3e17035e39b5ccd58":[2,0,1,0,146,3], +"classmlx_1_1core_1_1_unflatten.html#a77820cf21bd1277c173305b72599bdef":[1,0,1,0,149,7], +"classmlx_1_1core_1_1_unflatten.html#a77820cf21bd1277c173305b72599bdef":[2,0,1,0,146,7], +"classmlx_1_1core_1_1_unflatten.html#aa3da5fc9920581931d6f9d4236a6d8e5":[1,0,1,0,149,4], +"classmlx_1_1core_1_1_unflatten.html#aa3da5fc9920581931d6f9d4236a6d8e5":[2,0,1,0,146,4], +"classmlx_1_1core_1_1_unflatten.html#adfbb8208355f9c3cb2e4cb1fd4fe788f":[1,0,1,0,149,2], +"classmlx_1_1core_1_1_unflatten.html#adfbb8208355f9c3cb2e4cb1fd4fe788f":[2,0,1,0,146,2], +"classmlx_1_1core_1_1_unflatten.html#aeba13680064238191811230171365598":[1,0,1,0,149,8], +"classmlx_1_1core_1_1_unflatten.html#aeba13680064238191811230171365598":[2,0,1,0,146,8], +"classmlx_1_1core_1_1_view.html":[1,0,1,0,152], +"classmlx_1_1core_1_1_view.html":[2,0,1,0,149], +"classmlx_1_1core_1_1_view.html#a0ad6deb11914a242f10e8039fcb02497":[1,0,1,0,152,1], +"classmlx_1_1core_1_1_view.html#a0ad6deb11914a242f10e8039fcb02497":[2,0,1,0,149,1], +"classmlx_1_1core_1_1_view.html#a2230d3e5f434fb2b888de50b529ac121":[1,0,1,0,152,6], +"classmlx_1_1core_1_1_view.html#a2230d3e5f434fb2b888de50b529ac121":[2,0,1,0,149,6], +"classmlx_1_1core_1_1_view.html#a37620f6548630bd2d0dd44e9ab084b93":[1,0,1,0,152,5], +"classmlx_1_1core_1_1_view.html#a37620f6548630bd2d0dd44e9ab084b93":[2,0,1,0,149,5], +"classmlx_1_1core_1_1_view.html#a513b034919a8a494add3155f910a360c":[1,0,1,0,152,4], +"classmlx_1_1core_1_1_view.html#a513b034919a8a494add3155f910a360c":[2,0,1,0,149,4], +"classmlx_1_1core_1_1_view.html#a7cb8403a96a47cb258caac4e3b850f64":[1,0,1,0,152,3], +"classmlx_1_1core_1_1_view.html#a7cb8403a96a47cb258caac4e3b850f64":[2,0,1,0,149,3], +"classmlx_1_1core_1_1_view.html#ad7eed156c308e9a29a8b41f965ec941e":[1,0,1,0,152,0], +"classmlx_1_1core_1_1_view.html#ad7eed156c308e9a29a8b41f965ec941e":[2,0,1,0,149,0], +"classmlx_1_1core_1_1_view.html#add6e12ff1e476fe1db7718b14f21b075":[1,0,1,0,152,2], +"classmlx_1_1core_1_1_view.html#add6e12ff1e476fe1db7718b14f21b075":[2,0,1,0,149,2], "classmlx_1_1core_1_1allocator_1_1_allocator.html":[1,0,1,0,0,0], "classmlx_1_1core_1_1allocator_1_1_allocator.html":[2,0,1,0,0,0], "classmlx_1_1core_1_1allocator_1_1_allocator.html#a027b84cddc8d476f736ac1f1a9991fe4":[1,0,1,0,0,0,7], @@ -116,138 +112,142 @@ var NAVTREEINDEX11 = "classmlx_1_1core_1_1allocator_1_1_common_allocator.html#aafa92e8310db089b1ac72b840777e26b":[2,0,1,0,0,2,2], "classmlx_1_1core_1_1allocator_1_1_common_allocator.html#abf84c726a37df68345589b897b2e35f0":[1,0,1,0,0,2,3], "classmlx_1_1core_1_1allocator_1_1_common_allocator.html#abf84c726a37df68345589b897b2e35f0":[2,0,1,0,0,2,3], -"classmlx_1_1core_1_1array.html":[1,0,1,0,28], -"classmlx_1_1core_1_1array.html":[2,0,1,0,25], -"classmlx_1_1core_1_1array.html#a000c3cfe13cb378bf0523b62816190da":[1,0,1,0,28,17], -"classmlx_1_1core_1_1array.html#a000c3cfe13cb378bf0523b62816190da":[2,0,1,0,25,17], -"classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1":[1,0,1,0,28,33], -"classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1":[2,0,1,0,25,33], -"classmlx_1_1core_1_1array.html#a0a8e4d6e67e739a712876bb36f88f9bf":[1,0,1,0,28,32], -"classmlx_1_1core_1_1array.html#a0a8e4d6e67e739a712876bb36f88f9bf":[2,0,1,0,25,32], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078":[1,0,1,0,28,3], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078":[2,0,1,0,25,3], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a308bd3e5bf976888b120dd36d0c2d2ae":[1,0,1,0,28,3,3], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a308bd3e5bf976888b120dd36d0c2d2ae":[2,0,1,0,25,3,3], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a6fc3d7595445dd877584495f47535268":[1,0,1,0,28,3,2], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a6fc3d7595445dd877584495f47535268":[2,0,1,0,25,3,2], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078ae8a9988458b0355001674020a45656fb":[1,0,1,0,28,3,0], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078ae8a9988458b0355001674020a45656fb":[2,0,1,0,25,3,0], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078af8a6f8eed2395ab89a758dec434393ae":[1,0,1,0,28,3,1], -"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078af8a6f8eed2395ab89a758dec434393ae":[2,0,1,0,25,3,1], -"classmlx_1_1core_1_1array.html#a1d06c76b0f3010a5c329d0e9e29e0597":[1,0,1,0,28,63], -"classmlx_1_1core_1_1array.html#a1d06c76b0f3010a5c329d0e9e29e0597":[2,0,1,0,25,63], -"classmlx_1_1core_1_1array.html#a2476f987ec7a5afb7665d3b3974db0b2":[1,0,1,0,28,15], -"classmlx_1_1core_1_1array.html#a2476f987ec7a5afb7665d3b3974db0b2":[2,0,1,0,25,15], -"classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a":[1,0,1,0,28,31], -"classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a":[2,0,1,0,25,31], -"classmlx_1_1core_1_1array.html#a28cf1928f5ec2f972a94ff1c0e71187d":[1,0,1,0,28,69], -"classmlx_1_1core_1_1array.html#a28cf1928f5ec2f972a94ff1c0e71187d":[2,0,1,0,25,69], -"classmlx_1_1core_1_1array.html#a2913abcdf71826827c8457f529825fff":[1,0,1,0,28,37], -"classmlx_1_1core_1_1array.html#a2913abcdf71826827c8457f529825fff":[2,0,1,0,25,37], -"classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187":[1,0,1,0,28,12], -"classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187":[2,0,1,0,25,12], -"classmlx_1_1core_1_1array.html#a2c186fd527f984f0589d4183b4976289":[1,0,1,0,28,53], -"classmlx_1_1core_1_1array.html#a2c186fd527f984f0589d4183b4976289":[2,0,1,0,25,53], -"classmlx_1_1core_1_1array.html#a2f16c1ef8ee248d2fba95520c86dfad2":[1,0,1,0,28,16], -"classmlx_1_1core_1_1array.html#a2f16c1ef8ee248d2fba95520c86dfad2":[2,0,1,0,25,16], -"classmlx_1_1core_1_1array.html#a387b67cd3ef5cfc1e749c371766c4a05":[1,0,1,0,28,47], -"classmlx_1_1core_1_1array.html#a387b67cd3ef5cfc1e749c371766c4a05":[2,0,1,0,25,47], -"classmlx_1_1core_1_1array.html#a38d7ad605f8282e5e49d0c09e0555c78":[1,0,1,0,28,45], -"classmlx_1_1core_1_1array.html#a38d7ad605f8282e5e49d0c09e0555c78":[2,0,1,0,25,45], -"classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c":[1,0,1,0,28,44], -"classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c":[2,0,1,0,25,44], -"classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7":[1,0,1,0,28,8], -"classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7":[2,0,1,0,25,8], -"classmlx_1_1core_1_1array.html#a4677a404b5d191af20b52649225de087":[1,0,1,0,28,39], -"classmlx_1_1core_1_1array.html#a4677a404b5d191af20b52649225de087":[2,0,1,0,25,39], -"classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4":[1,0,1,0,28,11], -"classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4":[2,0,1,0,25,11], -"classmlx_1_1core_1_1array.html#a5119cd616ec3c05d65878944b8889469":[1,0,1,0,28,57], -"classmlx_1_1core_1_1array.html#a5119cd616ec3c05d65878944b8889469":[2,0,1,0,25,57], -"classmlx_1_1core_1_1array.html#a53006e77d13d9d88b525ef577748939f":[1,0,1,0,28,48], -"classmlx_1_1core_1_1array.html#a53006e77d13d9d88b525ef577748939f":[2,0,1,0,25,48], -"classmlx_1_1core_1_1array.html#a598f87161926d9e0b516860f0ea2c8f6":[1,0,1,0,28,67], -"classmlx_1_1core_1_1array.html#a598f87161926d9e0b516860f0ea2c8f6":[2,0,1,0,25,67], -"classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd":[1,0,1,0,28,49], -"classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd":[2,0,1,0,25,49], -"classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147":[1,0,1,0,28,51], -"classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147":[2,0,1,0,25,51], -"classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4":[1,0,1,0,28,30], -"classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4":[2,0,1,0,25,30], -"classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49":[1,0,1,0,28,9], -"classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49":[2,0,1,0,25,9], -"classmlx_1_1core_1_1array.html#a5f338202a39d37fa3f4241e851a15838":[1,0,1,0,28,59], -"classmlx_1_1core_1_1array.html#a5f338202a39d37fa3f4241e851a15838":[2,0,1,0,25,59], -"classmlx_1_1core_1_1array.html#a634466ce661485394f2fdc3bd6796bcd":[1,0,1,0,28,20], -"classmlx_1_1core_1_1array.html#a634466ce661485394f2fdc3bd6796bcd":[2,0,1,0,25,20], -"classmlx_1_1core_1_1array.html#a63598018999b49f1340b183cb303f05c":[1,0,1,0,28,61], -"classmlx_1_1core_1_1array.html#a63598018999b49f1340b183cb303f05c":[2,0,1,0,25,61], -"classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e":[1,0,1,0,28,71], -"classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e":[2,0,1,0,25,71], -"classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca":[1,0,1,0,28,5], -"classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca":[2,0,1,0,25,5], -"classmlx_1_1core_1_1array.html#a7102659be87e9ef62966696ab9b07dad":[1,0,1,0,28,68], -"classmlx_1_1core_1_1array.html#a7102659be87e9ef62966696ab9b07dad":[2,0,1,0,25,68], -"classmlx_1_1core_1_1array.html#a7263f23e70a580a9bc2129fbcde36e6c":[1,0,1,0,28,65], -"classmlx_1_1core_1_1array.html#a7263f23e70a580a9bc2129fbcde36e6c":[2,0,1,0,25,65], -"classmlx_1_1core_1_1array.html#a72e3ce6c03fefe272cadf214bd127b95":[1,0,1,0,28,24], -"classmlx_1_1core_1_1array.html#a72e3ce6c03fefe272cadf214bd127b95":[2,0,1,0,25,24], -"classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232":[1,0,1,0,28,4], -"classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232":[2,0,1,0,25,4], -"classmlx_1_1core_1_1array.html#a76b258b169d7d73419ebbf85340fb914":[1,0,1,0,28,18], -"classmlx_1_1core_1_1array.html#a76b258b169d7d73419ebbf85340fb914":[2,0,1,0,25,18], -"classmlx_1_1core_1_1array.html#a790548666511d8c6d9f92ee79d2ce14c":[1,0,1,0,28,55], -"classmlx_1_1core_1_1array.html#a790548666511d8c6d9f92ee79d2ce14c":[2,0,1,0,25,55], -"classmlx_1_1core_1_1array.html#a84948c29df8c957904919c8602692bd2":[1,0,1,0,28,28], -"classmlx_1_1core_1_1array.html#a84948c29df8c957904919c8602692bd2":[2,0,1,0,25,28], -"classmlx_1_1core_1_1array.html#a8650a99a6b7549bc823b03ad92590ff7":[1,0,1,0,28,42], -"classmlx_1_1core_1_1array.html#a8650a99a6b7549bc823b03ad92590ff7":[2,0,1,0,25,42], -"classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00":[1,0,1,0,28,7], -"classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00":[2,0,1,0,25,7], -"classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507":[1,0,1,0,28,10], -"classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507":[2,0,1,0,25,10], -"classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36":[1,0,1,0,28,52], -"classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36":[2,0,1,0,25,52], -"classmlx_1_1core_1_1array.html#a8fccbe7a4edfd8cca168161124e263b1":[1,0,1,0,28,60], -"classmlx_1_1core_1_1array.html#a8fccbe7a4edfd8cca168161124e263b1":[2,0,1,0,25,60], -"classmlx_1_1core_1_1array.html#a90c5afddc2fa3028c0f8099bd64c8a99":[1,0,1,0,28,41], -"classmlx_1_1core_1_1array.html#a90c5afddc2fa3028c0f8099bd64c8a99":[2,0,1,0,25,41], -"classmlx_1_1core_1_1array.html#a914577c63755b2e862d2da68bbf8e3dd":[1,0,1,0,28,21], -"classmlx_1_1core_1_1array.html#a914577c63755b2e862d2da68bbf8e3dd":[2,0,1,0,25,21], -"classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29":[1,0,1,0,28,22], -"classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29":[2,0,1,0,25,22], -"classmlx_1_1core_1_1array.html#a95e6b156c8e05439f076b85c05079387":[1,0,1,0,28,54], -"classmlx_1_1core_1_1array.html#a95e6b156c8e05439f076b85c05079387":[2,0,1,0,25,54], -"classmlx_1_1core_1_1array.html#a99fb28eeab39b9f429373f8bd7557676":[1,0,1,0,28,25], -"classmlx_1_1core_1_1array.html#a99fb28eeab39b9f429373f8bd7557676":[2,0,1,0,25,25], -"classmlx_1_1core_1_1array.html#aa5aceab15241e7826cbaf8b8a41440c1":[1,0,1,0,28,34], -"classmlx_1_1core_1_1array.html#aa5aceab15241e7826cbaf8b8a41440c1":[2,0,1,0,25,34], -"classmlx_1_1core_1_1array.html#ab3daf04c27c4593d9d73c397b8484a08":[1,0,1,0,28,19], -"classmlx_1_1core_1_1array.html#ab3daf04c27c4593d9d73c397b8484a08":[2,0,1,0,25,19], -"classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c":[1,0,1,0,28,13], -"classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c":[2,0,1,0,25,13], -"classmlx_1_1core_1_1array.html#ab84c792117e29cdf90ef3433303f6141":[1,0,1,0,28,26], -"classmlx_1_1core_1_1array.html#ab84c792117e29cdf90ef3433303f6141":[2,0,1,0,25,26], -"classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b":[1,0,1,0,28,14], -"classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b":[2,0,1,0,25,14], -"classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7":[1,0,1,0,28,6], -"classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7":[2,0,1,0,25,6], -"classmlx_1_1core_1_1array.html#ac50382b652f6e8fbd50d42b7ff595810":[1,0,1,0,28,64], -"classmlx_1_1core_1_1array.html#ac50382b652f6e8fbd50d42b7ff595810":[2,0,1,0,25,64], -"classmlx_1_1core_1_1array.html#ac9bfc251a9937eaefbe7f8c5ffd304d1":[1,0,1,0,28,70], -"classmlx_1_1core_1_1array.html#ac9bfc251a9937eaefbe7f8c5ffd304d1":[2,0,1,0,25,70], -"classmlx_1_1core_1_1array.html#acf80fde8f743f65ad5b4be69fcb7a74d":[1,0,1,0,28,66], -"classmlx_1_1core_1_1array.html#acf80fde8f743f65ad5b4be69fcb7a74d":[2,0,1,0,25,66], -"classmlx_1_1core_1_1array.html#acffb082177f9b78f0c52e406adff972f":[1,0,1,0,28,36], -"classmlx_1_1core_1_1array.html#acffb082177f9b78f0c52e406adff972f":[2,0,1,0,25,36], -"classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b":[1,0,1,0,28,23], -"classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b":[2,0,1,0,25,23], -"classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479":[1,0,1,0,28,50], -"classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479":[2,0,1,0,25,50], -"classmlx_1_1core_1_1array.html#ad41cc5e7aebfcad849ad15d697584cf8":[1,0,1,0,28,46], -"classmlx_1_1core_1_1array.html#ad41cc5e7aebfcad849ad15d697584cf8":[2,0,1,0,25,46], -"classmlx_1_1core_1_1array.html#adfa53f3f26bb0f942fb1c67ec8cd5380":[1,0,1,0,28,35], -"classmlx_1_1core_1_1array.html#adfa53f3f26bb0f942fb1c67ec8cd5380":[2,0,1,0,25,35], -"classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd":[1,0,1,0,28,29], -"classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd":[2,0,1,0,25,29] +"classmlx_1_1core_1_1array.html":[1,0,1,0,29], +"classmlx_1_1core_1_1array.html":[2,0,1,0,26], +"classmlx_1_1core_1_1array.html#a000c3cfe13cb378bf0523b62816190da":[1,0,1,0,29,16], +"classmlx_1_1core_1_1array.html#a000c3cfe13cb378bf0523b62816190da":[2,0,1,0,26,16], +"classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1":[1,0,1,0,29,33], +"classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1":[2,0,1,0,26,33], +"classmlx_1_1core_1_1array.html#a0a8e4d6e67e739a712876bb36f88f9bf":[1,0,1,0,29,32], +"classmlx_1_1core_1_1array.html#a0a8e4d6e67e739a712876bb36f88f9bf":[2,0,1,0,26,32], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078":[1,0,1,0,29,3], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078":[2,0,1,0,26,3], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a308bd3e5bf976888b120dd36d0c2d2ae":[1,0,1,0,29,3,2], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a308bd3e5bf976888b120dd36d0c2d2ae":[2,0,1,0,26,3,2], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a6fc3d7595445dd877584495f47535268":[1,0,1,0,29,3,1], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a6fc3d7595445dd877584495f47535268":[2,0,1,0,26,3,1], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078ae8a9988458b0355001674020a45656fb":[1,0,1,0,29,3,0], +"classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078ae8a9988458b0355001674020a45656fb":[2,0,1,0,26,3,0], +"classmlx_1_1core_1_1array.html#a1d06c76b0f3010a5c329d0e9e29e0597":[1,0,1,0,29,61], +"classmlx_1_1core_1_1array.html#a1d06c76b0f3010a5c329d0e9e29e0597":[2,0,1,0,26,61], +"classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a":[1,0,1,0,29,31], +"classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a":[2,0,1,0,26,31], +"classmlx_1_1core_1_1array.html#a28cf1928f5ec2f972a94ff1c0e71187d":[1,0,1,0,29,67], +"classmlx_1_1core_1_1array.html#a28cf1928f5ec2f972a94ff1c0e71187d":[2,0,1,0,26,67], +"classmlx_1_1core_1_1array.html#a2913abcdf71826827c8457f529825fff":[1,0,1,0,29,37], +"classmlx_1_1core_1_1array.html#a2913abcdf71826827c8457f529825fff":[2,0,1,0,26,37], +"classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187":[1,0,1,0,29,12], +"classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187":[2,0,1,0,26,12], +"classmlx_1_1core_1_1array.html#a2c186fd527f984f0589d4183b4976289":[1,0,1,0,29,51], +"classmlx_1_1core_1_1array.html#a2c186fd527f984f0589d4183b4976289":[2,0,1,0,26,51], +"classmlx_1_1core_1_1array.html#a2f16c1ef8ee248d2fba95520c86dfad2":[1,0,1,0,29,15], +"classmlx_1_1core_1_1array.html#a2f16c1ef8ee248d2fba95520c86dfad2":[2,0,1,0,26,15], +"classmlx_1_1core_1_1array.html#a387b67cd3ef5cfc1e749c371766c4a05":[1,0,1,0,29,45], +"classmlx_1_1core_1_1array.html#a387b67cd3ef5cfc1e749c371766c4a05":[2,0,1,0,26,45], +"classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c":[1,0,1,0,29,44], +"classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c":[2,0,1,0,26,44], +"classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7":[1,0,1,0,29,8], +"classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7":[2,0,1,0,26,8], +"classmlx_1_1core_1_1array.html#a4677a404b5d191af20b52649225de087":[1,0,1,0,29,39], +"classmlx_1_1core_1_1array.html#a4677a404b5d191af20b52649225de087":[2,0,1,0,26,39], +"classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4":[1,0,1,0,29,11], +"classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4":[2,0,1,0,26,11], +"classmlx_1_1core_1_1array.html#a5119cd616ec3c05d65878944b8889469":[1,0,1,0,29,55], +"classmlx_1_1core_1_1array.html#a5119cd616ec3c05d65878944b8889469":[2,0,1,0,26,55], +"classmlx_1_1core_1_1array.html#a53006e77d13d9d88b525ef577748939f":[1,0,1,0,29,46], +"classmlx_1_1core_1_1array.html#a53006e77d13d9d88b525ef577748939f":[2,0,1,0,26,46], +"classmlx_1_1core_1_1array.html#a598f87161926d9e0b516860f0ea2c8f6":[1,0,1,0,29,65], +"classmlx_1_1core_1_1array.html#a598f87161926d9e0b516860f0ea2c8f6":[2,0,1,0,26,65], +"classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd":[1,0,1,0,29,47], +"classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd":[2,0,1,0,26,47], +"classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147":[1,0,1,0,29,49], +"classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147":[2,0,1,0,26,49], +"classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4":[1,0,1,0,29,30], +"classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4":[2,0,1,0,26,30], +"classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49":[1,0,1,0,29,9], +"classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49":[2,0,1,0,26,9], +"classmlx_1_1core_1_1array.html#a5f338202a39d37fa3f4241e851a15838":[1,0,1,0,29,57], +"classmlx_1_1core_1_1array.html#a5f338202a39d37fa3f4241e851a15838":[2,0,1,0,26,57], +"classmlx_1_1core_1_1array.html#a634466ce661485394f2fdc3bd6796bcd":[1,0,1,0,29,19], +"classmlx_1_1core_1_1array.html#a634466ce661485394f2fdc3bd6796bcd":[2,0,1,0,26,19], +"classmlx_1_1core_1_1array.html#a63598018999b49f1340b183cb303f05c":[1,0,1,0,29,59], +"classmlx_1_1core_1_1array.html#a63598018999b49f1340b183cb303f05c":[2,0,1,0,26,59], +"classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e":[1,0,1,0,29,70], +"classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e":[2,0,1,0,26,70], +"classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca":[1,0,1,0,29,5], +"classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca":[2,0,1,0,26,5], +"classmlx_1_1core_1_1array.html#a7102659be87e9ef62966696ab9b07dad":[1,0,1,0,29,66], +"classmlx_1_1core_1_1array.html#a7102659be87e9ef62966696ab9b07dad":[2,0,1,0,26,66], +"classmlx_1_1core_1_1array.html#a7263f23e70a580a9bc2129fbcde36e6c":[1,0,1,0,29,63], +"classmlx_1_1core_1_1array.html#a7263f23e70a580a9bc2129fbcde36e6c":[2,0,1,0,26,63], +"classmlx_1_1core_1_1array.html#a72e3ce6c03fefe272cadf214bd127b95":[1,0,1,0,29,23], +"classmlx_1_1core_1_1array.html#a72e3ce6c03fefe272cadf214bd127b95":[2,0,1,0,26,23], +"classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232":[1,0,1,0,29,4], +"classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232":[2,0,1,0,26,4], +"classmlx_1_1core_1_1array.html#a76b258b169d7d73419ebbf85340fb914":[1,0,1,0,29,17], +"classmlx_1_1core_1_1array.html#a76b258b169d7d73419ebbf85340fb914":[2,0,1,0,26,17], +"classmlx_1_1core_1_1array.html#a790548666511d8c6d9f92ee79d2ce14c":[1,0,1,0,29,53], +"classmlx_1_1core_1_1array.html#a790548666511d8c6d9f92ee79d2ce14c":[2,0,1,0,26,53], +"classmlx_1_1core_1_1array.html#a797ae8a1708a7c67d62e6c55c321d802":[1,0,1,0,29,69], +"classmlx_1_1core_1_1array.html#a797ae8a1708a7c67d62e6c55c321d802":[2,0,1,0,26,69], +"classmlx_1_1core_1_1array.html#a84948c29df8c957904919c8602692bd2":[1,0,1,0,29,27], +"classmlx_1_1core_1_1array.html#a84948c29df8c957904919c8602692bd2":[2,0,1,0,26,27], +"classmlx_1_1core_1_1array.html#a8650a99a6b7549bc823b03ad92590ff7":[1,0,1,0,29,42], +"classmlx_1_1core_1_1array.html#a8650a99a6b7549bc823b03ad92590ff7":[2,0,1,0,26,42], +"classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00":[1,0,1,0,29,7], +"classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00":[2,0,1,0,26,7], +"classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507":[1,0,1,0,29,10], +"classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507":[2,0,1,0,26,10], +"classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36":[1,0,1,0,29,50], +"classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36":[2,0,1,0,26,50], +"classmlx_1_1core_1_1array.html#a8fccbe7a4edfd8cca168161124e263b1":[1,0,1,0,29,58], +"classmlx_1_1core_1_1array.html#a8fccbe7a4edfd8cca168161124e263b1":[2,0,1,0,26,58], +"classmlx_1_1core_1_1array.html#a90c5afddc2fa3028c0f8099bd64c8a99":[1,0,1,0,29,41], +"classmlx_1_1core_1_1array.html#a90c5afddc2fa3028c0f8099bd64c8a99":[2,0,1,0,26,41], +"classmlx_1_1core_1_1array.html#a914577c63755b2e862d2da68bbf8e3dd":[1,0,1,0,29,20], +"classmlx_1_1core_1_1array.html#a914577c63755b2e862d2da68bbf8e3dd":[2,0,1,0,26,20], +"classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29":[1,0,1,0,29,21], +"classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29":[2,0,1,0,26,21], +"classmlx_1_1core_1_1array.html#a95e6b156c8e05439f076b85c05079387":[1,0,1,0,29,52], +"classmlx_1_1core_1_1array.html#a95e6b156c8e05439f076b85c05079387":[2,0,1,0,26,52], +"classmlx_1_1core_1_1array.html#a99fb28eeab39b9f429373f8bd7557676":[1,0,1,0,29,24], +"classmlx_1_1core_1_1array.html#a99fb28eeab39b9f429373f8bd7557676":[2,0,1,0,26,24], +"classmlx_1_1core_1_1array.html#a9ff36a88bfd7c99a2662136ee9315f4e":[1,0,1,0,29,28], +"classmlx_1_1core_1_1array.html#a9ff36a88bfd7c99a2662136ee9315f4e":[2,0,1,0,26,28], +"classmlx_1_1core_1_1array.html#aa5aceab15241e7826cbaf8b8a41440c1":[1,0,1,0,29,34], +"classmlx_1_1core_1_1array.html#aa5aceab15241e7826cbaf8b8a41440c1":[2,0,1,0,26,34], +"classmlx_1_1core_1_1array.html#ab3daf04c27c4593d9d73c397b8484a08":[1,0,1,0,29,18], +"classmlx_1_1core_1_1array.html#ab3daf04c27c4593d9d73c397b8484a08":[2,0,1,0,26,18], +"classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c":[1,0,1,0,29,13], +"classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c":[2,0,1,0,26,13], +"classmlx_1_1core_1_1array.html#ab84c792117e29cdf90ef3433303f6141":[1,0,1,0,29,25], +"classmlx_1_1core_1_1array.html#ab84c792117e29cdf90ef3433303f6141":[2,0,1,0,26,25], +"classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b":[1,0,1,0,29,14], +"classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b":[2,0,1,0,26,14], +"classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7":[1,0,1,0,29,6], +"classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7":[2,0,1,0,26,6], +"classmlx_1_1core_1_1array.html#ac50382b652f6e8fbd50d42b7ff595810":[1,0,1,0,29,62], +"classmlx_1_1core_1_1array.html#ac50382b652f6e8fbd50d42b7ff595810":[2,0,1,0,26,62], +"classmlx_1_1core_1_1array.html#ac9bfc251a9937eaefbe7f8c5ffd304d1":[1,0,1,0,29,68], +"classmlx_1_1core_1_1array.html#ac9bfc251a9937eaefbe7f8c5ffd304d1":[2,0,1,0,26,68], +"classmlx_1_1core_1_1array.html#acf80fde8f743f65ad5b4be69fcb7a74d":[1,0,1,0,29,64], +"classmlx_1_1core_1_1array.html#acf80fde8f743f65ad5b4be69fcb7a74d":[2,0,1,0,26,64], +"classmlx_1_1core_1_1array.html#acffb082177f9b78f0c52e406adff972f":[1,0,1,0,29,36], +"classmlx_1_1core_1_1array.html#acffb082177f9b78f0c52e406adff972f":[2,0,1,0,26,36], +"classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b":[1,0,1,0,29,22], +"classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b":[2,0,1,0,26,22], +"classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479":[1,0,1,0,29,48], +"classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479":[2,0,1,0,26,48], +"classmlx_1_1core_1_1array.html#adfa53f3f26bb0f942fb1c67ec8cd5380":[1,0,1,0,29,35], +"classmlx_1_1core_1_1array.html#adfa53f3f26bb0f942fb1c67ec8cd5380":[2,0,1,0,26,35], +"classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd":[1,0,1,0,29,29], +"classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd":[2,0,1,0,26,29], +"classmlx_1_1core_1_1array.html#aebed1f37c19197be76105161102a8a40":[1,0,1,0,29,38], +"classmlx_1_1core_1_1array.html#aebed1f37c19197be76105161102a8a40":[2,0,1,0,26,38], +"classmlx_1_1core_1_1array.html#af26e6be1a9e6239471a4c24310c0c7c8":[1,0,1,0,29,60], +"classmlx_1_1core_1_1array.html#af26e6be1a9e6239471a4c24310c0c7c8":[2,0,1,0,26,60], +"classmlx_1_1core_1_1array.html#af329d9432c92de87cbaa2de8454eefc0":[1,0,1,0,29,43], +"classmlx_1_1core_1_1array.html#af329d9432c92de87cbaa2de8454eefc0":[2,0,1,0,26,43], +"classmlx_1_1core_1_1array.html#af5ad83605d4eea81561246873bee1d7c":[1,0,1,0,29,54], +"classmlx_1_1core_1_1array.html#af5ad83605d4eea81561246873bee1d7c":[2,0,1,0,26,54] }; diff --git a/docs/build/html/navtreeindex12.js b/docs/build/html/navtreeindex12.js index c47f29d76..bf86ecd4f 100644 --- a/docs/build/html/navtreeindex12.js +++ b/docs/build/html/navtreeindex12.js @@ -1,253 +1,253 @@ var NAVTREEINDEX12 = { -"classmlx_1_1core_1_1array.html#aebed1f37c19197be76105161102a8a40":[1,0,1,0,28,38], -"classmlx_1_1core_1_1array.html#aebed1f37c19197be76105161102a8a40":[2,0,1,0,25,38], -"classmlx_1_1core_1_1array.html#af26e6be1a9e6239471a4c24310c0c7c8":[1,0,1,0,28,62], -"classmlx_1_1core_1_1array.html#af26e6be1a9e6239471a4c24310c0c7c8":[2,0,1,0,25,62], -"classmlx_1_1core_1_1array.html#af329d9432c92de87cbaa2de8454eefc0":[1,0,1,0,28,43], -"classmlx_1_1core_1_1array.html#af329d9432c92de87cbaa2de8454eefc0":[2,0,1,0,25,43], -"classmlx_1_1core_1_1array.html#af5ad83605d4eea81561246873bee1d7c":[1,0,1,0,28,56], -"classmlx_1_1core_1_1array.html#af5ad83605d4eea81561246873bee1d7c":[2,0,1,0,25,56], -"classmlx_1_1core_1_1array.html#af9acb115019b995354d366c4ac6b968c":[1,0,1,0,28,40], -"classmlx_1_1core_1_1array.html#af9acb115019b995354d366c4ac6b968c":[2,0,1,0,25,40], -"classmlx_1_1core_1_1array.html#af9e3a02b4c0023c36248dc75c887214f":[1,0,1,0,28,58], -"classmlx_1_1core_1_1array.html#af9e3a02b4c0023c36248dc75c887214f":[2,0,1,0,25,58], -"classmlx_1_1core_1_1array.html#afaf2a370fa35d96af1b27a4b814e3bfd":[1,0,1,0,28,27], -"classmlx_1_1core_1_1array.html#afaf2a370fa35d96af1b27a4b814e3bfd":[2,0,1,0,25,27], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html":[1,0,1,0,2,3], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html":[2,0,1,0,2,1], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a4251ce0f2db2045226b66210b828af7a":[1,0,1,0,2,3,3], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a4251ce0f2db2045226b66210b828af7a":[2,0,1,0,2,1,3], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a8af1e90d4aa56f31ec40ad152ebd2421":[1,0,1,0,2,3,1], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a8af1e90d4aa56f31ec40ad152ebd2421":[2,0,1,0,2,1,1], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a96f08a4ea8453d0b4b737c7b07972913":[1,0,1,0,2,3,4], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a96f08a4ea8453d0b4b737c7b07972913":[2,0,1,0,2,1,4], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#aa5eff6fc128b71220899aab8ab9116fb":[1,0,1,0,2,3,5], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#aa5eff6fc128b71220899aab8ab9116fb":[2,0,1,0,2,1,5], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ab721fe0072fffbddbc3c4334dd033ba5":[1,0,1,0,2,3,2], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ab721fe0072fffbddbc3c4334dd033ba5":[2,0,1,0,2,1,2], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ad532d1d51f089dec3c84799b724ea031":[1,0,1,0,2,3,6], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ad532d1d51f089dec3c84799b724ea031":[2,0,1,0,2,1,6], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#af4b10a5b61f160fb64353057c185b661":[1,0,1,0,2,3,0], -"classmlx_1_1core_1_1distributed_1_1_all_gather.html#af4b10a5b61f160fb64353057c185b661":[2,0,1,0,2,1,0], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html":[1,0,1,0,2,4], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html":[2,0,1,0,2,2], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a2d1ea56cbf72a316680ea90aa6da1c2d":[1,0,1,0,2,4,1], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a2d1ea56cbf72a316680ea90aa6da1c2d":[2,0,1,0,2,2,1], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a3f2dc71859847ca675ec4bfbe125035a":[1,0,1,0,2,4,7], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a3f2dc71859847ca675ec4bfbe125035a":[2,0,1,0,2,2,7], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a52df7155f56b8450581b2fd2747cad20":[1,0,1,0,2,4,3], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a52df7155f56b8450581b2fd2747cad20":[2,0,1,0,2,2,3], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a6814f9008a683c6911d5b8991ef770ab":[1,0,1,0,2,4,5], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a6814f9008a683c6911d5b8991ef770ab":[2,0,1,0,2,2,5], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924":[1,0,1,0,2,4,0], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924":[2,0,1,0,2,2,0], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a1fc7c1f09c80650ab0497e2d6781d65f":[1,0,1,0,2,4,0,2], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a1fc7c1f09c80650ab0497e2d6781d65f":[2,0,1,0,2,2,0,2], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a4f685dcd48e6614d6bb2ccda4f2686ef":[1,0,1,0,2,4,0,4], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a4f685dcd48e6614d6bb2ccda4f2686ef":[2,0,1,0,2,2,0,4], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a7a959bb7b33f410a03b3c887173fd7ed":[1,0,1,0,2,4,0,1], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a7a959bb7b33f410a03b3c887173fd7ed":[2,0,1,0,2,2,0,1], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924aba3b7fb927f6b6c8b198a9cdc3dd9e02":[1,0,1,0,2,4,0,0], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924aba3b7fb927f6b6c8b198a9cdc3dd9e02":[2,0,1,0,2,2,0,0], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924ac00cf69bbba24f7ab08d3ad618705988":[1,0,1,0,2,4,0,5], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924ac00cf69bbba24f7ab08d3ad618705988":[2,0,1,0,2,2,0,5], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924acdd1ec09a2fd99c81c561b5c63a4b482":[1,0,1,0,2,4,0,3], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924acdd1ec09a2fd99c81c561b5c63a4b482":[2,0,1,0,2,2,0,3], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abbf6d1d63dcda207ad7d9eeb4fc36225":[1,0,1,0,2,4,6], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abbf6d1d63dcda207ad7d9eeb4fc36225":[2,0,1,0,2,2,6], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#acdc1965ad64ee9ee6328fe150a97902e":[1,0,1,0,2,4,2], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#acdc1965ad64ee9ee6328fe150a97902e":[2,0,1,0,2,2,2], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#aeaf6f2b5955e7417cd1e36db42c45a80":[1,0,1,0,2,4,4], -"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#aeaf6f2b5955e7417cd1e36db42c45a80":[2,0,1,0,2,2,4], -"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html":[1,0,1,0,2,5], -"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html":[2,0,1,0,2,3], -"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8831cb61ac633431b78b5fb99c0ea9ff":[1,0,1,0,2,5,1], -"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8831cb61ac633431b78b5fb99c0ea9ff":[2,0,1,0,2,3,1], -"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f":[1,0,1,0,2,5,0], -"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f":[2,0,1,0,2,3,0], -"classmlx_1_1core_1_1distributed_1_1_recv.html":[1,0,1,0,2,7], -"classmlx_1_1core_1_1distributed_1_1_recv.html":[2,0,1,0,2,5], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a3be84b08122a939edd6062d26261358a":[1,0,1,0,2,7,2], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a3be84b08122a939edd6062d26261358a":[2,0,1,0,2,5,2], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db":[1,0,1,0,2,7,0], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db":[2,0,1,0,2,5,0], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a7a0cad13da7cf8e565934318a2bc34f1":[1,0,1,0,2,7,1], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a7a0cad13da7cf8e565934318a2bc34f1":[2,0,1,0,2,5,1], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a932e39624bc3d234a7489c3decc4749e":[1,0,1,0,2,7,3], -"classmlx_1_1core_1_1distributed_1_1_recv.html#a932e39624bc3d234a7489c3decc4749e":[2,0,1,0,2,5,3], -"classmlx_1_1core_1_1distributed_1_1_send.html":[1,0,1,0,2,8], -"classmlx_1_1core_1_1distributed_1_1_send.html":[2,0,1,0,2,6], -"classmlx_1_1core_1_1distributed_1_1_send.html#a0c8dbd2a912be91be04ec701e29fba3d":[1,0,1,0,2,8,3], -"classmlx_1_1core_1_1distributed_1_1_send.html#a0c8dbd2a912be91be04ec701e29fba3d":[2,0,1,0,2,6,3], -"classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac":[1,0,1,0,2,8,0], -"classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac":[2,0,1,0,2,6,0], -"classmlx_1_1core_1_1distributed_1_1_send.html#a31bf76e24cf3836cf1fd26da30712e31":[1,0,1,0,2,8,1], -"classmlx_1_1core_1_1distributed_1_1_send.html#a31bf76e24cf3836cf1fd26da30712e31":[2,0,1,0,2,6,1], -"classmlx_1_1core_1_1distributed_1_1_send.html#a5cfb66191b9e8b86649da77af55b0f93":[1,0,1,0,2,8,4], -"classmlx_1_1core_1_1distributed_1_1_send.html#a5cfb66191b9e8b86649da77af55b0f93":[2,0,1,0,2,6,4], -"classmlx_1_1core_1_1distributed_1_1_send.html#af2620837bfc1b97217d006ed6e374051":[1,0,1,0,2,8,2], -"classmlx_1_1core_1_1distributed_1_1_send.html#af2620837bfc1b97217d006ed6e374051":[2,0,1,0,2,6,2], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html":[1,0,1,0,2,0,0], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html":[2,0,1,0,2,0,0], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a04bb1df23abe5b1f3fa0126375c6cea4":[1,0,1,0,2,0,0,1], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a04bb1df23abe5b1f3fa0126375c6cea4":[2,0,1,0,2,0,0,1], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a83f119b87210f53438c5ba675a78065e":[1,0,1,0,2,0,0,0], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a83f119b87210f53438c5ba675a78065e":[2,0,1,0,2,0,0,0], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a87800a23c8160933a2d77a55a959194d":[1,0,1,0,2,0,0,7], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a87800a23c8160933a2d77a55a959194d":[2,0,1,0,2,0,0,7], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ab1c8044b05f185c4bcc53002d4587599":[1,0,1,0,2,0,0,6], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ab1c8044b05f185c4bcc53002d4587599":[2,0,1,0,2,0,0,6], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac4af5fc16a82ba8c72df04d7694f8352":[1,0,1,0,2,0,0,4], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac4af5fc16a82ba8c72df04d7694f8352":[2,0,1,0,2,0,0,4], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac8472eb2f96d1b14c7e4ccef56268ba0":[1,0,1,0,2,0,0,5], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac8472eb2f96d1b14c7e4ccef56268ba0":[2,0,1,0,2,0,0,5], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae0838a40ce58442cdc73d57d7969a702":[1,0,1,0,2,0,0,3], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae0838a40ce58442cdc73d57d7969a702":[2,0,1,0,2,0,0,3], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae163a6f444c6cc8820288b20f294e483":[1,0,1,0,2,0,0,2], -"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae163a6f444c6cc8820288b20f294e483":[2,0,1,0,2,0,0,2], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html":[1,0,1,0,4,0], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html":[2,0,1,0,3,0], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a3b5d628628d245b38911118d4a0ff9fd":[1,0,1,0,4,0,2], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a3b5d628628d245b38911118d4a0ff9fd":[2,0,1,0,3,0,2], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a4b8f1b1f633002c8ca6fa8f0ef4dd587":[1,0,1,0,4,0,1], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a4b8f1b1f633002c8ca6fa8f0ef4dd587":[2,0,1,0,3,0,1], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a50934862ccdb16a3dcce6626c5727080":[1,0,1,0,4,0,5], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a50934862ccdb16a3dcce6626c5727080":[2,0,1,0,3,0,5], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a5936175e5923aec272d6f718785f57a1":[1,0,1,0,4,0,4], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a5936175e5923aec272d6f718785f57a1":[2,0,1,0,3,0,4], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a63812b2abaf26ad7e7fa4c9e82db1628":[1,0,1,0,4,0,3], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a63812b2abaf26ad7e7fa4c9e82db1628":[2,0,1,0,3,0,3], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a84d5fa9e8c3de407fbcc5f38d2ed1473":[1,0,1,0,4,0,0], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a84d5fa9e8c3de407fbcc5f38d2ed1473":[2,0,1,0,3,0,0], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#aa5a03284c6f5639d684dd34d86050cf9":[1,0,1,0,4,0,6], -"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#aa5a03284c6f5639d684dd34d86050cf9":[2,0,1,0,3,0,6], -"classmlx_1_1core_1_1fast_1_1_custom.html":[1,0,1,0,4,1], -"classmlx_1_1core_1_1fast_1_1_custom.html":[2,0,1,0,3,1], -"classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313":[1,0,1,0,4,1,0], -"classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313":[2,0,1,0,3,1,0], -"classmlx_1_1core_1_1fast_1_1_custom.html#a74be4bcd0382f7f6400bf73fd5569c91":[1,0,1,0,4,1,2], -"classmlx_1_1core_1_1fast_1_1_custom.html#a74be4bcd0382f7f6400bf73fd5569c91":[2,0,1,0,3,1,2], -"classmlx_1_1core_1_1fast_1_1_custom.html#a7f4c3a4c48c6807faa36fb31e39dad8d":[1,0,1,0,4,1,3], -"classmlx_1_1core_1_1fast_1_1_custom.html#a7f4c3a4c48c6807faa36fb31e39dad8d":[2,0,1,0,3,1,3], -"classmlx_1_1core_1_1fast_1_1_custom.html#ac77b28702654df8e7d882a49357a9584":[1,0,1,0,4,1,1], -"classmlx_1_1core_1_1fast_1_1_custom.html#ac77b28702654df8e7d882a49357a9584":[2,0,1,0,3,1,1], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html":[1,0,1,0,4,2], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html":[2,0,1,0,3,2], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a116ecf31c8672c94e5ea06c1d43e9534":[1,0,1,0,4,2,1], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a116ecf31c8672c94e5ea06c1d43e9534":[2,0,1,0,3,2,1], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a2ed2a16b23053f8195068386a99fd6db":[1,0,1,0,4,2,3], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a2ed2a16b23053f8195068386a99fd6db":[2,0,1,0,3,2,3], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a4ad1b7a9919753c759093f3e21a15bad":[1,0,1,0,4,2,2], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a4ad1b7a9919753c759093f3e21a15bad":[2,0,1,0,3,2,2], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153":[1,0,1,0,4,2,0], -"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153":[2,0,1,0,3,2,0], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html":[1,0,1,0,4,4], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html":[2,0,1,0,3,4], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a467fcf02b3ddf1d8b6d476b244ae3568":[1,0,1,0,4,4,2], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a467fcf02b3ddf1d8b6d476b244ae3568":[2,0,1,0,3,4,2], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5ac38d50e62850589bf51ee313303153":[1,0,1,0,4,4,0], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5ac38d50e62850589bf51ee313303153":[2,0,1,0,3,4,0], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5d7a4c1c9ee84e327d1c371733108c05":[1,0,1,0,4,4,3], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5d7a4c1c9ee84e327d1c371733108c05":[2,0,1,0,3,4,3], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a77abda7f47bffa2c037a5d60cccc1528":[1,0,1,0,4,4,4], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a77abda7f47bffa2c037a5d60cccc1528":[2,0,1,0,3,4,4], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#ae5e1b5df0705a6b1d141691a4396b0b6":[1,0,1,0,4,4,5], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#ae5e1b5df0705a6b1d141691a4396b0b6":[2,0,1,0,3,4,5], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#afd0818925ffea79f4e3dda0dd8cf0366":[1,0,1,0,4,4,1], -"classmlx_1_1core_1_1fast_1_1_layer_norm.html#afd0818925ffea79f4e3dda0dd8cf0366":[2,0,1,0,3,4,1], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html":[1,0,1,0,4,5], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html":[2,0,1,0,3,5], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a0d8c4c6e7462befc38f7e08244fa1c2b":[1,0,1,0,4,5,2], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a0d8c4c6e7462befc38f7e08244fa1c2b":[2,0,1,0,3,5,2], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a41bc1391dbc0cf63b2c85b67956c08d9":[1,0,1,0,4,5,0], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a41bc1391dbc0cf63b2c85b67956c08d9":[2,0,1,0,3,5,0], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a5ab3eb5402c7e8060916056eb2b7887f":[1,0,1,0,4,5,1], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a5ab3eb5402c7e8060916056eb2b7887f":[2,0,1,0,3,5,1], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a954a003a4a27c8c4c60a5a14142a9cc3":[1,0,1,0,4,5,3], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a954a003a4a27c8c4c60a5a14142a9cc3":[2,0,1,0,3,5,3], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a963e672c607b5f86080e6cc32a3cd6e5":[1,0,1,0,4,5,4], -"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a963e672c607b5f86080e6cc32a3cd6e5":[2,0,1,0,3,5,4], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html":[1,0,1,0,4,6], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html":[2,0,1,0,3,6], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2":[1,0,1,0,4,6,0], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2":[2,0,1,0,3,6,0], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a2965dbda1bed67128e97c3c5d864c82f":[1,0,1,0,4,6,1], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a2965dbda1bed67128e97c3c5d864c82f":[2,0,1,0,3,6,1], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a7da6e0cfd630958d9633b2e2bd97a54f":[1,0,1,0,4,6,3], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a7da6e0cfd630958d9633b2e2bd97a54f":[2,0,1,0,3,6,3], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#aacfbbbc15fcee0a5ce4f519ca3cca5eb":[1,0,1,0,4,6,5], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#aacfbbbc15fcee0a5ce4f519ca3cca5eb":[2,0,1,0,3,6,5], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae6eea81b5e3789c2f6f376cc07f0a47c":[1,0,1,0,4,6,2], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae6eea81b5e3789c2f6f376cc07f0a47c":[2,0,1,0,3,6,2], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae7955e8d43c097eecae264e804b4d8ca":[1,0,1,0,4,6,4], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae7955e8d43c097eecae264e804b4d8ca":[2,0,1,0,3,6,4], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html":[1,0,1,0,4,7], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html":[2,0,1,0,3,7], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a379b27ac336ef351aa81142c5626ad76":[1,0,1,0,4,7,4], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a379b27ac336ef351aa81142c5626ad76":[2,0,1,0,3,7,4], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a48efb8fa84c4ba6cc9fb560ebbe01560":[1,0,1,0,4,7,3], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a48efb8fa84c4ba6cc9fb560ebbe01560":[2,0,1,0,3,7,3], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a9895733eab845e11484d86cf6ecedced":[1,0,1,0,4,7,1], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a9895733eab845e11484d86cf6ecedced":[2,0,1,0,3,7,1], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca":[1,0,1,0,4,7,0], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca":[2,0,1,0,3,7,0], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#adfc1d52bc266466ab29ee45fd8fab439":[1,0,1,0,4,7,2], -"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#adfc1d52bc266466ab29ee45fd8fab439":[2,0,1,0,3,7,2], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html":[1,0,1,0,4,8], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html":[2,0,1,0,3,8], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a05a7d595c6b9dadf7ddfd6e3fd402f0e":[1,0,1,0,4,8,3], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a05a7d595c6b9dadf7ddfd6e3fd402f0e":[2,0,1,0,3,8,3], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a2b06fe64fa8feca65140632087065e16":[1,0,1,0,4,8,2], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a2b06fe64fa8feca65140632087065e16":[2,0,1,0,3,8,2], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a361cc8e0e56ff45ec98dbf81ed8eff2c":[1,0,1,0,4,8,1], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a361cc8e0e56ff45ec98dbf81ed8eff2c":[2,0,1,0,3,8,1], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a":[1,0,1,0,4,8,0], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a":[2,0,1,0,3,8,0], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a913b6b00fc518b25ac3947e4e15790f2":[1,0,1,0,4,8,4], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a913b6b00fc518b25ac3947e4e15790f2":[2,0,1,0,3,8,4], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#ad999105414badd66c8fd9e069454a533":[1,0,1,0,4,8,5], -"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#ad999105414badd66c8fd9e069454a533":[2,0,1,0,3,8,5], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html":[1,0,1,0,4,9], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html":[2,0,1,0,3,9], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a505f38ba93a3499895f5312e0112e73d":[1,0,1,0,4,9,5], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a505f38ba93a3499895f5312e0112e73d":[2,0,1,0,3,9,5], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a64d2ce4b46b529a6a9ef068947bc623e":[1,0,1,0,4,9,1], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a64d2ce4b46b529a6a9ef068947bc623e":[2,0,1,0,3,9,1], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a6cc2092fa5b8e7585921b8e0f3ec3db7":[1,0,1,0,4,9,2], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a6cc2092fa5b8e7585921b8e0f3ec3db7":[2,0,1,0,3,9,2], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ab3f78d30e5bb3e76cfe701f2358e4748":[1,0,1,0,4,9,0], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ab3f78d30e5bb3e76cfe701f2358e4748":[2,0,1,0,3,9,0], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ad51666e69f670e286293aff96eb435a9":[1,0,1,0,4,9,4], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ad51666e69f670e286293aff96eb435a9":[2,0,1,0,3,9,4], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328":[1,0,1,0,4,9,3], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328":[2,0,1,0,3,9,3], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#af08b1294f3f93505a96fdfa85b1edd62":[1,0,1,0,4,9,6], -"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#af08b1294f3f93505a96fdfa85b1edd62":[2,0,1,0,3,9,6], -"classmlx_1_1core_1_1io_1_1_file_writer.html":[1,0,1,0,6,0], -"classmlx_1_1core_1_1io_1_1_file_writer.html":[2,0,1,0,4,0], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a12b148df8a52136628728b508ee9c55e":[1,0,1,0,6,0,2], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a12b148df8a52136628728b508ee9c55e":[2,0,1,0,4,0,2], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a40b241ad540ee4aadc3a19a6b1ccfb4d":[1,0,1,0,6,0,0], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a40b241ad540ee4aadc3a19a6b1ccfb4d":[2,0,1,0,4,0,0], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a5093dce80ff0c51ea036a87e3e5fb456":[1,0,1,0,6,0,6], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a5093dce80ff0c51ea036a87e3e5fb456":[2,0,1,0,4,0,6], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25":[1,0,1,0,6,0,7], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25":[2,0,1,0,4,0,7], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433":[1,0,1,0,6,0,8], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433":[2,0,1,0,4,0,8], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a9ec4934b26fb358d699ddce1482b2d54":[1,0,1,0,6,0,4], -"classmlx_1_1core_1_1io_1_1_file_writer.html#a9ec4934b26fb358d699ddce1482b2d54":[2,0,1,0,4,0,4], -"classmlx_1_1core_1_1io_1_1_file_writer.html#aa883a722789c962164fd0ddcc5f6ffc5":[1,0,1,0,6,0,9], -"classmlx_1_1core_1_1io_1_1_file_writer.html#aa883a722789c962164fd0ddcc5f6ffc5":[2,0,1,0,4,0,9], -"classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f":[1,0,1,0,6,0,10], -"classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f":[2,0,1,0,4,0,10], -"classmlx_1_1core_1_1io_1_1_file_writer.html#ac325f51cd22050b6359056290e8ef42c":[1,0,1,0,6,0,3], -"classmlx_1_1core_1_1io_1_1_file_writer.html#ac325f51cd22050b6359056290e8ef42c":[2,0,1,0,4,0,3], -"classmlx_1_1core_1_1io_1_1_file_writer.html#ad5d2ee671a81700cb1658c41309d6676":[1,0,1,0,6,0,5], -"classmlx_1_1core_1_1io_1_1_file_writer.html#ad5d2ee671a81700cb1658c41309d6676":[2,0,1,0,4,0,5], -"classmlx_1_1core_1_1io_1_1_file_writer.html#aee57db8516361f17de3cf2087d9a87d9":[1,0,1,0,6,0,1], -"classmlx_1_1core_1_1io_1_1_file_writer.html#aee57db8516361f17de3cf2087d9a87d9":[2,0,1,0,4,0,1], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html":[1,0,1,0,6,1], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html":[2,0,1,0,4,1] +"classmlx_1_1core_1_1array.html#af9acb115019b995354d366c4ac6b968c":[1,0,1,0,29,40], +"classmlx_1_1core_1_1array.html#af9acb115019b995354d366c4ac6b968c":[2,0,1,0,26,40], +"classmlx_1_1core_1_1array.html#af9e3a02b4c0023c36248dc75c887214f":[1,0,1,0,29,56], +"classmlx_1_1core_1_1array.html#af9e3a02b4c0023c36248dc75c887214f":[2,0,1,0,26,56], +"classmlx_1_1core_1_1array.html#afaf2a370fa35d96af1b27a4b814e3bfd":[1,0,1,0,29,26], +"classmlx_1_1core_1_1array.html#afaf2a370fa35d96af1b27a4b814e3bfd":[2,0,1,0,26,26], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html":[1,0,1,0,3,3], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html":[2,0,1,0,3,1], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a4251ce0f2db2045226b66210b828af7a":[1,0,1,0,3,3,3], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a4251ce0f2db2045226b66210b828af7a":[2,0,1,0,3,1,3], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a8af1e90d4aa56f31ec40ad152ebd2421":[1,0,1,0,3,3,1], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a8af1e90d4aa56f31ec40ad152ebd2421":[2,0,1,0,3,1,1], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a96f08a4ea8453d0b4b737c7b07972913":[1,0,1,0,3,3,4], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#a96f08a4ea8453d0b4b737c7b07972913":[2,0,1,0,3,1,4], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#aa5eff6fc128b71220899aab8ab9116fb":[1,0,1,0,3,3,5], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#aa5eff6fc128b71220899aab8ab9116fb":[2,0,1,0,3,1,5], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ab721fe0072fffbddbc3c4334dd033ba5":[1,0,1,0,3,3,2], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ab721fe0072fffbddbc3c4334dd033ba5":[2,0,1,0,3,1,2], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ad532d1d51f089dec3c84799b724ea031":[1,0,1,0,3,3,6], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#ad532d1d51f089dec3c84799b724ea031":[2,0,1,0,3,1,6], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#af4b10a5b61f160fb64353057c185b661":[1,0,1,0,3,3,0], +"classmlx_1_1core_1_1distributed_1_1_all_gather.html#af4b10a5b61f160fb64353057c185b661":[2,0,1,0,3,1,0], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html":[1,0,1,0,3,4], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html":[2,0,1,0,3,2], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a2d1ea56cbf72a316680ea90aa6da1c2d":[1,0,1,0,3,4,1], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a2d1ea56cbf72a316680ea90aa6da1c2d":[2,0,1,0,3,2,1], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a3f2dc71859847ca675ec4bfbe125035a":[1,0,1,0,3,4,7], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a3f2dc71859847ca675ec4bfbe125035a":[2,0,1,0,3,2,7], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a52df7155f56b8450581b2fd2747cad20":[1,0,1,0,3,4,3], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a52df7155f56b8450581b2fd2747cad20":[2,0,1,0,3,2,3], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a6814f9008a683c6911d5b8991ef770ab":[1,0,1,0,3,4,5], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a6814f9008a683c6911d5b8991ef770ab":[2,0,1,0,3,2,5], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924":[1,0,1,0,3,4,0], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924":[2,0,1,0,3,2,0], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a1fc7c1f09c80650ab0497e2d6781d65f":[1,0,1,0,3,4,0,2], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a1fc7c1f09c80650ab0497e2d6781d65f":[2,0,1,0,3,2,0,2], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a4f685dcd48e6614d6bb2ccda4f2686ef":[1,0,1,0,3,4,0,4], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a4f685dcd48e6614d6bb2ccda4f2686ef":[2,0,1,0,3,2,0,4], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a7a959bb7b33f410a03b3c887173fd7ed":[1,0,1,0,3,4,0,1], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a7a959bb7b33f410a03b3c887173fd7ed":[2,0,1,0,3,2,0,1], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924aba3b7fb927f6b6c8b198a9cdc3dd9e02":[1,0,1,0,3,4,0,0], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924aba3b7fb927f6b6c8b198a9cdc3dd9e02":[2,0,1,0,3,2,0,0], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924ac00cf69bbba24f7ab08d3ad618705988":[1,0,1,0,3,4,0,5], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924ac00cf69bbba24f7ab08d3ad618705988":[2,0,1,0,3,2,0,5], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924acdd1ec09a2fd99c81c561b5c63a4b482":[1,0,1,0,3,4,0,3], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924acdd1ec09a2fd99c81c561b5c63a4b482":[2,0,1,0,3,2,0,3], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abbf6d1d63dcda207ad7d9eeb4fc36225":[1,0,1,0,3,4,6], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abbf6d1d63dcda207ad7d9eeb4fc36225":[2,0,1,0,3,2,6], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#acdc1965ad64ee9ee6328fe150a97902e":[1,0,1,0,3,4,2], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#acdc1965ad64ee9ee6328fe150a97902e":[2,0,1,0,3,2,2], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#aeaf6f2b5955e7417cd1e36db42c45a80":[1,0,1,0,3,4,4], +"classmlx_1_1core_1_1distributed_1_1_all_reduce.html#aeaf6f2b5955e7417cd1e36db42c45a80":[2,0,1,0,3,2,4], +"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html":[1,0,1,0,3,5], +"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html":[2,0,1,0,3,3], +"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8831cb61ac633431b78b5fb99c0ea9ff":[1,0,1,0,3,5,1], +"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8831cb61ac633431b78b5fb99c0ea9ff":[2,0,1,0,3,3,1], +"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f":[1,0,1,0,3,5,0], +"classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f":[2,0,1,0,3,3,0], +"classmlx_1_1core_1_1distributed_1_1_recv.html":[1,0,1,0,3,7], +"classmlx_1_1core_1_1distributed_1_1_recv.html":[2,0,1,0,3,5], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a3be84b08122a939edd6062d26261358a":[1,0,1,0,3,7,2], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a3be84b08122a939edd6062d26261358a":[2,0,1,0,3,5,2], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db":[1,0,1,0,3,7,0], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db":[2,0,1,0,3,5,0], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a7a0cad13da7cf8e565934318a2bc34f1":[1,0,1,0,3,7,1], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a7a0cad13da7cf8e565934318a2bc34f1":[2,0,1,0,3,5,1], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a932e39624bc3d234a7489c3decc4749e":[1,0,1,0,3,7,3], +"classmlx_1_1core_1_1distributed_1_1_recv.html#a932e39624bc3d234a7489c3decc4749e":[2,0,1,0,3,5,3], +"classmlx_1_1core_1_1distributed_1_1_send.html":[1,0,1,0,3,8], +"classmlx_1_1core_1_1distributed_1_1_send.html":[2,0,1,0,3,6], +"classmlx_1_1core_1_1distributed_1_1_send.html#a0c8dbd2a912be91be04ec701e29fba3d":[1,0,1,0,3,8,3], +"classmlx_1_1core_1_1distributed_1_1_send.html#a0c8dbd2a912be91be04ec701e29fba3d":[2,0,1,0,3,6,3], +"classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac":[1,0,1,0,3,8,0], +"classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac":[2,0,1,0,3,6,0], +"classmlx_1_1core_1_1distributed_1_1_send.html#a31bf76e24cf3836cf1fd26da30712e31":[1,0,1,0,3,8,1], +"classmlx_1_1core_1_1distributed_1_1_send.html#a31bf76e24cf3836cf1fd26da30712e31":[2,0,1,0,3,6,1], +"classmlx_1_1core_1_1distributed_1_1_send.html#a5cfb66191b9e8b86649da77af55b0f93":[1,0,1,0,3,8,4], +"classmlx_1_1core_1_1distributed_1_1_send.html#a5cfb66191b9e8b86649da77af55b0f93":[2,0,1,0,3,6,4], +"classmlx_1_1core_1_1distributed_1_1_send.html#af2620837bfc1b97217d006ed6e374051":[1,0,1,0,3,8,2], +"classmlx_1_1core_1_1distributed_1_1_send.html#af2620837bfc1b97217d006ed6e374051":[2,0,1,0,3,6,2], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html":[1,0,1,0,3,0,0], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html":[2,0,1,0,3,0,0], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a23f620ec55d75f236d5371e05a52fd64":[1,0,1,0,3,0,0,2], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a23f620ec55d75f236d5371e05a52fd64":[2,0,1,0,3,0,0,2], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a65ae9485d2b1a2fd769744d50b0dd225":[1,0,1,0,3,0,0,1], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a65ae9485d2b1a2fd769744d50b0dd225":[2,0,1,0,3,0,0,1], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a74befcdc600669cb87761106ae0bd9a5":[1,0,1,0,3,0,0,5], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a74befcdc600669cb87761106ae0bd9a5":[2,0,1,0,3,0,0,5], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a7ce5b7a19d0fb8e189986c84845c5898":[1,0,1,0,3,0,0,4], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a7ce5b7a19d0fb8e189986c84845c5898":[2,0,1,0,3,0,0,4], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a83f119b87210f53438c5ba675a78065e":[1,0,1,0,3,0,0,0], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a83f119b87210f53438c5ba675a78065e":[2,0,1,0,3,0,0,0], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a87800a23c8160933a2d77a55a959194d":[1,0,1,0,3,0,0,7], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a87800a23c8160933a2d77a55a959194d":[2,0,1,0,3,0,0,7], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ab1c8044b05f185c4bcc53002d4587599":[1,0,1,0,3,0,0,6], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ab1c8044b05f185c4bcc53002d4587599":[2,0,1,0,3,0,0,6], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae0838a40ce58442cdc73d57d7969a702":[1,0,1,0,3,0,0,3], +"classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae0838a40ce58442cdc73d57d7969a702":[2,0,1,0,3,0,0,3], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html":[1,0,1,0,5,0], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html":[2,0,1,0,4,0], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a3b5d628628d245b38911118d4a0ff9fd":[1,0,1,0,5,0,2], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a3b5d628628d245b38911118d4a0ff9fd":[2,0,1,0,4,0,2], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a4b8f1b1f633002c8ca6fa8f0ef4dd587":[1,0,1,0,5,0,1], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a4b8f1b1f633002c8ca6fa8f0ef4dd587":[2,0,1,0,4,0,1], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a50934862ccdb16a3dcce6626c5727080":[1,0,1,0,5,0,5], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a50934862ccdb16a3dcce6626c5727080":[2,0,1,0,4,0,5], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a5936175e5923aec272d6f718785f57a1":[1,0,1,0,5,0,4], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a5936175e5923aec272d6f718785f57a1":[2,0,1,0,4,0,4], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a63812b2abaf26ad7e7fa4c9e82db1628":[1,0,1,0,5,0,3], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a63812b2abaf26ad7e7fa4c9e82db1628":[2,0,1,0,4,0,3], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a84d5fa9e8c3de407fbcc5f38d2ed1473":[1,0,1,0,5,0,0], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a84d5fa9e8c3de407fbcc5f38d2ed1473":[2,0,1,0,4,0,0], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#aa5a03284c6f5639d684dd34d86050cf9":[1,0,1,0,5,0,6], +"classmlx_1_1core_1_1fast_1_1_affine_quantize.html#aa5a03284c6f5639d684dd34d86050cf9":[2,0,1,0,4,0,6], +"classmlx_1_1core_1_1fast_1_1_custom.html":[1,0,1,0,5,1], +"classmlx_1_1core_1_1fast_1_1_custom.html":[2,0,1,0,4,1], +"classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313":[1,0,1,0,5,1,0], +"classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313":[2,0,1,0,4,1,0], +"classmlx_1_1core_1_1fast_1_1_custom.html#a74be4bcd0382f7f6400bf73fd5569c91":[1,0,1,0,5,1,2], +"classmlx_1_1core_1_1fast_1_1_custom.html#a74be4bcd0382f7f6400bf73fd5569c91":[2,0,1,0,4,1,2], +"classmlx_1_1core_1_1fast_1_1_custom.html#a7f4c3a4c48c6807faa36fb31e39dad8d":[1,0,1,0,5,1,3], +"classmlx_1_1core_1_1fast_1_1_custom.html#a7f4c3a4c48c6807faa36fb31e39dad8d":[2,0,1,0,4,1,3], +"classmlx_1_1core_1_1fast_1_1_custom.html#ac77b28702654df8e7d882a49357a9584":[1,0,1,0,5,1,1], +"classmlx_1_1core_1_1fast_1_1_custom.html#ac77b28702654df8e7d882a49357a9584":[2,0,1,0,4,1,1], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html":[1,0,1,0,5,2], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html":[2,0,1,0,4,2], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a116ecf31c8672c94e5ea06c1d43e9534":[1,0,1,0,5,2,1], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a116ecf31c8672c94e5ea06c1d43e9534":[2,0,1,0,4,2,1], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a2ed2a16b23053f8195068386a99fd6db":[1,0,1,0,5,2,3], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a2ed2a16b23053f8195068386a99fd6db":[2,0,1,0,4,2,3], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a4ad1b7a9919753c759093f3e21a15bad":[1,0,1,0,5,2,2], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a4ad1b7a9919753c759093f3e21a15bad":[2,0,1,0,4,2,2], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153":[1,0,1,0,5,2,0], +"classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153":[2,0,1,0,4,2,0], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html":[1,0,1,0,5,4], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html":[2,0,1,0,4,4], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a467fcf02b3ddf1d8b6d476b244ae3568":[1,0,1,0,5,4,2], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a467fcf02b3ddf1d8b6d476b244ae3568":[2,0,1,0,4,4,2], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5ac38d50e62850589bf51ee313303153":[1,0,1,0,5,4,0], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5ac38d50e62850589bf51ee313303153":[2,0,1,0,4,4,0], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5d7a4c1c9ee84e327d1c371733108c05":[1,0,1,0,5,4,3], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5d7a4c1c9ee84e327d1c371733108c05":[2,0,1,0,4,4,3], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a77abda7f47bffa2c037a5d60cccc1528":[1,0,1,0,5,4,4], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#a77abda7f47bffa2c037a5d60cccc1528":[2,0,1,0,4,4,4], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#ae5e1b5df0705a6b1d141691a4396b0b6":[1,0,1,0,5,4,5], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#ae5e1b5df0705a6b1d141691a4396b0b6":[2,0,1,0,4,4,5], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#afd0818925ffea79f4e3dda0dd8cf0366":[1,0,1,0,5,4,1], +"classmlx_1_1core_1_1fast_1_1_layer_norm.html#afd0818925ffea79f4e3dda0dd8cf0366":[2,0,1,0,4,4,1], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html":[1,0,1,0,5,5], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html":[2,0,1,0,4,5], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a0d8c4c6e7462befc38f7e08244fa1c2b":[1,0,1,0,5,5,2], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a0d8c4c6e7462befc38f7e08244fa1c2b":[2,0,1,0,4,5,2], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a41bc1391dbc0cf63b2c85b67956c08d9":[1,0,1,0,5,5,0], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a41bc1391dbc0cf63b2c85b67956c08d9":[2,0,1,0,4,5,0], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a5ab3eb5402c7e8060916056eb2b7887f":[1,0,1,0,5,5,1], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a5ab3eb5402c7e8060916056eb2b7887f":[2,0,1,0,4,5,1], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a954a003a4a27c8c4c60a5a14142a9cc3":[1,0,1,0,5,5,3], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a954a003a4a27c8c4c60a5a14142a9cc3":[2,0,1,0,4,5,3], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a963e672c607b5f86080e6cc32a3cd6e5":[1,0,1,0,5,5,4], +"classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a963e672c607b5f86080e6cc32a3cd6e5":[2,0,1,0,4,5,4], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html":[1,0,1,0,5,6], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html":[2,0,1,0,4,6], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2":[1,0,1,0,5,6,0], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2":[2,0,1,0,4,6,0], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a2965dbda1bed67128e97c3c5d864c82f":[1,0,1,0,5,6,1], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a2965dbda1bed67128e97c3c5d864c82f":[2,0,1,0,4,6,1], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a7da6e0cfd630958d9633b2e2bd97a54f":[1,0,1,0,5,6,3], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a7da6e0cfd630958d9633b2e2bd97a54f":[2,0,1,0,4,6,3], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#aacfbbbc15fcee0a5ce4f519ca3cca5eb":[1,0,1,0,5,6,5], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#aacfbbbc15fcee0a5ce4f519ca3cca5eb":[2,0,1,0,4,6,5], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae6eea81b5e3789c2f6f376cc07f0a47c":[1,0,1,0,5,6,2], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae6eea81b5e3789c2f6f376cc07f0a47c":[2,0,1,0,4,6,2], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae7955e8d43c097eecae264e804b4d8ca":[1,0,1,0,5,6,4], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae7955e8d43c097eecae264e804b4d8ca":[2,0,1,0,4,6,4], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html":[1,0,1,0,5,7], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html":[2,0,1,0,4,7], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a379b27ac336ef351aa81142c5626ad76":[1,0,1,0,5,7,4], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a379b27ac336ef351aa81142c5626ad76":[2,0,1,0,4,7,4], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a48efb8fa84c4ba6cc9fb560ebbe01560":[1,0,1,0,5,7,3], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a48efb8fa84c4ba6cc9fb560ebbe01560":[2,0,1,0,4,7,3], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a9895733eab845e11484d86cf6ecedced":[1,0,1,0,5,7,1], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a9895733eab845e11484d86cf6ecedced":[2,0,1,0,4,7,1], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca":[1,0,1,0,5,7,0], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca":[2,0,1,0,4,7,0], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#adfc1d52bc266466ab29ee45fd8fab439":[1,0,1,0,5,7,2], +"classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#adfc1d52bc266466ab29ee45fd8fab439":[2,0,1,0,4,7,2], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html":[1,0,1,0,5,8], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html":[2,0,1,0,4,8], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a05a7d595c6b9dadf7ddfd6e3fd402f0e":[1,0,1,0,5,8,3], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a05a7d595c6b9dadf7ddfd6e3fd402f0e":[2,0,1,0,4,8,3], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a2b06fe64fa8feca65140632087065e16":[1,0,1,0,5,8,2], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a2b06fe64fa8feca65140632087065e16":[2,0,1,0,4,8,2], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a361cc8e0e56ff45ec98dbf81ed8eff2c":[1,0,1,0,5,8,1], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a361cc8e0e56ff45ec98dbf81ed8eff2c":[2,0,1,0,4,8,1], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a":[1,0,1,0,5,8,0], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a":[2,0,1,0,4,8,0], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a913b6b00fc518b25ac3947e4e15790f2":[1,0,1,0,5,8,4], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a913b6b00fc518b25ac3947e4e15790f2":[2,0,1,0,4,8,4], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#ad999105414badd66c8fd9e069454a533":[1,0,1,0,5,8,5], +"classmlx_1_1core_1_1fast_1_1_ro_p_e.html#ad999105414badd66c8fd9e069454a533":[2,0,1,0,4,8,5], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html":[1,0,1,0,5,9], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html":[2,0,1,0,4,9], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a09c99b460cca606b2ebb22f90b3d13a2":[1,0,1,0,5,9,0], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a09c99b460cca606b2ebb22f90b3d13a2":[2,0,1,0,4,9,0], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a505f38ba93a3499895f5312e0112e73d":[1,0,1,0,5,9,5], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a505f38ba93a3499895f5312e0112e73d":[2,0,1,0,4,9,5], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a64d2ce4b46b529a6a9ef068947bc623e":[1,0,1,0,5,9,1], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a64d2ce4b46b529a6a9ef068947bc623e":[2,0,1,0,4,9,1], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a6cc2092fa5b8e7585921b8e0f3ec3db7":[1,0,1,0,5,9,2], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a6cc2092fa5b8e7585921b8e0f3ec3db7":[2,0,1,0,4,9,2], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ad51666e69f670e286293aff96eb435a9":[1,0,1,0,5,9,4], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ad51666e69f670e286293aff96eb435a9":[2,0,1,0,4,9,4], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328":[1,0,1,0,5,9,3], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328":[2,0,1,0,4,9,3], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#af08b1294f3f93505a96fdfa85b1edd62":[1,0,1,0,5,9,6], +"classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#af08b1294f3f93505a96fdfa85b1edd62":[2,0,1,0,4,9,6], +"classmlx_1_1core_1_1io_1_1_file_writer.html":[1,0,1,0,7,0], +"classmlx_1_1core_1_1io_1_1_file_writer.html":[2,0,1,0,5,0], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a12b148df8a52136628728b508ee9c55e":[1,0,1,0,7,0,2], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a12b148df8a52136628728b508ee9c55e":[2,0,1,0,5,0,2], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a40b241ad540ee4aadc3a19a6b1ccfb4d":[1,0,1,0,7,0,0], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a40b241ad540ee4aadc3a19a6b1ccfb4d":[2,0,1,0,5,0,0], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a5093dce80ff0c51ea036a87e3e5fb456":[1,0,1,0,7,0,6], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a5093dce80ff0c51ea036a87e3e5fb456":[2,0,1,0,5,0,6], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25":[1,0,1,0,7,0,7], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25":[2,0,1,0,5,0,7], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433":[1,0,1,0,7,0,8], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433":[2,0,1,0,5,0,8], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a9ec4934b26fb358d699ddce1482b2d54":[1,0,1,0,7,0,4], +"classmlx_1_1core_1_1io_1_1_file_writer.html#a9ec4934b26fb358d699ddce1482b2d54":[2,0,1,0,5,0,4], +"classmlx_1_1core_1_1io_1_1_file_writer.html#aa883a722789c962164fd0ddcc5f6ffc5":[1,0,1,0,7,0,9], +"classmlx_1_1core_1_1io_1_1_file_writer.html#aa883a722789c962164fd0ddcc5f6ffc5":[2,0,1,0,5,0,9], +"classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f":[1,0,1,0,7,0,10], +"classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f":[2,0,1,0,5,0,10], +"classmlx_1_1core_1_1io_1_1_file_writer.html#ac325f51cd22050b6359056290e8ef42c":[1,0,1,0,7,0,3], +"classmlx_1_1core_1_1io_1_1_file_writer.html#ac325f51cd22050b6359056290e8ef42c":[2,0,1,0,5,0,3], +"classmlx_1_1core_1_1io_1_1_file_writer.html#ad5d2ee671a81700cb1658c41309d6676":[1,0,1,0,7,0,5], +"classmlx_1_1core_1_1io_1_1_file_writer.html#ad5d2ee671a81700cb1658c41309d6676":[2,0,1,0,5,0,5], +"classmlx_1_1core_1_1io_1_1_file_writer.html#aee57db8516361f17de3cf2087d9a87d9":[1,0,1,0,7,0,1], +"classmlx_1_1core_1_1io_1_1_file_writer.html#aee57db8516361f17de3cf2087d9a87d9":[2,0,1,0,5,0,1], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html":[1,0,1,0,7,1], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html":[2,0,1,0,5,1], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df":[1,0,1,0,7,1,6], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df":[2,0,1,0,5,1,6], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2e92131428f0ffa98fff781b8c35d9e5":[1,0,1,0,7,1,8], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2e92131428f0ffa98fff781b8c35d9e5":[2,0,1,0,5,1,8], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a361d3b34bc493825c893cce256da46c8":[1,0,1,0,7,1,4], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a361d3b34bc493825c893cce256da46c8":[2,0,1,0,5,1,4], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f":[1,0,1,0,7,1,7], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f":[2,0,1,0,5,1,7] }; diff --git a/docs/build/html/navtreeindex13.js b/docs/build/html/navtreeindex13.js index f8a8c0f44..37bd7d4b9 100644 --- a/docs/build/html/navtreeindex13.js +++ b/docs/build/html/navtreeindex13.js @@ -1,199 +1,191 @@ var NAVTREEINDEX13 = { -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df":[1,0,1,0,6,1,6], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df":[2,0,1,0,4,1,6], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2e92131428f0ffa98fff781b8c35d9e5":[1,0,1,0,6,1,8], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2e92131428f0ffa98fff781b8c35d9e5":[2,0,1,0,4,1,8], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a361d3b34bc493825c893cce256da46c8":[1,0,1,0,6,1,4], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a361d3b34bc493825c893cce256da46c8":[2,0,1,0,4,1,4], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f":[1,0,1,0,6,1,7], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f":[2,0,1,0,4,1,7], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a653009adbcbce8248bc666df502fdbde":[1,0,1,0,6,1,3], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a653009adbcbce8248bc666df502fdbde":[2,0,1,0,4,1,3], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b":[1,0,1,0,6,1,5], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b":[2,0,1,0,4,1,5], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6cdb4547408f8cbca9e2ddd82514e697":[1,0,1,0,6,1,0], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6cdb4547408f8cbca9e2ddd82514e697":[2,0,1,0,4,1,0], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ac54a2c693acc3d9e6e942412148ffcc9":[1,0,1,0,6,1,2], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ac54a2c693acc3d9e6e942412148ffcc9":[2,0,1,0,4,1,2], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ae9e3fc1cc3e827dae4d3d107f6780817":[1,0,1,0,6,1,1], -"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ae9e3fc1cc3e827dae4d3d107f6780817":[2,0,1,0,4,1,1], -"classmlx_1_1core_1_1io_1_1_reader.html":[1,0,1,0,6,2], -"classmlx_1_1core_1_1io_1_1_reader.html":[2,0,1,0,4,2], -"classmlx_1_1core_1_1io_1_1_reader.html#a005d0b52c1f34866f7412b7f41dabec3":[1,0,1,0,6,2,1], -"classmlx_1_1core_1_1io_1_1_reader.html#a005d0b52c1f34866f7412b7f41dabec3":[2,0,1,0,4,2,1], -"classmlx_1_1core_1_1io_1_1_reader.html#a27697ccc1ce45da0233db3bd4f298aed":[1,0,1,0,6,2,7], -"classmlx_1_1core_1_1io_1_1_reader.html#a27697ccc1ce45da0233db3bd4f298aed":[2,0,1,0,4,2,7], -"classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc":[1,0,1,0,6,2,5], -"classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc":[2,0,1,0,4,2,5], -"classmlx_1_1core_1_1io_1_1_reader.html#a780f504058bd9c80cb3d105046a9f985":[1,0,1,0,6,2,2], -"classmlx_1_1core_1_1io_1_1_reader.html#a780f504058bd9c80cb3d105046a9f985":[2,0,1,0,4,2,2], -"classmlx_1_1core_1_1io_1_1_reader.html#a81cd4747d81311c87dc6753f2d0d8b16":[1,0,1,0,6,2,0], -"classmlx_1_1core_1_1io_1_1_reader.html#a81cd4747d81311c87dc6753f2d0d8b16":[2,0,1,0,4,2,0], -"classmlx_1_1core_1_1io_1_1_reader.html#a8c244daf52fd5ebb9a2c7e5f4ae793cd":[1,0,1,0,6,2,3], -"classmlx_1_1core_1_1io_1_1_reader.html#a8c244daf52fd5ebb9a2c7e5f4ae793cd":[2,0,1,0,4,2,3], -"classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1":[1,0,1,0,6,2,6], -"classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1":[2,0,1,0,4,2,6], -"classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1":[1,0,1,0,6,2,4], -"classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1":[2,0,1,0,4,2,4], -"classmlx_1_1core_1_1io_1_1_writer.html":[1,0,1,0,6,3], -"classmlx_1_1core_1_1io_1_1_writer.html":[2,0,1,0,4,3], -"classmlx_1_1core_1_1io_1_1_writer.html#a0b050c2c27487007e250e2e19560ffe4":[1,0,1,0,6,3,1], -"classmlx_1_1core_1_1io_1_1_writer.html#a0b050c2c27487007e250e2e19560ffe4":[2,0,1,0,4,3,1], -"classmlx_1_1core_1_1io_1_1_writer.html#a0e42f93a64118e9f5ede54ffe1bda045":[1,0,1,0,6,3,0], -"classmlx_1_1core_1_1io_1_1_writer.html#a0e42f93a64118e9f5ede54ffe1bda045":[2,0,1,0,4,3,0], -"classmlx_1_1core_1_1io_1_1_writer.html#a11ad80749894993232fbb5c70fd7b282":[1,0,1,0,6,3,5], -"classmlx_1_1core_1_1io_1_1_writer.html#a11ad80749894993232fbb5c70fd7b282":[2,0,1,0,4,3,5], -"classmlx_1_1core_1_1io_1_1_writer.html#a828125a9adcb7e90c8bcaba0fe47f854":[1,0,1,0,6,3,3], -"classmlx_1_1core_1_1io_1_1_writer.html#a828125a9adcb7e90c8bcaba0fe47f854":[2,0,1,0,4,3,3], -"classmlx_1_1core_1_1io_1_1_writer.html#a85aa36bdb0dbfb8c5b6cfd955b03417a":[1,0,1,0,6,3,2], -"classmlx_1_1core_1_1io_1_1_writer.html#a85aa36bdb0dbfb8c5b6cfd955b03417a":[2,0,1,0,4,3,2], -"classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4":[1,0,1,0,6,3,4], -"classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4":[2,0,1,0,4,3,4], -"classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125":[1,0,1,0,6,3,6], -"classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125":[2,0,1,0,4,3,6], -"classmlx_1_1core_1_1metal_1_1_buffer.html":[1,0,1,0,8,0], -"classmlx_1_1core_1_1metal_1_1_buffer.html":[2,0,1,0,5,0], -"classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc":[1,0,1,0,8,0,3], -"classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc":[2,0,1,0,5,0,3], -"classmlx_1_1core_1_1metal_1_1_buffer.html#a990643feac06961c5599aac098c17b94":[1,0,1,0,8,0,2], -"classmlx_1_1core_1_1metal_1_1_buffer.html#a990643feac06961c5599aac098c17b94":[2,0,1,0,5,0,2], -"classmlx_1_1core_1_1metal_1_1_buffer.html#ac4fc2cc6aa1368cfb74aff329d9a1300":[1,0,1,0,8,0,0], -"classmlx_1_1core_1_1metal_1_1_buffer.html#ac4fc2cc6aa1368cfb74aff329d9a1300":[2,0,1,0,5,0,0], -"classmlx_1_1core_1_1metal_1_1_buffer.html#acb15b2f057568828ea09635ed968b62a":[1,0,1,0,8,0,1], -"classmlx_1_1core_1_1metal_1_1_buffer.html#acb15b2f057568828ea09635ed968b62a":[2,0,1,0,5,0,1], -"classmlx_1_1core_1_1metal_1_1_device.html":[1,0,1,0,8,2], -"classmlx_1_1core_1_1metal_1_1_device.html":[2,0,1,0,5,2], -"classmlx_1_1core_1_1metal_1_1_device.html#a03a2f0c712660a1bd437cb16e4aba79f":[1,0,1,0,8,2,21], -"classmlx_1_1core_1_1metal_1_1_device.html#a03a2f0c712660a1bd437cb16e4aba79f":[2,0,1,0,5,2,21], -"classmlx_1_1core_1_1metal_1_1_device.html#a2580a395419fa6735e8ca5a67495700e":[1,0,1,0,8,2,6], -"classmlx_1_1core_1_1metal_1_1_device.html#a2580a395419fa6735e8ca5a67495700e":[2,0,1,0,5,2,6], -"classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653":[1,0,1,0,8,2,16], -"classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653":[2,0,1,0,5,2,16], -"classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d":[1,0,1,0,8,2,20], -"classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d":[2,0,1,0,5,2,20], -"classmlx_1_1core_1_1metal_1_1_device.html#a4f39c28c6cdd1d2da1918f5871bcba6e":[1,0,1,0,8,2,2], -"classmlx_1_1core_1_1metal_1_1_device.html#a4f39c28c6cdd1d2da1918f5871bcba6e":[2,0,1,0,5,2,2], -"classmlx_1_1core_1_1metal_1_1_device.html#a5fe3970fbe92ccc55fce4241ffbe5210":[1,0,1,0,8,2,10], -"classmlx_1_1core_1_1metal_1_1_device.html#a5fe3970fbe92ccc55fce4241ffbe5210":[2,0,1,0,5,2,10], -"classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf":[1,0,1,0,8,2,8], -"classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf":[2,0,1,0,5,2,8], -"classmlx_1_1core_1_1metal_1_1_device.html#a65f64dd8bafdc704d871fc5be5e7bc0b":[1,0,1,0,8,2,9], -"classmlx_1_1core_1_1metal_1_1_device.html#a65f64dd8bafdc704d871fc5be5e7bc0b":[2,0,1,0,5,2,9], -"classmlx_1_1core_1_1metal_1_1_device.html#a6810c4dcbcfbf93fc51d42aa5ff0fc3a":[1,0,1,0,8,2,13], -"classmlx_1_1core_1_1metal_1_1_device.html#a6810c4dcbcfbf93fc51d42aa5ff0fc3a":[2,0,1,0,5,2,13], -"classmlx_1_1core_1_1metal_1_1_device.html#a6e33e2b1287324fb4a6575e0da5e5881":[1,0,1,0,8,2,5], -"classmlx_1_1core_1_1metal_1_1_device.html#a6e33e2b1287324fb4a6575e0da5e5881":[2,0,1,0,5,2,5], -"classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901":[1,0,1,0,8,2,3], -"classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901":[2,0,1,0,5,2,3], -"classmlx_1_1core_1_1metal_1_1_device.html#a75ed55e73baf48013028796518723ff0":[1,0,1,0,8,2,14], -"classmlx_1_1core_1_1metal_1_1_device.html#a75ed55e73baf48013028796518723ff0":[2,0,1,0,5,2,14], -"classmlx_1_1core_1_1metal_1_1_device.html#a8135ae2a8c1e6f3861e84d4e60c28b67":[1,0,1,0,8,2,17], -"classmlx_1_1core_1_1metal_1_1_device.html#a8135ae2a8c1e6f3861e84d4e60c28b67":[2,0,1,0,5,2,17], -"classmlx_1_1core_1_1metal_1_1_device.html#a95248f1387824067fd4fed23ace5ac0c":[1,0,1,0,8,2,7], -"classmlx_1_1core_1_1metal_1_1_device.html#a95248f1387824067fd4fed23ace5ac0c":[2,0,1,0,5,2,7], -"classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf":[1,0,1,0,8,2,19], -"classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf":[2,0,1,0,5,2,19], -"classmlx_1_1core_1_1metal_1_1_device.html#ab5f96b1d702e6c5e2d4228c1f2b19a00":[1,0,1,0,8,2,15], -"classmlx_1_1core_1_1metal_1_1_device.html#ab5f96b1d702e6c5e2d4228c1f2b19a00":[2,0,1,0,5,2,15], -"classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06":[1,0,1,0,8,2,1], -"classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06":[2,0,1,0,5,2,1], -"classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576":[1,0,1,0,8,2,4], -"classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576":[2,0,1,0,5,2,4], -"classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73":[1,0,1,0,8,2,18], -"classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73":[2,0,1,0,5,2,18], -"classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6":[1,0,1,0,8,2,0], -"classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6":[2,0,1,0,5,2,0], -"classmlx_1_1core_1_1metal_1_1_device.html#afa0cac9d800c21a8a7f6cb224256abaf":[1,0,1,0,8,2,12], -"classmlx_1_1core_1_1metal_1_1_device.html#afa0cac9d800c21a8a7f6cb224256abaf":[2,0,1,0,5,2,12], -"classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6":[1,0,1,0,8,2,11], -"classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6":[2,0,1,0,5,2,11], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html":[1,0,1,0,8,5], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html":[2,0,1,0,5,5], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0":[1,0,1,0,8,5,1], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0":[2,0,1,0,5,5,1], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a179e3127ef9377ce54295f771c34ba1b":[1,0,1,0,8,5,8], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a179e3127ef9377ce54295f771c34ba1b":[2,0,1,0,5,5,8], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6":[1,0,1,0,8,5,6], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6":[2,0,1,0,5,5,6], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a447c1eb38c00d2e8e521675297f4a9b1":[1,0,1,0,8,5,0], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a447c1eb38c00d2e8e521675297f4a9b1":[2,0,1,0,5,5,0], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a51f6587e8065be16f0418ca42a796e05":[1,0,1,0,8,5,10], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a51f6587e8065be16f0418ca42a796e05":[2,0,1,0,5,5,10], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc":[1,0,1,0,8,5,5], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc":[2,0,1,0,5,5,5], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a7a3ad4e33d57a47474c98e2f88e775d7":[1,0,1,0,8,5,2], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a7a3ad4e33d57a47474c98e2f88e775d7":[2,0,1,0,5,5,2], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a84fa0347da18055bc13ba0a5c4b57253":[1,0,1,0,8,5,9], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a84fa0347da18055bc13ba0a5c4b57253":[2,0,1,0,5,5,9], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ac7972a3fe58e69489de775a0f152da17":[1,0,1,0,8,5,4], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ac7972a3fe58e69489de775a0f152da17":[2,0,1,0,5,5,4], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ad3cabbe638917ca4114eb74dcabe381f":[1,0,1,0,8,5,3], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ad3cabbe638917ca4114eb74dcabe381f":[2,0,1,0,5,5,3], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764":[1,0,1,0,8,5,7], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764":[2,0,1,0,5,5,7], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#afa1c5a725309caff163c492b5b84491e":[1,0,1,0,8,5,11], -"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#afa1c5a725309caff163c492b5b84491e":[2,0,1,0,5,5,11], -"classmlx_1_1core_1_1metal_1_1_residency_set.html":[1,0,1,0,8,6], -"classmlx_1_1core_1_1metal_1_1_residency_set.html":[2,0,1,0,5,6], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5":[1,0,1,0,8,6,7], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5":[2,0,1,0,5,6,7], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#a998f07776f489bea9a7dd3c290ea7a79":[1,0,1,0,8,6,1], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#a998f07776f489bea9a7dd3c290ea7a79":[2,0,1,0,5,6,1], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#aaafe1a4305a107d4bcdd4f35d3df09b3":[1,0,1,0,8,6,4], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#aaafe1a4305a107d4bcdd4f35d3df09b3":[2,0,1,0,5,6,4], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7":[1,0,1,0,8,6,2], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7":[2,0,1,0,5,6,2], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec":[1,0,1,0,8,6,0], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec":[2,0,1,0,5,6,0], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9":[1,0,1,0,8,6,5], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9":[2,0,1,0,5,6,5], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238":[1,0,1,0,8,6,3], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238":[2,0,1,0,5,6,3], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45":[1,0,1,0,8,6,6], -"classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45":[2,0,1,0,5,6,6], -"classmlx_1_1core_1_1random_1_1_key_sequence.html":[1,0,1,0,9,0], -"classmlx_1_1core_1_1random_1_1_key_sequence.html":[2,0,1,0,6,0], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#a196eb6ce5ba1eb37cc8c67d6d1332bfe":[1,0,1,0,9,0,0], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#a196eb6ce5ba1eb37cc8c67d6d1332bfe":[2,0,1,0,6,0,0], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#a4193c5eac3ef093a740d5305b25d3e18":[1,0,1,0,9,0,2], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#a4193c5eac3ef093a740d5305b25d3e18":[2,0,1,0,6,0,2], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8":[1,0,1,0,9,0,3], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8":[2,0,1,0,6,0,3], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#ab5993daeed822c6b970caddab7e3fd90":[1,0,1,0,9,0,1], -"classmlx_1_1core_1_1random_1_1_key_sequence.html#ab5993daeed822c6b970caddab7e3fd90":[2,0,1,0,6,0,1], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html":[1,0,1,0,10,0], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html":[2,0,1,0,7,0], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a01c574bb388f10d67aaaaa541894d807":[1,0,1,0,10,0,14], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a01c574bb388f10d67aaaaa541894d807":[2,0,1,0,7,0,14], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379":[1,0,1,0,10,0,12], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379":[2,0,1,0,7,0,12], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc":[1,0,1,0,10,0,4], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc":[2,0,1,0,7,0,4], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a157c8da85fa1bddb8eacf8515a3cc879":[1,0,1,0,10,0,8], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a157c8da85fa1bddb8eacf8515a3cc879":[2,0,1,0,7,0,8], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a2366c7b888e433608e203752edc92282":[1,0,1,0,10,0,5], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a2366c7b888e433608e203752edc92282":[2,0,1,0,7,0,5], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba":[1,0,1,0,10,0,0], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba":[2,0,1,0,7,0,0], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3c9fa21442974acba3409d49bb033131":[1,0,1,0,10,0,7], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3c9fa21442974acba3409d49bb033131":[2,0,1,0,7,0,7], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648":[1,0,1,0,10,0,1], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648":[2,0,1,0,7,0,1], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6626c4a743a2b3004fc14042bc8b0edf":[1,0,1,0,10,0,3], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6626c4a743a2b3004fc14042bc8b0edf":[2,0,1,0,7,0,3], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6d15314ac9cf25efc9bd1278de9a66bb":[1,0,1,0,10,0,13], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6d15314ac9cf25efc9bd1278de9a66bb":[2,0,1,0,7,0,13], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#aa6726858b362c7cd1f8a846a63085dbc":[1,0,1,0,10,0,6], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#aa6726858b362c7cd1f8a846a63085dbc":[2,0,1,0,7,0,6], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db":[1,0,1,0,10,0,11], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db":[2,0,1,0,7,0,11], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#abbb2b1c2f8bae2b9c7cc51db65f18a3b":[1,0,1,0,10,0,10], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#abbb2b1c2f8bae2b9c7cc51db65f18a3b":[2,0,1,0,7,0,10], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059":[1,0,1,0,10,0,2], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059":[2,0,1,0,7,0,2], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ae8aa34a9be8bc73508dd500000421173":[1,0,1,0,10,0,9], -"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ae8aa34a9be8bc73508dd500000421173":[2,0,1,0,7,0,9], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a653009adbcbce8248bc666df502fdbde":[1,0,1,0,7,1,3], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a653009adbcbce8248bc666df502fdbde":[2,0,1,0,5,1,3], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b":[1,0,1,0,7,1,5], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b":[2,0,1,0,5,1,5], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6cdb4547408f8cbca9e2ddd82514e697":[1,0,1,0,7,1,0], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6cdb4547408f8cbca9e2ddd82514e697":[2,0,1,0,5,1,0], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ac54a2c693acc3d9e6e942412148ffcc9":[1,0,1,0,7,1,2], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ac54a2c693acc3d9e6e942412148ffcc9":[2,0,1,0,5,1,2], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ae9e3fc1cc3e827dae4d3d107f6780817":[1,0,1,0,7,1,1], +"classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#ae9e3fc1cc3e827dae4d3d107f6780817":[2,0,1,0,5,1,1], +"classmlx_1_1core_1_1io_1_1_reader.html":[1,0,1,0,7,2], +"classmlx_1_1core_1_1io_1_1_reader.html":[2,0,1,0,5,2], +"classmlx_1_1core_1_1io_1_1_reader.html#a005d0b52c1f34866f7412b7f41dabec3":[1,0,1,0,7,2,1], +"classmlx_1_1core_1_1io_1_1_reader.html#a005d0b52c1f34866f7412b7f41dabec3":[2,0,1,0,5,2,1], +"classmlx_1_1core_1_1io_1_1_reader.html#a27697ccc1ce45da0233db3bd4f298aed":[1,0,1,0,7,2,7], +"classmlx_1_1core_1_1io_1_1_reader.html#a27697ccc1ce45da0233db3bd4f298aed":[2,0,1,0,5,2,7], +"classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc":[1,0,1,0,7,2,5], +"classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc":[2,0,1,0,5,2,5], +"classmlx_1_1core_1_1io_1_1_reader.html#a780f504058bd9c80cb3d105046a9f985":[1,0,1,0,7,2,2], +"classmlx_1_1core_1_1io_1_1_reader.html#a780f504058bd9c80cb3d105046a9f985":[2,0,1,0,5,2,2], +"classmlx_1_1core_1_1io_1_1_reader.html#a81cd4747d81311c87dc6753f2d0d8b16":[1,0,1,0,7,2,0], +"classmlx_1_1core_1_1io_1_1_reader.html#a81cd4747d81311c87dc6753f2d0d8b16":[2,0,1,0,5,2,0], +"classmlx_1_1core_1_1io_1_1_reader.html#a8c244daf52fd5ebb9a2c7e5f4ae793cd":[1,0,1,0,7,2,3], +"classmlx_1_1core_1_1io_1_1_reader.html#a8c244daf52fd5ebb9a2c7e5f4ae793cd":[2,0,1,0,5,2,3], +"classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1":[1,0,1,0,7,2,6], +"classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1":[2,0,1,0,5,2,6], +"classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1":[1,0,1,0,7,2,4], +"classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1":[2,0,1,0,5,2,4], +"classmlx_1_1core_1_1io_1_1_writer.html":[1,0,1,0,7,3], +"classmlx_1_1core_1_1io_1_1_writer.html":[2,0,1,0,5,3], +"classmlx_1_1core_1_1io_1_1_writer.html#a0b050c2c27487007e250e2e19560ffe4":[1,0,1,0,7,3,1], +"classmlx_1_1core_1_1io_1_1_writer.html#a0b050c2c27487007e250e2e19560ffe4":[2,0,1,0,5,3,1], +"classmlx_1_1core_1_1io_1_1_writer.html#a0e42f93a64118e9f5ede54ffe1bda045":[1,0,1,0,7,3,0], +"classmlx_1_1core_1_1io_1_1_writer.html#a0e42f93a64118e9f5ede54ffe1bda045":[2,0,1,0,5,3,0], +"classmlx_1_1core_1_1io_1_1_writer.html#a11ad80749894993232fbb5c70fd7b282":[1,0,1,0,7,3,5], +"classmlx_1_1core_1_1io_1_1_writer.html#a11ad80749894993232fbb5c70fd7b282":[2,0,1,0,5,3,5], +"classmlx_1_1core_1_1io_1_1_writer.html#a828125a9adcb7e90c8bcaba0fe47f854":[1,0,1,0,7,3,3], +"classmlx_1_1core_1_1io_1_1_writer.html#a828125a9adcb7e90c8bcaba0fe47f854":[2,0,1,0,5,3,3], +"classmlx_1_1core_1_1io_1_1_writer.html#a85aa36bdb0dbfb8c5b6cfd955b03417a":[1,0,1,0,7,3,2], +"classmlx_1_1core_1_1io_1_1_writer.html#a85aa36bdb0dbfb8c5b6cfd955b03417a":[2,0,1,0,5,3,2], +"classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4":[1,0,1,0,7,3,4], +"classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4":[2,0,1,0,5,3,4], +"classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125":[1,0,1,0,7,3,6], +"classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125":[2,0,1,0,5,3,6], +"classmlx_1_1core_1_1metal_1_1_buffer.html":[1,0,1,0,9,0], +"classmlx_1_1core_1_1metal_1_1_buffer.html":[2,0,1,0,6,0], +"classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc":[1,0,1,0,9,0,3], +"classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc":[2,0,1,0,6,0,3], +"classmlx_1_1core_1_1metal_1_1_buffer.html#a990643feac06961c5599aac098c17b94":[1,0,1,0,9,0,2], +"classmlx_1_1core_1_1metal_1_1_buffer.html#a990643feac06961c5599aac098c17b94":[2,0,1,0,6,0,2], +"classmlx_1_1core_1_1metal_1_1_buffer.html#ac4fc2cc6aa1368cfb74aff329d9a1300":[1,0,1,0,9,0,0], +"classmlx_1_1core_1_1metal_1_1_buffer.html#ac4fc2cc6aa1368cfb74aff329d9a1300":[2,0,1,0,6,0,0], +"classmlx_1_1core_1_1metal_1_1_buffer.html#acb15b2f057568828ea09635ed968b62a":[1,0,1,0,9,0,1], +"classmlx_1_1core_1_1metal_1_1_buffer.html#acb15b2f057568828ea09635ed968b62a":[2,0,1,0,6,0,1], +"classmlx_1_1core_1_1metal_1_1_device.html":[1,0,1,0,9,2], +"classmlx_1_1core_1_1metal_1_1_device.html":[2,0,1,0,6,2], +"classmlx_1_1core_1_1metal_1_1_device.html#a03a2f0c712660a1bd437cb16e4aba79f":[1,0,1,0,9,2,21], +"classmlx_1_1core_1_1metal_1_1_device.html#a03a2f0c712660a1bd437cb16e4aba79f":[2,0,1,0,6,2,21], +"classmlx_1_1core_1_1metal_1_1_device.html#a2580a395419fa6735e8ca5a67495700e":[1,0,1,0,9,2,6], +"classmlx_1_1core_1_1metal_1_1_device.html#a2580a395419fa6735e8ca5a67495700e":[2,0,1,0,6,2,6], +"classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653":[1,0,1,0,9,2,16], +"classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653":[2,0,1,0,6,2,16], +"classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d":[1,0,1,0,9,2,20], +"classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d":[2,0,1,0,6,2,20], +"classmlx_1_1core_1_1metal_1_1_device.html#a4f39c28c6cdd1d2da1918f5871bcba6e":[1,0,1,0,9,2,2], +"classmlx_1_1core_1_1metal_1_1_device.html#a4f39c28c6cdd1d2da1918f5871bcba6e":[2,0,1,0,6,2,2], +"classmlx_1_1core_1_1metal_1_1_device.html#a5fe3970fbe92ccc55fce4241ffbe5210":[1,0,1,0,9,2,10], +"classmlx_1_1core_1_1metal_1_1_device.html#a5fe3970fbe92ccc55fce4241ffbe5210":[2,0,1,0,6,2,10], +"classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf":[1,0,1,0,9,2,8], +"classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf":[2,0,1,0,6,2,8], +"classmlx_1_1core_1_1metal_1_1_device.html#a65f64dd8bafdc704d871fc5be5e7bc0b":[1,0,1,0,9,2,9], +"classmlx_1_1core_1_1metal_1_1_device.html#a65f64dd8bafdc704d871fc5be5e7bc0b":[2,0,1,0,6,2,9], +"classmlx_1_1core_1_1metal_1_1_device.html#a6810c4dcbcfbf93fc51d42aa5ff0fc3a":[1,0,1,0,9,2,13], +"classmlx_1_1core_1_1metal_1_1_device.html#a6810c4dcbcfbf93fc51d42aa5ff0fc3a":[2,0,1,0,6,2,13], +"classmlx_1_1core_1_1metal_1_1_device.html#a6e33e2b1287324fb4a6575e0da5e5881":[1,0,1,0,9,2,5], +"classmlx_1_1core_1_1metal_1_1_device.html#a6e33e2b1287324fb4a6575e0da5e5881":[2,0,1,0,6,2,5], +"classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901":[1,0,1,0,9,2,3], +"classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901":[2,0,1,0,6,2,3], +"classmlx_1_1core_1_1metal_1_1_device.html#a75ed55e73baf48013028796518723ff0":[1,0,1,0,9,2,14], +"classmlx_1_1core_1_1metal_1_1_device.html#a75ed55e73baf48013028796518723ff0":[2,0,1,0,6,2,14], +"classmlx_1_1core_1_1metal_1_1_device.html#a8135ae2a8c1e6f3861e84d4e60c28b67":[1,0,1,0,9,2,17], +"classmlx_1_1core_1_1metal_1_1_device.html#a8135ae2a8c1e6f3861e84d4e60c28b67":[2,0,1,0,6,2,17], +"classmlx_1_1core_1_1metal_1_1_device.html#a95248f1387824067fd4fed23ace5ac0c":[1,0,1,0,9,2,7], +"classmlx_1_1core_1_1metal_1_1_device.html#a95248f1387824067fd4fed23ace5ac0c":[2,0,1,0,6,2,7], +"classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf":[1,0,1,0,9,2,19], +"classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf":[2,0,1,0,6,2,19], +"classmlx_1_1core_1_1metal_1_1_device.html#ab5f96b1d702e6c5e2d4228c1f2b19a00":[1,0,1,0,9,2,15], +"classmlx_1_1core_1_1metal_1_1_device.html#ab5f96b1d702e6c5e2d4228c1f2b19a00":[2,0,1,0,6,2,15], +"classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06":[1,0,1,0,9,2,1], +"classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06":[2,0,1,0,6,2,1], +"classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576":[1,0,1,0,9,2,4], +"classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576":[2,0,1,0,6,2,4], +"classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73":[1,0,1,0,9,2,18], +"classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73":[2,0,1,0,6,2,18], +"classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6":[1,0,1,0,9,2,0], +"classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6":[2,0,1,0,6,2,0], +"classmlx_1_1core_1_1metal_1_1_device.html#afa0cac9d800c21a8a7f6cb224256abaf":[1,0,1,0,9,2,12], +"classmlx_1_1core_1_1metal_1_1_device.html#afa0cac9d800c21a8a7f6cb224256abaf":[2,0,1,0,6,2,12], +"classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6":[1,0,1,0,9,2,11], +"classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6":[2,0,1,0,6,2,11], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html":[1,0,1,0,9,5], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html":[2,0,1,0,6,5], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0":[1,0,1,0,9,5,1], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0":[2,0,1,0,6,5,1], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a179e3127ef9377ce54295f771c34ba1b":[1,0,1,0,9,5,8], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a179e3127ef9377ce54295f771c34ba1b":[2,0,1,0,6,5,8], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6":[1,0,1,0,9,5,6], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6":[2,0,1,0,6,5,6], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a447c1eb38c00d2e8e521675297f4a9b1":[1,0,1,0,9,5,0], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a447c1eb38c00d2e8e521675297f4a9b1":[2,0,1,0,6,5,0], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a51f6587e8065be16f0418ca42a796e05":[1,0,1,0,9,5,10], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a51f6587e8065be16f0418ca42a796e05":[2,0,1,0,6,5,10], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc":[1,0,1,0,9,5,5], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc":[2,0,1,0,6,5,5], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a7a3ad4e33d57a47474c98e2f88e775d7":[1,0,1,0,9,5,2], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a7a3ad4e33d57a47474c98e2f88e775d7":[2,0,1,0,6,5,2], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a84fa0347da18055bc13ba0a5c4b57253":[1,0,1,0,9,5,9], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a84fa0347da18055bc13ba0a5c4b57253":[2,0,1,0,6,5,9], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ac7972a3fe58e69489de775a0f152da17":[1,0,1,0,9,5,4], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ac7972a3fe58e69489de775a0f152da17":[2,0,1,0,6,5,4], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ad3cabbe638917ca4114eb74dcabe381f":[1,0,1,0,9,5,3], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ad3cabbe638917ca4114eb74dcabe381f":[2,0,1,0,6,5,3], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764":[1,0,1,0,9,5,7], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764":[2,0,1,0,6,5,7], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#afa1c5a725309caff163c492b5b84491e":[1,0,1,0,9,5,11], +"classmlx_1_1core_1_1metal_1_1_metal_allocator.html#afa1c5a725309caff163c492b5b84491e":[2,0,1,0,6,5,11], +"classmlx_1_1core_1_1metal_1_1_residency_set.html":[1,0,1,0,9,6], +"classmlx_1_1core_1_1metal_1_1_residency_set.html":[2,0,1,0,6,6], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5":[1,0,1,0,9,6,7], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5":[2,0,1,0,6,6,7], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#a998f07776f489bea9a7dd3c290ea7a79":[1,0,1,0,9,6,1], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#a998f07776f489bea9a7dd3c290ea7a79":[2,0,1,0,6,6,1], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#aaafe1a4305a107d4bcdd4f35d3df09b3":[1,0,1,0,9,6,4], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#aaafe1a4305a107d4bcdd4f35d3df09b3":[2,0,1,0,6,6,4], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7":[1,0,1,0,9,6,2], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7":[2,0,1,0,6,6,2], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec":[1,0,1,0,9,6,0], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec":[2,0,1,0,6,6,0], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9":[1,0,1,0,9,6,5], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9":[2,0,1,0,6,6,5], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238":[1,0,1,0,9,6,3], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238":[2,0,1,0,6,6,3], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45":[1,0,1,0,9,6,6], +"classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45":[2,0,1,0,6,6,6], +"classmlx_1_1core_1_1random_1_1_key_sequence.html":[1,0,1,0,10,0], +"classmlx_1_1core_1_1random_1_1_key_sequence.html":[2,0,1,0,7,0], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#a196eb6ce5ba1eb37cc8c67d6d1332bfe":[1,0,1,0,10,0,0], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#a196eb6ce5ba1eb37cc8c67d6d1332bfe":[2,0,1,0,7,0,0], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#a4193c5eac3ef093a740d5305b25d3e18":[1,0,1,0,10,0,2], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#a4193c5eac3ef093a740d5305b25d3e18":[2,0,1,0,7,0,2], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8":[1,0,1,0,10,0,3], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8":[2,0,1,0,7,0,3], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#ab5993daeed822c6b970caddab7e3fd90":[1,0,1,0,10,0,1], +"classmlx_1_1core_1_1random_1_1_key_sequence.html#ab5993daeed822c6b970caddab7e3fd90":[2,0,1,0,7,0,1], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html":[1,0,1,0,11,0], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html":[2,0,1,0,8,0], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a01c574bb388f10d67aaaaa541894d807":[1,0,1,0,11,0,14], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a01c574bb388f10d67aaaaa541894d807":[2,0,1,0,8,0,14], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379":[1,0,1,0,11,0,12], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379":[2,0,1,0,8,0,12], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc":[1,0,1,0,11,0,4], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc":[2,0,1,0,8,0,4], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a157c8da85fa1bddb8eacf8515a3cc879":[1,0,1,0,11,0,8], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a157c8da85fa1bddb8eacf8515a3cc879":[2,0,1,0,8,0,8], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a2366c7b888e433608e203752edc92282":[1,0,1,0,11,0,5], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a2366c7b888e433608e203752edc92282":[2,0,1,0,8,0,5], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba":[1,0,1,0,11,0,0], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba":[2,0,1,0,8,0,0], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3c9fa21442974acba3409d49bb033131":[1,0,1,0,11,0,7], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3c9fa21442974acba3409d49bb033131":[2,0,1,0,8,0,7], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648":[1,0,1,0,11,0,1], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648":[2,0,1,0,8,0,1], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6626c4a743a2b3004fc14042bc8b0edf":[1,0,1,0,11,0,3], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6626c4a743a2b3004fc14042bc8b0edf":[2,0,1,0,8,0,3], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6d15314ac9cf25efc9bd1278de9a66bb":[1,0,1,0,11,0,13], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6d15314ac9cf25efc9bd1278de9a66bb":[2,0,1,0,8,0,13], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#aa6726858b362c7cd1f8a846a63085dbc":[1,0,1,0,11,0,6], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#aa6726858b362c7cd1f8a846a63085dbc":[2,0,1,0,8,0,6], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db":[1,0,1,0,11,0,11], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db":[2,0,1,0,8,0,11], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#abbb2b1c2f8bae2b9c7cc51db65f18a3b":[1,0,1,0,11,0,10], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#abbb2b1c2f8bae2b9c7cc51db65f18a3b":[2,0,1,0,8,0,10], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059":[1,0,1,0,11,0,2], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059":[2,0,1,0,8,0,2], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ae8aa34a9be8bc73508dd500000421173":[1,0,1,0,11,0,9], +"classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ae8aa34a9be8bc73508dd500000421173":[2,0,1,0,8,0,9], "classpocketfft_1_1detail_1_1_t__dcst23.html":[1,0,2,0,21], "classpocketfft_1_1detail_1_1_t__dcst23.html":[2,0,2,0,21], "classpocketfft_1_1detail_1_1_t__dcst23.html#a2a45b7b4612904c2be69c01f6d5029ac":[1,0,2,0,21,1], @@ -249,5 +241,13 @@ var NAVTREEINDEX13 = "classpocketfft_1_1detail_1_1arr.html#aec0f2191b4663b4187aab92454c34de8":[1,0,2,0,3,4], "classpocketfft_1_1detail_1_1arr.html#aec0f2191b4663b4187aab92454c34de8":[2,0,2,0,3,4], "classpocketfft_1_1detail_1_1arr__info.html":[1,0,2,0,4], -"classpocketfft_1_1detail_1_1arr__info.html":[2,0,2,0,4] +"classpocketfft_1_1detail_1_1arr__info.html":[2,0,2,0,4], +"classpocketfft_1_1detail_1_1arr__info.html#a003a7106f7fa59a3c55ac1f0116313a5":[1,0,2,0,4,4], +"classpocketfft_1_1detail_1_1arr__info.html#a003a7106f7fa59a3c55ac1f0116313a5":[2,0,2,0,4,4], +"classpocketfft_1_1detail_1_1arr__info.html#a0dbddb7d86ca306159fc9ef9a453b21e":[1,0,2,0,4,0], +"classpocketfft_1_1detail_1_1arr__info.html#a0dbddb7d86ca306159fc9ef9a453b21e":[2,0,2,0,4,0], +"classpocketfft_1_1detail_1_1arr__info.html#a2467e9e01de1ba4d7cd28c1af783da8d":[1,0,2,0,4,7], +"classpocketfft_1_1detail_1_1arr__info.html#a2467e9e01de1ba4d7cd28c1af783da8d":[2,0,2,0,4,7], +"classpocketfft_1_1detail_1_1arr__info.html#a9d10aa83a1117e75d36f7396b8c2a093":[1,0,2,0,4,5], +"classpocketfft_1_1detail_1_1arr__info.html#a9d10aa83a1117e75d36f7396b8c2a093":[2,0,2,0,4,5] }; diff --git a/docs/build/html/navtreeindex14.js b/docs/build/html/navtreeindex14.js index 16cde040a..3d2ef4178 100644 --- a/docs/build/html/navtreeindex14.js +++ b/docs/build/html/navtreeindex14.js @@ -1,13 +1,5 @@ var NAVTREEINDEX14 = { -"classpocketfft_1_1detail_1_1arr__info.html#a003a7106f7fa59a3c55ac1f0116313a5":[1,0,2,0,4,4], -"classpocketfft_1_1detail_1_1arr__info.html#a003a7106f7fa59a3c55ac1f0116313a5":[2,0,2,0,4,4], -"classpocketfft_1_1detail_1_1arr__info.html#a0dbddb7d86ca306159fc9ef9a453b21e":[1,0,2,0,4,0], -"classpocketfft_1_1detail_1_1arr__info.html#a0dbddb7d86ca306159fc9ef9a453b21e":[2,0,2,0,4,0], -"classpocketfft_1_1detail_1_1arr__info.html#a2467e9e01de1ba4d7cd28c1af783da8d":[1,0,2,0,4,7], -"classpocketfft_1_1detail_1_1arr__info.html#a2467e9e01de1ba4d7cd28c1af783da8d":[2,0,2,0,4,7], -"classpocketfft_1_1detail_1_1arr__info.html#a9d10aa83a1117e75d36f7396b8c2a093":[1,0,2,0,4,5], -"classpocketfft_1_1detail_1_1arr__info.html#a9d10aa83a1117e75d36f7396b8c2a093":[2,0,2,0,4,5], "classpocketfft_1_1detail_1_1arr__info.html#abe1f7b92501b4e0e5a38fd26294ac5a4":[1,0,2,0,4,8], "classpocketfft_1_1detail_1_1arr__info.html#abe1f7b92501b4e0e5a38fd26294ac5a4":[2,0,2,0,4,8], "classpocketfft_1_1detail_1_1arr__info.html#ac1f6a9bd6703eceef6003f5f6315d39b":[1,0,2,0,4,6], @@ -158,12 +150,12 @@ var NAVTREEINDEX14 = "common_2copy_8h_source.html":[3,0,0,1,0,2], "common_2hadamard_8h.html":[3,0,0,1,0,3], "common_2hadamard_8h_source.html":[3,0,0,1,0,3], -"common_2reduce_8h.html":[3,0,0,1,0,5], -"common_2reduce_8h_source.html":[3,0,0,1,0,5], -"common_2slicing_8h.html":[3,0,0,1,0,6], -"common_2slicing_8h_source.html":[3,0,0,1,0,6], -"common_2ternary_8h.html":[3,0,0,1,0,7], -"common_2ternary_8h_source.html":[3,0,0,1,0,7], +"common_2reduce_8h.html":[3,0,0,1,0,4], +"common_2reduce_8h_source.html":[3,0,0,1,0,4], +"common_2slicing_8h.html":[3,0,0,1,0,5], +"common_2slicing_8h_source.html":[3,0,0,1,0,5], +"common_2ternary_8h.html":[3,0,0,1,0,6], +"common_2ternary_8h_source.html":[3,0,0,1,0,6], "compile_8h.html":[3,0,0,7], "compile_8h_source.html":[3,0,0,7], "compile__impl_8h.html":[3,0,0,8], @@ -192,18 +184,18 @@ var NAVTREEINDEX14 = "cpu_2binary__two_8h_source.html":[3,0,0,1,1,4], "cpu_2copy_8h.html":[3,0,0,1,1,6], "cpu_2copy_8h_source.html":[3,0,0,1,1,6], -"cpu_2gemm_8h.html":[3,0,0,1,1,7], -"cpu_2gemm_8h_source.html":[3,0,0,1,1,7], -"cpu_2slicing_8h.html":[3,0,0,1,1,10], -"cpu_2slicing_8h_source.html":[3,0,0,1,1,10], -"cpu_2ternary_8h.html":[3,0,0,1,1,11], -"cpu_2ternary_8h_source.html":[3,0,0,1,1,11], -"cpu_2unary_8h.html":[3,0,0,1,1,13], -"cpu_2unary_8h_source.html":[3,0,0,1,1,13], -"cpu_2unary__ops_8h.html":[3,0,0,1,1,14], -"cpu_2unary__ops_8h.html#a602aea95990389a45c255195f849d5de":[3,0,0,1,1,14,36], -"cpu_2unary__ops_8h.html#a83702f31e6dbd79c339a6aad67319f64":[3,0,0,1,1,14,35], -"cpu_2unary__ops_8h_source.html":[3,0,0,1,1,14], +"cpu_2gemm_8h.html":[3,0,0,1,1,9], +"cpu_2gemm_8h_source.html":[3,0,0,1,1,9], +"cpu_2slicing_8h.html":[3,0,0,1,1,12], +"cpu_2slicing_8h_source.html":[3,0,0,1,1,12], +"cpu_2ternary_8h.html":[3,0,0,1,1,13], +"cpu_2ternary_8h_source.html":[3,0,0,1,1,13], +"cpu_2unary_8h.html":[3,0,0,1,1,15], +"cpu_2unary_8h_source.html":[3,0,0,1,1,15], +"cpu_2unary__ops_8h.html":[3,0,0,1,1,16], +"cpu_2unary__ops_8h.html#a602aea95990389a45c255195f849d5de":[3,0,0,1,1,16,36], +"cpu_2unary__ops_8h.html#a83702f31e6dbd79c339a6aad67319f64":[3,0,0,1,1,16,35], +"cpu_2unary__ops_8h_source.html":[3,0,0,1,1,16], "defines_8h.html":[3,0,0,1,2,1,14], "defines_8h.html#a0cc4a821c1090d4183ff3a31da7e9f7b":[3,0,0,1,2,1,14,0], "defines_8h.html#a15629f1b81a2b6f1cca26d07a2734623":[3,0,0,1,2,1,14,2], @@ -249,5 +241,13 @@ var NAVTREEINDEX14 = "distributed_2primitives_8h.html":[3,0,0,2,5], "distributed_2primitives_8h_source.html":[3,0,0,2,5], "distributed_8h.html":[3,0,0,2,2], -"distributed_8h_source.html":[3,0,0,2,2] +"distributed_8h_source.html":[3,0,0,2,2], +"distributed__impl_8h.html":[3,0,0,2,3], +"distributed__impl_8h_source.html":[3,0,0,2,3], +"dtype_8h.html":[3,0,0,10], +"dtype_8h_source.html":[3,0,0,10], +"einsum_8h.html":[3,0,0,11], +"einsum_8h_source.html":[3,0,0,11], +"encoder_8h.html":[3,0,0,1,1,7], +"encoder_8h_source.html":[3,0,0,1,1,7] }; diff --git a/docs/build/html/navtreeindex15.js b/docs/build/html/navtreeindex15.js index 10cc6e4a1..0599f24f6 100644 --- a/docs/build/html/navtreeindex15.js +++ b/docs/build/html/navtreeindex15.js @@ -1,15 +1,11 @@ var NAVTREEINDEX15 = { -"distributed__impl_8h.html":[3,0,0,2,3], -"distributed__impl_8h_source.html":[3,0,0,2,3], -"dtype_8h.html":[3,0,0,10], -"dtype_8h_source.html":[3,0,0,10], -"einsum_8h.html":[3,0,0,11], -"einsum_8h_source.html":[3,0,0,11], "erf_8h.html":[3,0,0,1,2,1,15], "erf_8h.html#a1846e0d683c7aff826bb32addcc3b885":[3,0,0,1,2,1,15,1], "erf_8h.html#a6ce199ee56105c67adbf8c48c019a8b2":[3,0,0,1,2,1,15,0], "erf_8h_source.html":[3,0,0,1,2,1,15], +"eval_8h.html":[3,0,0,1,1,8], +"eval_8h_source.html":[3,0,0,1,1,8], "event_8h.html":[3,0,0,12], "event_8h_source.html":[3,0,0,12], "expm1f_8h.html":[3,0,0,1,2,1,16], @@ -24,10 +20,10 @@ var NAVTREEINDEX15 = "fast_8h_source.html":[3,0,0,15], "fast__primitives_8h.html":[3,0,0,16], "fast__primitives_8h_source.html":[3,0,0,16], -"fence_8h.html":[3,0,0,1,2,7], -"fence_8h_source.html":[3,0,0,1,2,7], -"fft_8h.html":[3,0,0,17], -"fft_8h_source.html":[3,0,0,17], +"fence_8h.html":[3,0,0,17], +"fence_8h_source.html":[3,0,0,17], +"fft_8h.html":[3,0,0,18], +"fft_8h_source.html":[3,0,0,18], "files.html":[3,0], "fp16_8h.html":[3,0,0,4,2], "fp16_8h.html#a10abf57a099efdbb9db0c78e9c120e50":[3,0,0,4,2,1], @@ -188,8 +184,8 @@ var NAVTREEINDEX15 = "globals_vars.html":[3,1,2], "globals_w.html":[3,1,0,21], "globals_z.html":[3,1,0,22], -"graph__utils_8h.html":[3,0,0,18], -"graph__utils_8h_source.html":[3,0,0,18], +"graph__utils_8h.html":[3,0,0,19], +"graph__utils_8h_source.html":[3,0,0,19], "group__ops.html":[0,0], "group__ops.html#ga0140b91e9cdfc3fef0da8e332f65a9e8":[0,0,151], "group__ops.html#ga05881a4157cd113c9392d168a79e6673":[0,0,242], @@ -249,5 +245,9 @@ var NAVTREEINDEX15 = "group__ops.html#ga30d47e08093c03a3676f235f9f559411":[0,0,61], "group__ops.html#ga3188638fba3a60e264baf69956a1e08b":[0,0,51], "group__ops.html#ga32e106e794e2c32e4e7decee2df2477f":[0,0,195], -"group__ops.html#ga33638dc3a9972dd02be12d0eb85f9bde":[0,0,83] +"group__ops.html#ga33638dc3a9972dd02be12d0eb85f9bde":[0,0,83], +"group__ops.html#ga345aa27af3dae3646b8b4b1068e89a3e":[0,0,16], +"group__ops.html#ga35b8436c79ff953f6c809598b646f498":[0,0,295], +"group__ops.html#ga3602aa91b7b124a0b41ec1b2137a1b02":[0,0,312], +"group__ops.html#ga3627754d7868487bdab1bd83f05d9c81":[0,0,283] }; diff --git a/docs/build/html/navtreeindex16.js b/docs/build/html/navtreeindex16.js index 502584c7f..4eeebae33 100644 --- a/docs/build/html/navtreeindex16.js +++ b/docs/build/html/navtreeindex16.js @@ -1,9 +1,5 @@ var NAVTREEINDEX16 = { -"group__ops.html#ga345aa27af3dae3646b8b4b1068e89a3e":[0,0,16], -"group__ops.html#ga35b8436c79ff953f6c809598b646f498":[0,0,295], -"group__ops.html#ga3602aa91b7b124a0b41ec1b2137a1b02":[0,0,312], -"group__ops.html#ga3627754d7868487bdab1bd83f05d9c81":[0,0,283], "group__ops.html#ga3689e12e8f42dadb4cbe2b07dc4099f4":[0,0,6], "group__ops.html#ga368a0dc0e5dfb76922e7aa55a95f12f0":[0,0,106], "group__ops.html#ga36bc28f1deb2fe668ca9ae1e447b6b1f":[0,0,278], @@ -249,5 +245,9 @@ var NAVTREEINDEX16 = "group__ops.html#gaf8913cabeb9fb193ba687aaeb2087764":[0,0,220], "group__ops.html#gaf8f2ec2b98a4b59eca73d7471df6e032":[0,0,272], "group__ops.html#gaf985df6609c6bd75a14a844655d89eaa":[0,0,129], -"group__ops.html#gafa0eb25d5978674bfc9e59d4145ec590":[0,0,197] +"group__ops.html#gafa0eb25d5978674bfc9e59d4145ec590":[0,0,197], +"group__ops.html#gafa376ad57d38ba87378f0272dc379b23":[0,0,226], +"group__ops.html#gafbb857094d784b38c78683a091ffdbde":[0,0,316], +"group__ops.html#gafcd39b0bf39a56c26a967981c7ab8a8d":[0,0,282], +"group__ops.html#gafdcb04d77c64405a3990078a77dd984c":[0,0,277] }; diff --git a/docs/build/html/navtreeindex17.js b/docs/build/html/navtreeindex17.js index f8f0c7e88..e46670610 100644 --- a/docs/build/html/navtreeindex17.js +++ b/docs/build/html/navtreeindex17.js @@ -1,9 +1,5 @@ var NAVTREEINDEX17 = { -"group__ops.html#gafa376ad57d38ba87378f0272dc379b23":[0,0,226], -"group__ops.html#gafbb857094d784b38c78683a091ffdbde":[0,0,316], -"group__ops.html#gafcd39b0bf39a56c26a967981c7ab8a8d":[0,0,282], -"group__ops.html#gafdcb04d77c64405a3990078a77dd984c":[0,0,277], "group__ops.html#gafe2bd174c9953ed7f12664f7abaca0e6":[0,0,103], "group__ops.html#gafe6e4580452c873cac294f16129e633f":[0,0,20], "group__ops.html#gafef5cb2159c16a60a95470cc823bdd44":[0,0,135], @@ -20,11 +16,8 @@ var NAVTREEINDEX17 = "integral__constant_8h.html":[3,0,0,1,2,1,5,3,0], "integral__constant_8h.html#ab28d2705f6fd4f54faccbb78fd5ddfb6":[3,0,0,1,2,1,5,3,0,3], "integral__constant_8h_source.html":[3,0,0,1,2,1,5,3,0], -"io_2load_8h.html":[3,0,0,3,1], -"io_2load_8h.html#a36fa9b2e726512bc17a7a6d3e39002be":[3,0,0,3,1,4], -"io_2load_8h_source.html":[3,0,0,3,1], -"io_8h.html":[3,0,0,19], -"io_8h_source.html":[3,0,0,19], +"io_8h.html":[3,0,0,20], +"io_8h_source.html":[3,0,0,20], "jit_2indexing_8h.html":[3,0,0,1,2,0,2], "jit_2indexing_8h.html#a1a03318128191891a84707602b57b3cf":[3,0,0,1,2,0,2,0], "jit_2indexing_8h.html#a768c949cd650a44c6b402fc1440c1a56":[3,0,0,1,2,0,2,1], @@ -32,8 +25,8 @@ var NAVTREEINDEX17 = "jit_2softmax_8h.html":[3,0,0,1,2,0,3], "jit_2softmax_8h.html#a1cbfb210a9a765c6620e9f1247ccef12":[3,0,0,1,2,0,3,0], "jit_2softmax_8h_source.html":[3,0,0,1,2,0,3], -"jit__compiler_8h.html":[3,0,0,1,1,8], -"jit__compiler_8h_source.html":[3,0,0,1,1,8], +"jit__compiler_8h.html":[3,0,0,1,1,10], +"jit__compiler_8h_source.html":[3,0,0,1,1,10], "kernels_2indexing_8h.html":[3,0,0,1,2,1,22], "kernels_2indexing_8h.html#a58a65ea6215999cd4ccb4fe757cc2dc8":[3,0,0,1,2,1,22,1], "kernels_2indexing_8h_source.html":[3,0,0,1,2,1,22], @@ -42,24 +35,27 @@ var NAVTREEINDEX17 = "kernels_2softmax_8h.html#a815fe70f879f318e5d6e99acf043f52b":[3,0,0,1,2,1,30,2], "kernels_2softmax_8h.html#a8c47b0924ebfeebcca25f3dd17373276":[3,0,0,1,2,1,30,1], "kernels_2softmax_8h_source.html":[3,0,0,1,2,1,30], -"kernels_8h.html":[3,0,0,1,2,8], -"kernels_8h_source.html":[3,0,0,1,2,8], -"lapack_8h.html":[3,0,0,1,1,9], -"lapack_8h.html#a07b8fcda68eb0c861d282757b5381148":[3,0,0,1,1,9,8], -"lapack_8h.html#a54238f99f06c0843601cabe1cb6a2637":[3,0,0,1,1,9,5], -"lapack_8h.html#a6b0df109467651763a6e2b88f792a569":[3,0,0,1,1,9,4], -"lapack_8h.html#a9eb1ec7983c0404d7055edd2e9edeb79":[3,0,0,1,1,9,9], -"lapack_8h.html#aa356d7affbe00e6a5a700225dc6a774e":[3,0,0,1,1,9,0], -"lapack_8h.html#aafb37bcf77b8dacf75c9e8feed325757":[3,0,0,1,1,9,7], -"lapack_8h.html#aca4bf4d46eed1729128dc88d39c128c2":[3,0,0,1,1,9,6], -"lapack_8h.html#ae22db9704827bf013a0a61f21a47464b":[3,0,0,1,1,9,1], -"lapack_8h.html#aeaf627909edbceee7bc57639c7b27124":[3,0,0,1,1,9,2], -"lapack_8h.html#afa6b9dd8d9110ff8f41d32edf1912e44":[3,0,0,1,1,9,3], -"lapack_8h_source.html":[3,0,0,1,1,9], +"kernels_8h.html":[3,0,0,1,2,6], +"kernels_8h_source.html":[3,0,0,1,2,6], +"lapack_8h.html":[3,0,0,1,1,11], +"lapack_8h.html#a07b8fcda68eb0c861d282757b5381148":[3,0,0,1,1,11,8], +"lapack_8h.html#a54238f99f06c0843601cabe1cb6a2637":[3,0,0,1,1,11,5], +"lapack_8h.html#a6b0df109467651763a6e2b88f792a569":[3,0,0,1,1,11,4], +"lapack_8h.html#a9eb1ec7983c0404d7055edd2e9edeb79":[3,0,0,1,1,11,9], +"lapack_8h.html#aa356d7affbe00e6a5a700225dc6a774e":[3,0,0,1,1,11,0], +"lapack_8h.html#aafb37bcf77b8dacf75c9e8feed325757":[3,0,0,1,1,11,7], +"lapack_8h.html#aca4bf4d46eed1729128dc88d39c128c2":[3,0,0,1,1,11,6], +"lapack_8h.html#ae22db9704827bf013a0a61f21a47464b":[3,0,0,1,1,11,1], +"lapack_8h.html#aeaf627909edbceee7bc57639c7b27124":[3,0,0,1,1,11,2], +"lapack_8h.html#afa6b9dd8d9110ff8f41d32edf1912e44":[3,0,0,1,1,11,3], +"lapack_8h_source.html":[3,0,0,1,1,11], "limits_8h.html":[3,0,0,4,4], "limits_8h_source.html":[3,0,0,4,4], -"linalg_8h.html":[3,0,0,20], -"linalg_8h_source.html":[3,0,0,20], +"linalg_8h.html":[3,0,0,21], +"linalg_8h_source.html":[3,0,0,21], +"load_8h.html":[3,0,0,3,1], +"load_8h.html#a36fa9b2e726512bc17a7a6d3e39002be":[3,0,0,3,1,4], +"load_8h_source.html":[3,0,0,3,1], "loader__channel__l_8h.html":[3,0,0,1,2,1,5,1,1,0], "loader__channel__l_8h_source.html":[3,0,0,1,2,1,5,1,1,0], "loader__channel__n_8h.html":[3,0,0,1,2,1,5,1,1,1], @@ -68,8 +64,8 @@ var NAVTREEINDEX17 = "loader__general_8h_source.html":[3,0,0,1,2,1,5,1,1,2], "math_8h.html":[3,0,0,1,1,0,3], "math_8h_source.html":[3,0,0,1,1,0,3], -"matmul_8h.html":[3,0,0,1,2,9], -"matmul_8h_source.html":[3,0,0,1,2,9], +"matmul_8h.html":[3,0,0,1,2,7], +"matmul_8h_source.html":[3,0,0,1,2,7], "metal_2binary_8h.html":[3,0,0,1,2,3], "metal_2binary_8h_source.html":[3,0,0,1,2,3], "metal_2copy_8h.html":[3,0,0,1,2,4], @@ -150,20 +146,20 @@ var NAVTREEINDEX17 = "metal_2kernels_2unary_8h_source.html":[3,0,0,1,2,1,34], "metal_2kernels_2unary__ops_8h.html":[3,0,0,1,2,1,35], "metal_2kernels_2unary__ops_8h_source.html":[3,0,0,1,2,1,35], -"metal_2reduce_8h.html":[3,0,0,1,2,12], -"metal_2reduce_8h_source.html":[3,0,0,1,2,12], -"metal_2slicing_8h.html":[3,0,0,1,2,14], -"metal_2slicing_8h_source.html":[3,0,0,1,2,14], -"metal_2ternary_8h.html":[3,0,0,1,2,15], -"metal_2ternary_8h_source.html":[3,0,0,1,2,15], -"metal_2unary_8h.html":[3,0,0,1,2,16], -"metal_2unary_8h_source.html":[3,0,0,1,2,16], -"metal_8h.html":[3,0,0,1,2,10], -"metal_8h_source.html":[3,0,0,1,2,10], -"metal__impl_8h.html":[3,0,0,1,2,11], -"metal__impl_8h_source.html":[3,0,0,1,2,11], -"mlx_8h.html":[3,0,0,21], -"mlx_8h_source.html":[3,0,0,21], +"metal_2reduce_8h.html":[3,0,0,1,2,10], +"metal_2reduce_8h_source.html":[3,0,0,1,2,10], +"metal_2slicing_8h.html":[3,0,0,1,2,12], +"metal_2slicing_8h_source.html":[3,0,0,1,2,12], +"metal_2ternary_8h.html":[3,0,0,1,2,13], +"metal_2ternary_8h_source.html":[3,0,0,1,2,13], +"metal_2unary_8h.html":[3,0,0,1,2,14], +"metal_2unary_8h_source.html":[3,0,0,1,2,14], +"metal_8h.html":[3,0,0,1,2,8], +"metal_8h_source.html":[3,0,0,1,2,8], +"metal__impl_8h.html":[3,0,0,1,2,9], +"metal__impl_8h_source.html":[3,0,0,1,2,9], +"mlx_8h.html":[3,0,0,22], +"mlx_8h_source.html":[3,0,0,22], "mpi_8h.html":[3,0,0,2,0,0], "mpi_8h_source.html":[3,0,0,2,0,0], "namespacemembers.html":[1,1,0], @@ -249,5 +245,9 @@ var NAVTREEINDEX17 = "namespacemetal.html#a4bb203647a421032db47e73cd649841b":[1,0,0,71], "namespacemetal.html#a4c63707d13c89364496a48906631c204":[1,0,0,27], "namespacemetal.html#a5017efc9605e069cfb507137cd1a1852":[1,0,0,74], -"namespacemetal.html#a5138d5cdc18139e135707916a243cd8e":[1,0,0,68] +"namespacemetal.html#a5138d5cdc18139e135707916a243cd8e":[1,0,0,68], +"namespacemetal.html#a567acb18199ac0107712eb8cb8aeb8e9":[1,0,0,63], +"namespacemetal.html#a57116427997ba71dd3863bfb15de33bf":[1,0,0,20], +"namespacemetal.html#a5c2f37939ad705ddea4409d3bedb8ce1":[1,0,0,24], +"namespacemetal.html#a5ca40242390b632f737e29636829b2e4":[1,0,0,60] }; diff --git a/docs/build/html/navtreeindex18.js b/docs/build/html/navtreeindex18.js index 17880edc0..c167761c6 100644 --- a/docs/build/html/navtreeindex18.js +++ b/docs/build/html/navtreeindex18.js @@ -1,9 +1,5 @@ var NAVTREEINDEX18 = { -"namespacemetal.html#a567acb18199ac0107712eb8cb8aeb8e9":[1,0,0,63], -"namespacemetal.html#a57116427997ba71dd3863bfb15de33bf":[1,0,0,20], -"namespacemetal.html#a5c2f37939ad705ddea4409d3bedb8ce1":[1,0,0,24], -"namespacemetal.html#a5ca40242390b632f737e29636829b2e4":[1,0,0,60], "namespacemetal.html#a619a159ca5f2ddfe3647d3a6bb6e804c":[1,0,0,77], "namespacemetal.html#a6301a78d69ff14a06194ca85a0c7d326":[1,0,0,32], "namespacemetal.html#a6653b28c9473087141eddce39878d4d3":[1,0,0,49], @@ -151,103 +147,107 @@ var NAVTREEINDEX18 = "namespacemetal_1_1precise.html#afed0da2f7df3505b5dffa2389c3cb36e":[1,0,0,1,35], "namespacemlx.html":[1,0,1], "namespacemlx_1_1core.html":[1,0,1,0], -"namespacemlx_1_1core.html#a0023c267cf81345fad65e7a797954cd3":[1,0,1,0,727], -"namespacemlx_1_1core.html#a0030fe7ad09837c670cdfb7d51279519":[1,0,1,0,488], -"namespacemlx_1_1core.html#a0051156f6a568f58cd54850f746fb507":[1,0,1,0,827], -"namespacemlx_1_1core.html#a0066a47cb21223ddebc77992ee874fb9":[1,0,1,0,733], -"namespacemlx_1_1core.html#a00872a443f462b0ae0a30c84fb001bc0":[1,0,1,0,594], -"namespacemlx_1_1core.html#a00af6e5095888f00791ee0ab6d993ad6":[1,0,1,0,545], -"namespacemlx_1_1core.html#a011dbdbd2413e59e744cf82b05431340":[1,0,1,0,572], -"namespacemlx_1_1core.html#a012130a0458cbc30b88365e0e0eab232":[1,0,1,0,740], -"namespacemlx_1_1core.html#a0175beb3de139faa08479a88215b35ea":[1,0,1,0,768], -"namespacemlx_1_1core.html#a017b52ecf30b33da4aa8da35ccc43220":[1,0,1,0,491], -"namespacemlx_1_1core.html#a0196171cfe6ee2953113abce597dc815":[1,0,1,0,292], -"namespacemlx_1_1core.html#a019df48807b506d9995856684bf7797a":[1,0,1,0,826], -"namespacemlx_1_1core.html#a01b0d64a75dfa2e95d6c7b5c53d708af":[1,0,1,0,1077], -"namespacemlx_1_1core.html#a01dabc077a872c115a9a9ccd95f1acec":[1,0,1,0,797], -"namespacemlx_1_1core.html#a0303e26b737c9fd197ed9caa90fd21a7":[1,0,1,0,325], -"namespacemlx_1_1core.html#a0367b582e85162b4180e086f725e49e9":[1,0,1,0,542], -"namespacemlx_1_1core.html#a03758b8d13da2de07cc4f4fc45d2854b":[1,0,1,0,703], -"namespacemlx_1_1core.html#a03b3f7fcb755ec075985ab26336926f0":[1,0,1,0,833], -"namespacemlx_1_1core.html#a03fc96696f5c6d9411841889d05f4670":[1,0,1,0,856], -"namespacemlx_1_1core.html#a04584788c08180835219d0ea1e2b97b1":[1,0,1,0,670], -"namespacemlx_1_1core.html#a045ff27257cb6d8ab7a94771ba5a17e6":[1,0,1,0,688], -"namespacemlx_1_1core.html#a050299d0d366ca5c9d09d1004dcc3e7d":[1,0,1,0,261], -"namespacemlx_1_1core.html#a058878237ce50baa4c909d8d15448d7e":[1,0,1,0,604], -"namespacemlx_1_1core.html#a05a220cff45f12439fde775983c6df78":[1,0,1,0,353], -"namespacemlx_1_1core.html#a064318b7a16e5cb6d0a6407501b5c7dc":[1,0,1,0,610], -"namespacemlx_1_1core.html#a067d47823a322b88043cce7ce4a3ec78":[1,0,1,0,529], -"namespacemlx_1_1core.html#a069c0aab6b36aef34419534ec4a4310d":[1,0,1,0,1079], -"namespacemlx_1_1core.html#a074d000f25ae3ed77450e6a5fec4b38b":[1,0,1,0,1076], -"namespacemlx_1_1core.html#a078859db0d66ff77f97af6dc9764e8eb":[1,0,1,0,1030], -"namespacemlx_1_1core.html#a084558b6a5487549799c49c37c9e9652":[1,0,1,0,738], -"namespacemlx_1_1core.html#a085eb092f4ada47f8169de62886cff90":[1,0,1,0,641], -"namespacemlx_1_1core.html#a0908a61ab261aff726922b33fa6ed159":[1,0,1,0,835], -"namespacemlx_1_1core.html#a094876ea5a2a2445ab64efc8222da202":[1,0,1,0,230], -"namespacemlx_1_1core.html#a09d631e8a85fd7ae72e1a868b8f9b9cb":[1,0,1,0,806], -"namespacemlx_1_1core.html#a09fc6ebda917969383783a112a8547e7":[1,0,1,0,590], -"namespacemlx_1_1core.html#a0b1b3c48afc0a785282e43435bba8418":[1,0,1,0,608], -"namespacemlx_1_1core.html#a0b3c76fd03f4df39ec8f9aefdced0861":[1,0,1,0,1060], -"namespacemlx_1_1core.html#a0b75198f364d742a1c25dd13e398f2c2":[1,0,1,0,857], -"namespacemlx_1_1core.html#a0b9678af9b487900cacf6639a4693de0":[1,0,1,0,518], -"namespacemlx_1_1core.html#a0bea91a360a984e72d2815353f97ee25":[1,0,1,0,949], -"namespacemlx_1_1core.html#a0beb7a223c542015a4eff4aed814a9dd":[1,0,1,0,666], -"namespacemlx_1_1core.html#a0cc824d6318f97f7058918ab64ddfc25":[1,0,1,0,513], -"namespacemlx_1_1core.html#a0d42d6c1d5f77a96e2f296b8ebd79ee6":[1,0,1,0,693], -"namespacemlx_1_1core.html#a0dd3893abc8986901872c8365ab1509d":[1,0,1,0,548], -"namespacemlx_1_1core.html#a0f0f59d3ffe2d16a684e5fc093302e15":[1,0,1,0,352], -"namespacemlx_1_1core.html#a0fdadf87edd8a0a57c63953fb0ebe053":[1,0,1,0,848], -"namespacemlx_1_1core.html#a0fefc3ae4f1350ebe05ec6098fd6bae3":[1,0,1,0,502], -"namespacemlx_1_1core.html#a113d2bac7e4aa6a4cb4a5c3242527b82":[1,0,1,0,1058], -"namespacemlx_1_1core.html#a123331f01188bd76e37623b63b6b4340":[1,0,1,0,723], -"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65":[1,0,1,0,170], -"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65a3622f95ed0ec99657f9ad8ef39ec2184":[1,0,1,0,170,5], -"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65a540cf31fe6858115a02e789938297cdb":[1,0,1,0,170,3], -"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ab48dac7508a2c790de1bdc33f29177ed":[1,0,1,0,170,2], -"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ad2547f25dffe8d8936dbec25601cfc84":[1,0,1,0,170,1], -"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ad999b1a8ae1d7436efb5ffdfafb1dd3d":[1,0,1,0,170,4], -"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ae4e34c7154eb8dc47aa8503209730424":[1,0,1,0,170,0], -"namespacemlx_1_1core.html#a12faa564e0d85a1daa77c08babb75261":[1,0,1,0,323], -"namespacemlx_1_1core.html#a13d16561812679b36e68185dc4b2d04d":[1,0,1,0,515], -"namespacemlx_1_1core.html#a13e26c38da0a4e332e0ae4eb0aed9cb8":[1,0,1,0,585], -"namespacemlx_1_1core.html#a14287949d82ffefad0306cef5eb5f9e4":[1,0,1,0,996], -"namespacemlx_1_1core.html#a14c188303d09b97867bcfd34519aa4a6":[1,0,1,0,796], -"namespacemlx_1_1core.html#a14e6c43b924eacca1b2dac1d5d00ca2b":[1,0,1,0,853], +"namespacemlx_1_1core.html#a0023c267cf81345fad65e7a797954cd3":[1,0,1,0,721], +"namespacemlx_1_1core.html#a0030fe7ad09837c670cdfb7d51279519":[1,0,1,0,482], +"namespacemlx_1_1core.html#a0051156f6a568f58cd54850f746fb507":[1,0,1,0,821], +"namespacemlx_1_1core.html#a0066a47cb21223ddebc77992ee874fb9":[1,0,1,0,727], +"namespacemlx_1_1core.html#a00872a443f462b0ae0a30c84fb001bc0":[1,0,1,0,588], +"namespacemlx_1_1core.html#a00af6e5095888f00791ee0ab6d993ad6":[1,0,1,0,539], +"namespacemlx_1_1core.html#a011dbdbd2413e59e744cf82b05431340":[1,0,1,0,566], +"namespacemlx_1_1core.html#a012130a0458cbc30b88365e0e0eab232":[1,0,1,0,734], +"namespacemlx_1_1core.html#a0175beb3de139faa08479a88215b35ea":[1,0,1,0,762], +"namespacemlx_1_1core.html#a017b52ecf30b33da4aa8da35ccc43220":[1,0,1,0,485], +"namespacemlx_1_1core.html#a017bd8bd743e26f1ff971c8749b55daf":[1,0,1,0,272], +"namespacemlx_1_1core.html#a0196171cfe6ee2953113abce597dc815":[1,0,1,0,291], +"namespacemlx_1_1core.html#a019df48807b506d9995856684bf7797a":[1,0,1,0,820], +"namespacemlx_1_1core.html#a01b0d64a75dfa2e95d6c7b5c53d708af":[1,0,1,0,1076], +"namespacemlx_1_1core.html#a01dabc077a872c115a9a9ccd95f1acec":[1,0,1,0,791], +"namespacemlx_1_1core.html#a0303e26b737c9fd197ed9caa90fd21a7":[1,0,1,0,322], +"namespacemlx_1_1core.html#a0367b582e85162b4180e086f725e49e9":[1,0,1,0,536], +"namespacemlx_1_1core.html#a03758b8d13da2de07cc4f4fc45d2854b":[1,0,1,0,697], +"namespacemlx_1_1core.html#a03b3f7fcb755ec075985ab26336926f0":[1,0,1,0,827], +"namespacemlx_1_1core.html#a03fc96696f5c6d9411841889d05f4670":[1,0,1,0,850], +"namespacemlx_1_1core.html#a04584788c08180835219d0ea1e2b97b1":[1,0,1,0,664], +"namespacemlx_1_1core.html#a045ff27257cb6d8ab7a94771ba5a17e6":[1,0,1,0,682], +"namespacemlx_1_1core.html#a050299d0d366ca5c9d09d1004dcc3e7d":[1,0,1,0,260], +"namespacemlx_1_1core.html#a058878237ce50baa4c909d8d15448d7e":[1,0,1,0,598], +"namespacemlx_1_1core.html#a05a220cff45f12439fde775983c6df78":[1,0,1,0,350], +"namespacemlx_1_1core.html#a0640d1f5bcd9a4f5cdaea9f197a53515":[1,0,1,0,1026], +"namespacemlx_1_1core.html#a064318b7a16e5cb6d0a6407501b5c7dc":[1,0,1,0,604], +"namespacemlx_1_1core.html#a067d47823a322b88043cce7ce4a3ec78":[1,0,1,0,523], +"namespacemlx_1_1core.html#a069c0aab6b36aef34419534ec4a4310d":[1,0,1,0,1078], +"namespacemlx_1_1core.html#a074d000f25ae3ed77450e6a5fec4b38b":[1,0,1,0,1075], +"namespacemlx_1_1core.html#a084558b6a5487549799c49c37c9e9652":[1,0,1,0,732], +"namespacemlx_1_1core.html#a085eb092f4ada47f8169de62886cff90":[1,0,1,0,635], +"namespacemlx_1_1core.html#a0908a61ab261aff726922b33fa6ed159":[1,0,1,0,829], +"namespacemlx_1_1core.html#a094876ea5a2a2445ab64efc8222da202":[1,0,1,0,229], +"namespacemlx_1_1core.html#a09d631e8a85fd7ae72e1a868b8f9b9cb":[1,0,1,0,800], +"namespacemlx_1_1core.html#a09fc6ebda917969383783a112a8547e7":[1,0,1,0,584], +"namespacemlx_1_1core.html#a0b1b3c48afc0a785282e43435bba8418":[1,0,1,0,602], +"namespacemlx_1_1core.html#a0b3c76fd03f4df39ec8f9aefdced0861":[1,0,1,0,1059], +"namespacemlx_1_1core.html#a0b75198f364d742a1c25dd13e398f2c2":[1,0,1,0,851], +"namespacemlx_1_1core.html#a0b9678af9b487900cacf6639a4693de0":[1,0,1,0,512], +"namespacemlx_1_1core.html#a0bea91a360a984e72d2815353f97ee25":[1,0,1,0,944], +"namespacemlx_1_1core.html#a0beb7a223c542015a4eff4aed814a9dd":[1,0,1,0,660], +"namespacemlx_1_1core.html#a0cc824d6318f97f7058918ab64ddfc25":[1,0,1,0,507], +"namespacemlx_1_1core.html#a0d42d6c1d5f77a96e2f296b8ebd79ee6":[1,0,1,0,687], +"namespacemlx_1_1core.html#a0dd3893abc8986901872c8365ab1509d":[1,0,1,0,542], +"namespacemlx_1_1core.html#a0f0f59d3ffe2d16a684e5fc093302e15":[1,0,1,0,349], +"namespacemlx_1_1core.html#a0f3ff0f676d28840c210ef6277caa546":[1,0,1,0,1024], +"namespacemlx_1_1core.html#a0fdadf87edd8a0a57c63953fb0ebe053":[1,0,1,0,842], +"namespacemlx_1_1core.html#a0fefc3ae4f1350ebe05ec6098fd6bae3":[1,0,1,0,496], +"namespacemlx_1_1core.html#a113d2bac7e4aa6a4cb4a5c3242527b82":[1,0,1,0,1057], +"namespacemlx_1_1core.html#a123331f01188bd76e37623b63b6b4340":[1,0,1,0,717], +"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65":[1,0,1,0,171], +"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65a3622f95ed0ec99657f9ad8ef39ec2184":[1,0,1,0,171,5], +"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65a540cf31fe6858115a02e789938297cdb":[1,0,1,0,171,3], +"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ab48dac7508a2c790de1bdc33f29177ed":[1,0,1,0,171,2], +"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ad2547f25dffe8d8936dbec25601cfc84":[1,0,1,0,171,1], +"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ad999b1a8ae1d7436efb5ffdfafb1dd3d":[1,0,1,0,171,4], +"namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ae4e34c7154eb8dc47aa8503209730424":[1,0,1,0,171,0], +"namespacemlx_1_1core.html#a12faa564e0d85a1daa77c08babb75261":[1,0,1,0,320], +"namespacemlx_1_1core.html#a13d16561812679b36e68185dc4b2d04d":[1,0,1,0,509], +"namespacemlx_1_1core.html#a13e26c38da0a4e332e0ae4eb0aed9cb8":[1,0,1,0,579], +"namespacemlx_1_1core.html#a14287949d82ffefad0306cef5eb5f9e4":[1,0,1,0,991], +"namespacemlx_1_1core.html#a14c188303d09b97867bcfd34519aa4a6":[1,0,1,0,790], +"namespacemlx_1_1core.html#a14e6c43b924eacca1b2dac1d5d00ca2b":[1,0,1,0,847], "namespacemlx_1_1core.html#a15dda19aa7fa1fc5fca35df5cf963297":[1,0,1,0,218], -"namespacemlx_1_1core.html#a15eb2ea76508ff823fa0591e811d0b7d":[1,0,1,0,622], -"namespacemlx_1_1core.html#a164f109bc19c927b2b3bcc47a5021419":[1,0,1,0,483], -"namespacemlx_1_1core.html#a167cdec84c0ae62b5b299c617384346e":[1,0,1,0,162], -"namespacemlx_1_1core.html#a17505ed8064dcaddc011cb3d52da2523":[1,0,1,0,893], -"namespacemlx_1_1core.html#a17791561434dc995de9f268d145c0ed1":[1,0,1,0,830], -"namespacemlx_1_1core.html#a179a632200366c223d6ab56d3e032592":[1,0,1,0,408], -"namespacemlx_1_1core.html#a188b363f633ea360407b3f9cf4e1f1a6":[1,0,1,0,775], -"namespacemlx_1_1core.html#a195b86cad5bb99aa1bcd23952305af6b":[1,0,1,0,372], -"namespacemlx_1_1core.html#a19805f505cb7ac72bfab66c339ea7900":[1,0,1,0,871], -"namespacemlx_1_1core.html#a1983a2466bff3bae4d23cf34bd0946c9":[1,0,1,0,306], -"namespacemlx_1_1core.html#a1b33e2c2e3471420490cf0be2de6de18":[1,0,1,0,1049], -"namespacemlx_1_1core.html#a1be32ba7d67137dde7ac191dfe83ff49":[1,0,1,0,362], -"namespacemlx_1_1core.html#a1c482bb3d9f9d4c62dee5865892c1f96":[1,0,1,0,469], -"namespacemlx_1_1core.html#a1cc130b06d9cdd03dddc74a3b1db0167":[1,0,1,0,460], -"namespacemlx_1_1core.html#a1d4cffc3c78067b3d9a62d64f3fb686f":[1,0,1,0,355], -"namespacemlx_1_1core.html#a1e4cb758ccfe5c267baed9aeb0044834":[1,0,1,0,506], -"namespacemlx_1_1core.html#a1e5c30e316afa30c14bc48b92afdb794":[1,0,1,0,726], -"namespacemlx_1_1core.html#a1f42e3dd4787d2ecec7114a12daefec8":[1,0,1,0,1083], -"namespacemlx_1_1core.html#a1fd58658474fb842d648dcf8f7d9f078":[1,0,1,0,728], -"namespacemlx_1_1core.html#a2065a11249c3f4356ffd69b7a8c487ff":[1,0,1,0,1048], -"namespacemlx_1_1core.html#a21e256d852d587bcdc0827831b2c5c16":[1,0,1,0,931], -"namespacemlx_1_1core.html#a22a37f3e33e0658680f6227bdd2d0b91":[1,0,1,0,928], -"namespacemlx_1_1core.html#a22f5a2257e11423fc2fe18e2dce91590":[1,0,1,0,665], -"namespacemlx_1_1core.html#a230e3b7c479add1b171fa0aaa3a8b13c":[1,0,1,0,576], -"namespacemlx_1_1core.html#a23b7329bc1c93c8ac0a1f576565fefb0":[1,0,1,0,642], -"namespacemlx_1_1core.html#a24e1618af591d737d73729665e868001":[1,0,1,0,1080], -"namespacemlx_1_1core.html#a24e79a82557861de64dad66d36e6ff30":[1,0,1,0,769], -"namespacemlx_1_1core.html#a24eef9908f164adeece3be7c6924919a":[1,0,1,0,350], -"namespacemlx_1_1core.html#a25668dea4ffb51c7c00eeecb9530d1d8":[1,0,1,0,754], -"namespacemlx_1_1core.html#a2593dbace3ce50e7146d9514726a543f":[1,0,1,0,735], -"namespacemlx_1_1core.html#a2631e78c6f0a602f6754ac577ec75f83":[1,0,1,0,639], -"namespacemlx_1_1core.html#a265a37b8ee4a97390213e9ec49693e66":[1,0,1,0,535], -"namespacemlx_1_1core.html#a2689b8f1181648cb1685204fea9f3066":[1,0,1,0,163], -"namespacemlx_1_1core.html#a26a721b8111fce3a1dec9bf724034cd4":[1,0,1,0,494], -"namespacemlx_1_1core.html#a27f00519f9756896734fd4d47fec0625":[1,0,1,0,1032], -"namespacemlx_1_1core.html#a27fe23230cd082c0363b9451b731ce6b":[1,0,1,0,684] +"namespacemlx_1_1core.html#a15eb2ea76508ff823fa0591e811d0b7d":[1,0,1,0,616], +"namespacemlx_1_1core.html#a164f109bc19c927b2b3bcc47a5021419":[1,0,1,0,477], +"namespacemlx_1_1core.html#a167cdec84c0ae62b5b299c617384346e":[1,0,1,0,163], +"namespacemlx_1_1core.html#a17505ed8064dcaddc011cb3d52da2523":[1,0,1,0,887], +"namespacemlx_1_1core.html#a17791561434dc995de9f268d145c0ed1":[1,0,1,0,824], +"namespacemlx_1_1core.html#a179a632200366c223d6ab56d3e032592":[1,0,1,0,405], +"namespacemlx_1_1core.html#a188b363f633ea360407b3f9cf4e1f1a6":[1,0,1,0,769], +"namespacemlx_1_1core.html#a195b86cad5bb99aa1bcd23952305af6b":[1,0,1,0,369], +"namespacemlx_1_1core.html#a19805f505cb7ac72bfab66c339ea7900":[1,0,1,0,865], +"namespacemlx_1_1core.html#a1983a2466bff3bae4d23cf34bd0946c9":[1,0,1,0,305], +"namespacemlx_1_1core.html#a1b33e2c2e3471420490cf0be2de6de18":[1,0,1,0,1048], +"namespacemlx_1_1core.html#a1be32ba7d67137dde7ac191dfe83ff49":[1,0,1,0,359], +"namespacemlx_1_1core.html#a1c482bb3d9f9d4c62dee5865892c1f96":[1,0,1,0,463], +"namespacemlx_1_1core.html#a1cc130b06d9cdd03dddc74a3b1db0167":[1,0,1,0,454], +"namespacemlx_1_1core.html#a1d4cffc3c78067b3d9a62d64f3fb686f":[1,0,1,0,352], +"namespacemlx_1_1core.html#a1e4381d42877a5c6050c20e77d13c990":[1,0,1,0,278], +"namespacemlx_1_1core.html#a1e4cb758ccfe5c267baed9aeb0044834":[1,0,1,0,500], +"namespacemlx_1_1core.html#a1e5c30e316afa30c14bc48b92afdb794":[1,0,1,0,720], +"namespacemlx_1_1core.html#a1f42e3dd4787d2ecec7114a12daefec8":[1,0,1,0,1082], +"namespacemlx_1_1core.html#a1fd58658474fb842d648dcf8f7d9f078":[1,0,1,0,722], +"namespacemlx_1_1core.html#a2065a11249c3f4356ffd69b7a8c487ff":[1,0,1,0,1047], +"namespacemlx_1_1core.html#a21e256d852d587bcdc0827831b2c5c16":[1,0,1,0,925], +"namespacemlx_1_1core.html#a22a37f3e33e0658680f6227bdd2d0b91":[1,0,1,0,922], +"namespacemlx_1_1core.html#a22f5a2257e11423fc2fe18e2dce91590":[1,0,1,0,659], +"namespacemlx_1_1core.html#a230e3b7c479add1b171fa0aaa3a8b13c":[1,0,1,0,570], +"namespacemlx_1_1core.html#a23b7329bc1c93c8ac0a1f576565fefb0":[1,0,1,0,636], +"namespacemlx_1_1core.html#a24e1618af591d737d73729665e868001":[1,0,1,0,1079], +"namespacemlx_1_1core.html#a24e79a82557861de64dad66d36e6ff30":[1,0,1,0,763], +"namespacemlx_1_1core.html#a24eef9908f164adeece3be7c6924919a":[1,0,1,0,347], +"namespacemlx_1_1core.html#a25668dea4ffb51c7c00eeecb9530d1d8":[1,0,1,0,748], +"namespacemlx_1_1core.html#a2593dbace3ce50e7146d9514726a543f":[1,0,1,0,729], +"namespacemlx_1_1core.html#a2631e78c6f0a602f6754ac577ec75f83":[1,0,1,0,633], +"namespacemlx_1_1core.html#a265a37b8ee4a97390213e9ec49693e66":[1,0,1,0,529], +"namespacemlx_1_1core.html#a2689b8f1181648cb1685204fea9f3066":[1,0,1,0,164], +"namespacemlx_1_1core.html#a26a721b8111fce3a1dec9bf724034cd4":[1,0,1,0,488], +"namespacemlx_1_1core.html#a27fe23230cd082c0363b9451b731ce6b":[1,0,1,0,678], +"namespacemlx_1_1core.html#a2822d2a4d346c826d3cfebbcf89c3057":[1,0,1,0,1058], +"namespacemlx_1_1core.html#a28d6c2f89e73b7b874dd1f67f853a96f":[1,0,1,0,868] }; diff --git a/docs/build/html/navtreeindex19.js b/docs/build/html/navtreeindex19.js index 787f9e8ea..2cfbcf75c 100644 --- a/docs/build/html/navtreeindex19.js +++ b/docs/build/html/navtreeindex19.js @@ -1,253 +1,253 @@ var NAVTREEINDEX19 = { -"namespacemlx_1_1core.html#a2822d2a4d346c826d3cfebbcf89c3057":[1,0,1,0,1059], -"namespacemlx_1_1core.html#a2874ba55b73057b76c23a7429fdd2d6e":[1,0,1,0,308], -"namespacemlx_1_1core.html#a28d6c2f89e73b7b874dd1f67f853a96f":[1,0,1,0,874], -"namespacemlx_1_1core.html#a29cbacf4b399c24728fb0808fad498f9":[1,0,1,0,640], -"namespacemlx_1_1core.html#a29e457a170b6cefb6ba1e394c96c6f7b":[1,0,1,0,708], -"namespacemlx_1_1core.html#a2a8a09851097571fb51ac5b608550e44":[1,0,1,0,987], -"namespacemlx_1_1core.html#a2a9b98c65578dd3720b3b375c1471e58":[1,0,1,0,302], -"namespacemlx_1_1core.html#a2aa12b351ce559deb14cda0a5292c2ce":[1,0,1,0,418], -"namespacemlx_1_1core.html#a2aca3458c56605a74d07ec39876549bc":[1,0,1,0,227], -"namespacemlx_1_1core.html#a2afa4ea816ac9317200fd5c964fc89dc":[1,0,1,0,318], -"namespacemlx_1_1core.html#a2b78f270942c6eb185e8045f1c5b4286":[1,0,1,0,890], -"namespacemlx_1_1core.html#a2bb28a9a0894a73ae1b27e7f4da0841a":[1,0,1,0,816], -"namespacemlx_1_1core.html#a2d8470b69cbbeefece08d3ffd46c0082":[1,0,1,0,875], -"namespacemlx_1_1core.html#a2d933573edf4ed305fddd8a0caef1ee8":[1,0,1,0,868], -"namespacemlx_1_1core.html#a2e3bb121cbde30c2e6d806df0d41ff59":[1,0,1,0,556], -"namespacemlx_1_1core.html#a2f5add83812fb137dd9226c6c01e45d5":[1,0,1,0,828], -"namespacemlx_1_1core.html#a2f69ffc30d66b1fca8f24b65be161a51":[1,0,1,0,1039], -"namespacemlx_1_1core.html#a2f98db199deb6d7a82551fa4afec655a":[1,0,1,0,774], -"namespacemlx_1_1core.html#a3026691bf7ee5095243a8611bf3411aa":[1,0,1,0,711], -"namespacemlx_1_1core.html#a30338cb7d259334e46dc7a4819716fa6":[1,0,1,0,324], -"namespacemlx_1_1core.html#a30fb38e05feeee19ae2b87e62bff3acf":[1,0,1,0,365], -"namespacemlx_1_1core.html#a310720f513b6a2490e9df80c65f1bfb3":[1,0,1,0,720], -"namespacemlx_1_1core.html#a312a2de41367fe52caeaf8c0f596a120":[1,0,1,0,945], -"namespacemlx_1_1core.html#a312a70c487366968af5e6cbf5038c812":[1,0,1,0,1081], -"namespacemlx_1_1core.html#a321c98e5a78621d3c9a3895f707f2f1c":[1,0,1,0,652], -"namespacemlx_1_1core.html#a325161b81a9ff179fd37d949780a17ba":[1,0,1,0,716], -"namespacemlx_1_1core.html#a327578951a44116e5da2db651661265f":[1,0,1,0,962], -"namespacemlx_1_1core.html#a32a6a08a2a4652975b0a1bd1fcf3eafd":[1,0,1,0,661], -"namespacemlx_1_1core.html#a331ec62442a8d3eb8ccba7b4de5168d1":[1,0,1,0,771], -"namespacemlx_1_1core.html#a3375f1562f148bdc07451f2b6e54e6df":[1,0,1,0,834], -"namespacemlx_1_1core.html#a349a9fc2bfd950f679a3fe39b8bdedad":[1,0,1,0,951], -"namespacemlx_1_1core.html#a34d69c4d46aa9b2a4a79dba7aba093d2":[1,0,1,0,1067], -"namespacemlx_1_1core.html#a3555a2b31fc0925850d3240e85e03ec5":[1,0,1,0,637], -"namespacemlx_1_1core.html#a357f4172305d2021bde8cf07d99adb7d":[1,0,1,0,1036], -"namespacemlx_1_1core.html#a358e66ff205bda3e8542427b6d2edadc":[1,0,1,0,580], -"namespacemlx_1_1core.html#a359c6257097a304c00d41d64296ef4c9":[1,0,1,0,876], -"namespacemlx_1_1core.html#a35a412f688d79eb47e42d20a7c8650ee":[1,0,1,0,366], -"namespacemlx_1_1core.html#a369aa886219b83cf219e7a7862ce260b":[1,0,1,0,186], -"namespacemlx_1_1core.html#a3728ed9b6cbd152bf675251a0501b466":[1,0,1,0,710], -"namespacemlx_1_1core.html#a3755925b24a903045937464be117de2f":[1,0,1,0,852], -"namespacemlx_1_1core.html#a37645c0adccb3eb46844115def1a68d7":[1,0,1,0,1011], -"namespacemlx_1_1core.html#a377ccc6b4ef36767abca102dca56dc10":[1,0,1,0,514], -"namespacemlx_1_1core.html#a3803f8d36558d32bb7dd6e580ea683b4":[1,0,1,0,612], -"namespacemlx_1_1core.html#a383a26cc2689c98fd6c4435ade8dc669":[1,0,1,0,645], -"namespacemlx_1_1core.html#a38a44c412c8be4c8b952d3082cc7db74":[1,0,1,0,577], -"namespacemlx_1_1core.html#a394797646010ba9ef2a1f9b9a4b8ddd9":[1,0,1,0,547], -"namespacemlx_1_1core.html#a3a52675c3d4552b319dd9707844abdec":[1,0,1,0,521], -"namespacemlx_1_1core.html#a3a6f43c2485f0d42293184f1aecbeaee":[1,0,1,0,602], -"namespacemlx_1_1core.html#a3a8f6f0af477788c4f0aa98abfc5f1ab":[1,0,1,0,700], -"namespacemlx_1_1core.html#a3a8fe7ba84714dbb5fdc81e93a07abc8":[1,0,1,0,291], -"namespacemlx_1_1core.html#a3ab0fd997d9a35782106ff083a72e098":[1,0,1,0,180], -"namespacemlx_1_1core.html#a3c41a304126bc225bdc68062d1eb6e7e":[1,0,1,0,795], -"namespacemlx_1_1core.html#a3cc5c154e4ad9a83ad43da8513146fdc":[1,0,1,0,550], -"namespacemlx_1_1core.html#a3d2b2929ed4636e9e2b86e125b2e57d9":[1,0,1,0,382], -"namespacemlx_1_1core.html#a3eaa72850205c18450c3af9a01cda219":[1,0,1,0,582], -"namespacemlx_1_1core.html#a3ef23f334cb9f68a2c50524bc67c913b":[1,0,1,0,242], -"namespacemlx_1_1core.html#a40bd8abb8a4d989ddabbb298518bd7f5":[1,0,1,0,743], -"namespacemlx_1_1core.html#a40e868dad70401d9aa9ee9c32235c315":[1,0,1,0,656], -"namespacemlx_1_1core.html#a4155d4b0c76f37ab5e0b54f9cd683f35":[1,0,1,0,755], -"namespacemlx_1_1core.html#a42011a27a3d23a60be5be44ee7cac87c":[1,0,1,0,798], -"namespacemlx_1_1core.html#a42a19c8442b173606e714364227e7d45":[1,0,1,0,725], -"namespacemlx_1_1core.html#a42e9706a5521bb25eaf12ccad94bfc81":[1,0,1,0,1085], -"namespacemlx_1_1core.html#a42fa813d72c15132f76ef5fd1213ed71":[1,0,1,0,245], -"namespacemlx_1_1core.html#a43c10ca5fb05ee7d0ee63ba56f8a08a3":[1,0,1,0,479], -"namespacemlx_1_1core.html#a43cb070553c1f2fffb32ef6670e30980":[1,0,1,0,753], -"namespacemlx_1_1core.html#a449ef1148816a37bbc7ffd43d3c586a0":[1,0,1,0,433], -"namespacemlx_1_1core.html#a4552687a0637f710b5d55bb6378fcabe":[1,0,1,0,540], -"namespacemlx_1_1core.html#a45726f1905b709cf8253e6efa046027b":[1,0,1,0,678], -"namespacemlx_1_1core.html#a45d67f5d80fba4d42e34c682a8d22beb":[1,0,1,0,524], -"namespacemlx_1_1core.html#a45f0479526fbccdb00bc73ea7f3b7625":[1,0,1,0,528], -"namespacemlx_1_1core.html#a46080889fd9e5c3f9916508e97dff5ad":[1,0,1,0,613], -"namespacemlx_1_1core.html#a46d502dfe0b027955950d4e716c2eb26":[1,0,1,0,619], -"namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9":[1,0,1,0,1013], -"namespacemlx_1_1core.html#a473fb602368f6c73d9105c9a151c4c82":[1,0,1,0,276], -"namespacemlx_1_1core.html#a474bf5eb8bca8c380207c9f659aef3b1":[1,0,1,0,1065], -"namespacemlx_1_1core.html#a477cade78296bc85894170f62db68870":[1,0,1,0,671], -"namespacemlx_1_1core.html#a479648542a2bea151b947b18f0e79dd2":[1,0,1,0,273], -"namespacemlx_1_1core.html#a47c82778e43032c0bbf5d59407e81dc9":[1,0,1,0,837], -"namespacemlx_1_1core.html#a489e45b3a5cd8b46e8ea56b9132eb230":[1,0,1,0,289], -"namespacemlx_1_1core.html#a49421ea65b5a98df080d75b1636b2157":[1,0,1,0,821], -"namespacemlx_1_1core.html#a49445a55f976c4397f25ea18e1e92bef":[1,0,1,0,944], -"namespacemlx_1_1core.html#a49fc043a981925b9be79e37fc415d966":[1,0,1,0,277], -"namespacemlx_1_1core.html#a4b66fb38ddc5cc0c2489583d5c499602":[1,0,1,0,664], -"namespacemlx_1_1core.html#a4beeeec4413be7adcfb14feaa9cf0e2e":[1,0,1,0,1068], -"namespacemlx_1_1core.html#a4c6a4241bfcdd7bbf30d0e521b79e5a3":[1,0,1,0,948], -"namespacemlx_1_1core.html#a4cabd600a5271b0d416c91e8d31dd9c1":[1,0,1,0,586], -"namespacemlx_1_1core.html#a4ce6867dbb4d1631d1870dac14022dbb":[1,0,1,0,625], -"namespacemlx_1_1core.html#a4d594bb84abeff4619d1abb77b20123e":[1,0,1,0,249], -"namespacemlx_1_1core.html#a4d7bc76b40d028805d32a9e0f7ae7598":[1,0,1,0,1046], -"namespacemlx_1_1core.html#a4ddb5ef0b88929086f9b09729fda0dde":[1,0,1,0,851], -"namespacemlx_1_1core.html#a4ddd07021b36c848d6fb1dd9ac276822":[1,0,1,0,732], -"namespacemlx_1_1core.html#a4decd4a07d91487e6903f6e3c8b7513a":[1,0,1,0,349], -"namespacemlx_1_1core.html#a4e733bba89760abed32393e085812b22":[1,0,1,0,730], -"namespacemlx_1_1core.html#a4e809746f48e5dcf7fa63215d3f5e33e":[1,0,1,0,351], -"namespacemlx_1_1core.html#a4f5d80d03bae6d8d90455d3c47a8c116":[1,0,1,0,566], -"namespacemlx_1_1core.html#a4fbb29691ee1ff22c3ee2a67cbc053d5":[1,0,1,0,391], -"namespacemlx_1_1core.html#a50214cf406957fab27c8bef32046f030":[1,0,1,0,386], -"namespacemlx_1_1core.html#a505922e54acd43114308e3bdbda0e497":[1,0,1,0,902], -"namespacemlx_1_1core.html#a50bae338a7353f8b0ed3441071bb0cf6":[1,0,1,0,682], -"namespacemlx_1_1core.html#a50f4177d3ca03a95fc2614e100c7391d":[1,0,1,0,823], -"namespacemlx_1_1core.html#a50f6a94bb36d89cf28817aff88ab89c8":[1,0,1,0,817], -"namespacemlx_1_1core.html#a514263e63f6825b490203ca586864687":[1,0,1,0,484], -"namespacemlx_1_1core.html#a514cf8b4e6f0a6af3a867e752f4338f7":[1,0,1,0,1057], -"namespacemlx_1_1core.html#a517019d42d4e426b7b98e1c719bb47ce":[1,0,1,0,685], -"namespacemlx_1_1core.html#a5287610200ff573730c9c92413f48881":[1,0,1,0,534], -"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6":[1,0,1,0,167], -"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a0db377921f4ce762c62526131097968f":[1,0,1,0,167,4], -"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a4d8269410dcd9cadc9722e9a118bddfb":[1,0,1,0,167,3], -"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a7b15cb76e0535ea81a5b6af9c96dcde4":[1,0,1,0,167,0], -"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a8a94416459b638cebf3bfbce26a6ce78":[1,0,1,0,167,2], -"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6aabac63719294588466e3c2f00cccb0a6":[1,0,1,0,167,1], -"namespacemlx_1_1core.html#a54833be1d44bc3adfc9ea218fc3685bd":[1,0,1,0,551], -"namespacemlx_1_1core.html#a54863a54f258acf2b5c734950618e4e1":[1,0,1,0,559], -"namespacemlx_1_1core.html#a548b6f4a39e639c18896e50b1702c830":[1,0,1,0,377], -"namespacemlx_1_1core.html#a54c6fae21b7f2fea8e6f80011ef38534":[1,0,1,0,1071], -"namespacemlx_1_1core.html#a54eb3b65375022428aab5f810e40624b":[1,0,1,0,376], -"namespacemlx_1_1core.html#a54f48469fabd1414bef5097bcded0002":[1,0,1,0,487], -"namespacemlx_1_1core.html#a55130edf926366db0d6207989e609b7c":[1,0,1,0,860], -"namespacemlx_1_1core.html#a55933c6665de9f81059120d6b0de1c87":[1,0,1,0,253], -"namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be":[1,0,1,0,256], -"namespacemlx_1_1core.html#a57395bdf43d9c5c134e610c169222cca":[1,0,1,0,322], -"namespacemlx_1_1core.html#a57952168bd0b54c2677204d4ab1cb6e5":[1,0,1,0,746], -"namespacemlx_1_1core.html#a579bb87b3ede5663d7cd68c7c0f6fb9e":[1,0,1,0,818], -"namespacemlx_1_1core.html#a57eb97a5eba99a846ac429795e407574":[1,0,1,0,729], -"namespacemlx_1_1core.html#a58112951a56a0f9f8c90b60fe74f9508":[1,0,1,0,690], -"namespacemlx_1_1core.html#a58d5795d8312599d101ae16f194e4a2a":[1,0,1,0,801], -"namespacemlx_1_1core.html#a58ef0842dd1b8f79159d5fb6777d30a1":[1,0,1,0,278], -"namespacemlx_1_1core.html#a59bb13a0bb7f748c8de34415b248bc57":[1,0,1,0,578], -"namespacemlx_1_1core.html#a59c0af06c5325c04ad8d69563c1c6b0a":[1,0,1,0,305], -"namespacemlx_1_1core.html#a59e84542600e1a23464c100da3cfb7c4":[1,0,1,0,895], -"namespacemlx_1_1core.html#a5a64dc878b29403d27e50bd7a288cc04":[1,0,1,0,1037], -"namespacemlx_1_1core.html#a5adff87687b78bfc18dafbc654925cdb":[1,0,1,0,961], -"namespacemlx_1_1core.html#a5b8af5ca4c0e37aba0b7530542bd64c2":[1,0,1,0,598], -"namespacemlx_1_1core.html#a5b9ad811a5e1358100c5423dd70ea387":[1,0,1,0,702], -"namespacemlx_1_1core.html#a5c77e1db83995d3e06a8a26265bce5d6":[1,0,1,0,714], -"namespacemlx_1_1core.html#a5c90f16d8f6edf4b75c96b945b9fa591":[1,0,1,0,761], -"namespacemlx_1_1core.html#a5d4f449e9c1699b99fcf894dd15e8af3":[1,0,1,0,734], -"namespacemlx_1_1core.html#a5d6373aad1444edc9de1eb07bfe5cad3":[1,0,1,0,1073], -"namespacemlx_1_1core.html#a5d696b63635ce6967526d6a410f7f6b1":[1,0,1,0,530], -"namespacemlx_1_1core.html#a5d9c02765c1672930757416411567bf2":[1,0,1,0,621], -"namespacemlx_1_1core.html#a5e5bd5c57b1cf19776bdb41e732861d9":[1,0,1,0,731], -"namespacemlx_1_1core.html#a5f14963c77f96bcb5a3bef5661a86ba4":[1,0,1,0,539], -"namespacemlx_1_1core.html#a5f5fea955057bb3842b271b037909e66":[1,0,1,0,299], -"namespacemlx_1_1core.html#a600e77dbc72e78207b5f5dbf4b298781":[1,0,1,0,549], -"namespacemlx_1_1core.html#a60c263ef46e552c3954688869734b513":[1,0,1,0,509], -"namespacemlx_1_1core.html#a6105d3b5266666b7c6bb9469285a9ec3":[1,0,1,0,630], -"namespacemlx_1_1core.html#a6111e94d51de12391e5d68b765f28fc3":[1,0,1,0,571], -"namespacemlx_1_1core.html#a61da2851cb3beeef28049228346c28b5":[1,0,1,0,790], -"namespacemlx_1_1core.html#a622ce842fe44e4b6a95e03242341b459":[1,0,1,0,611], -"namespacemlx_1_1core.html#a6235dc5f4db517618bb3449b08c96e8b":[1,0,1,0,762], -"namespacemlx_1_1core.html#a6262aeb513d27fc8313293b261e72abb":[1,0,1,0,840], -"namespacemlx_1_1core.html#a63c836e1141e07ae72cee770bad01200":[1,0,1,0,523], -"namespacemlx_1_1core.html#a640d3574dfe6ad934c720ae8bdd78bfa":[1,0,1,0,681], -"namespacemlx_1_1core.html#a64bc619876b0f8cc81a2637ca81c99f7":[1,0,1,0,381], -"namespacemlx_1_1core.html#a64dceec2bb03eee963a2a1bc1ac69284":[1,0,1,0,605], -"namespacemlx_1_1core.html#a65d25d082374761c05b056e1046d1d4e":[1,0,1,0,520], -"namespacemlx_1_1core.html#a65dd68163bdaef3631e3724327782498":[1,0,1,0,380], -"namespacemlx_1_1core.html#a6648a71937b055e5ff513d98056c2fb5":[1,0,1,0,997], -"namespacemlx_1_1core.html#a6652d93bfb2d426e261a1712a181a4d2":[1,0,1,0,719], -"namespacemlx_1_1core.html#a667e95146dd5199e67bcb121b984b1f0":[1,0,1,0,842], -"namespacemlx_1_1core.html#a668fde2bd280a88f63a68b68a343d375":[1,0,1,0,1034], -"namespacemlx_1_1core.html#a66c9ee5018168b9101de52e0122d9755":[1,0,1,0,229], -"namespacemlx_1_1core.html#a676a40637a563f013c725d24fa33fdc8":[1,0,1,0,472], -"namespacemlx_1_1core.html#a6783cfc7dbe1a116ba84a3904a37145f":[1,0,1,0,888], -"namespacemlx_1_1core.html#a685c0530e338aabc622325685846ce93":[1,0,1,0,459], -"namespacemlx_1_1core.html#a688cd7917b1365065e8059e9964c3d45":[1,0,1,0,160], -"namespacemlx_1_1core.html#a6894543b340321193dfb8052c438a319":[1,0,1,0,1064], -"namespacemlx_1_1core.html#a692ce931b660415e17f92d18a8e0d446":[1,0,1,0,805], -"namespacemlx_1_1core.html#a694e23f2d59606643728ad443d621416":[1,0,1,0,161], -"namespacemlx_1_1core.html#a6a52856325c2eb031d3983eba2108d59":[1,0,1,0,943], -"namespacemlx_1_1core.html#a6a6f4e46c8fc44fdc74c50ace02bcf38":[1,0,1,0,274], -"namespacemlx_1_1core.html#a6a8e093b24c4c789b7cd160f7e7f7de9":[1,0,1,0,562], -"namespacemlx_1_1core.html#a6b678bea8fdcda1f11c6691b56a15211":[1,0,1,0,750], -"namespacemlx_1_1core.html#a6c8fdd03ef891d7f47804bf02e9a8507":[1,0,1,0,1028], -"namespacemlx_1_1core.html#a6cfe9b03e7c5f1eb9374208a552c3cc9":[1,0,1,0,850], -"namespacemlx_1_1core.html#a6d452306f0f046a7d021bd94f8713a89":[1,0,1,0,307], -"namespacemlx_1_1core.html#a6d565dd93c46259f9486d9fdf0969589":[1,0,1,0,787], -"namespacemlx_1_1core.html#a6ec5cdf3253a9f20ca5ea7a1590fb386":[1,0,1,0,347], -"namespacemlx_1_1core.html#a6f4528d0d338ea5e1f19d345875c26a2":[1,0,1,0,947], -"namespacemlx_1_1core.html#a6f65d8fd0cdddc96fc01f6af95804873":[1,0,1,0,667], -"namespacemlx_1_1core.html#a6f7c63a9be10337b3b96d527e1db3c2f":[1,0,1,0,458], -"namespacemlx_1_1core.html#a6fa13b9359cf3f575fbda5260e6e035d":[1,0,1,0,600], -"namespacemlx_1_1core.html#a6feb4b3ea511b0eda4d1ec9725f3fb4c":[1,0,1,0,831], -"namespacemlx_1_1core.html#a70b8e88c9df750af984757105af33423":[1,0,1,0,1062], -"namespacemlx_1_1core.html#a70e528a789b5660d98e783b045aaa379":[1,0,1,0,751], -"namespacemlx_1_1core.html#a71ebba4ad1afa730962f0692c4f42f07":[1,0,1,0,1072], -"namespacemlx_1_1core.html#a72ac8edd190601d7a46782582cedecd8":[1,0,1,0,486], -"namespacemlx_1_1core.html#a7339b33201254e9119d99d3a728ded72":[1,0,1,0,647], -"namespacemlx_1_1core.html#a73d79cbd75d543d0837b8a51bf103f9e":[1,0,1,0,628], -"namespacemlx_1_1core.html#a7423aac70f9f2e3fb6a5c9a3fc96f703":[1,0,1,0,867], -"namespacemlx_1_1core.html#a749f48db01de38f259a0c6750a97fa77":[1,0,1,0,686], -"namespacemlx_1_1core.html#a750a2d2b4976ad94b08994d081f83445":[1,0,1,0,737], -"namespacemlx_1_1core.html#a752d6cb4172a9cb91e5da19582329c6d":[1,0,1,0,785], -"namespacemlx_1_1core.html#a7573ac3b93ddecd69e9c88a26fc84ba9":[1,0,1,0,653], -"namespacemlx_1_1core.html#a7587c28fbd2023b134e5fc12bb0dde23":[1,0,1,0,677], -"namespacemlx_1_1core.html#a759191fb984e7737f0ef529c2053ad73":[1,0,1,0,546], -"namespacemlx_1_1core.html#a7620f1ae298127cb6181db9162f012a7":[1,0,1,0,1038], -"namespacemlx_1_1core.html#a766157c5d5d00fdf3da95eb7cb2981b9":[1,0,1,0,583], -"namespacemlx_1_1core.html#a76a2cb4634f5fd6970a8c3b3753d7a4a":[1,0,1,0,1029], -"namespacemlx_1_1core.html#a76a2e310857f60f5ea6f1388d45b964d":[1,0,1,0,257], -"namespacemlx_1_1core.html#a76dcd1fa3c68b386bc1d1d899a68a120":[1,0,1,0,507], -"namespacemlx_1_1core.html#a76f614e9956a6ca05a9be4db5a483446":[1,0,1,0,348], -"namespacemlx_1_1core.html#a775aed5f49b530c57e71cbac81404d45":[1,0,1,0,687], -"namespacemlx_1_1core.html#a777aa772dfb205b25d26f3180d98a2f6":[1,0,1,0,624], -"namespacemlx_1_1core.html#a78e2a1cfc65453185bcca13bd4f523cf":[1,0,1,0,627], -"namespacemlx_1_1core.html#a78f1f388f9d81ed93f60311f4645d8d0":[1,0,1,0,601], -"namespacemlx_1_1core.html#a7904b886d7b535a6af0a885d00597323":[1,0,1,0,757], -"namespacemlx_1_1core.html#a79817d2432e782e596c9c49a08b93be2":[1,0,1,0,290], -"namespacemlx_1_1core.html#a79939016d0972ded7db37130da2a8b5c":[1,0,1,0,165], -"namespacemlx_1_1core.html#a79acfa8bc30c1f213bf893b5983eb666":[1,0,1,0,250], -"namespacemlx_1_1core.html#a7b763db8194e6fcb1b87eab143dfa47a":[1,0,1,0,607], -"namespacemlx_1_1core.html#a7b987f404b8699de00f9e0099ab6b1b0":[1,0,1,0,1041], -"namespacemlx_1_1core.html#a7bae3ff296d9a60ff3c7e448f7fbc6bd":[1,0,1,0,634], -"namespacemlx_1_1core.html#a7c7dd6d346e0cdf398a896f2c6958258":[1,0,1,0,564], -"namespacemlx_1_1core.html#a7ca09ebf776fe32db580f9038587ec31":[1,0,1,0,228], -"namespacemlx_1_1core.html#a7ccc479be236f2bf3f7725729c5ba201":[1,0,1,0,478], -"namespacemlx_1_1core.html#a7d11b000895d44d183260634f4192d92":[1,0,1,0,891], -"namespacemlx_1_1core.html#a7d6e097d8effed52f4713672e471f299":[1,0,1,0,313], -"namespacemlx_1_1core.html#a7db909d54cf07375e89424c32c07a29c":[1,0,1,0,724], -"namespacemlx_1_1core.html#a7e2cee66c3ca1b56f4f3d7fd1d6e0be1":[1,0,1,0,776], -"namespacemlx_1_1core.html#a7e6af6624e322e7ad60a3873a66e18a3":[1,0,1,0,232], -"namespacemlx_1_1core.html#a7ed0e2cdb65612f54e67166762cb6408":[1,0,1,0,579], -"namespacemlx_1_1core.html#a7ef33c33509ccccf1ab217500e8b3c1a":[1,0,1,0,764], -"namespacemlx_1_1core.html#a7f205f1b10b23180a23bf2be4bb726b1":[1,0,1,0,858], -"namespacemlx_1_1core.html#a806a495a129ebaab69cc57ca7db831d6":[1,0,1,0,575], -"namespacemlx_1_1core.html#a8084162ba2dd3f9b89195d2bebc3fbb0":[1,0,1,0,467], -"namespacemlx_1_1core.html#a8096c7a688ac3f09cca69a3a85f7f157":[1,0,1,0,1008], -"namespacemlx_1_1core.html#a81284b6ac737f91a8d1ffbbbbf938fe5":[1,0,1,0,496], -"namespacemlx_1_1core.html#a81e1c727c3fc48910b030cb65a9e7afa":[1,0,1,0,516], -"namespacemlx_1_1core.html#a827167f6a1ae55428fd218ddd51ec3b6":[1,0,1,0,609], -"namespacemlx_1_1core.html#a830324cd1b6231218b3e561e247e69b9":[1,0,1,0,884], -"namespacemlx_1_1core.html#a830a47d8a317dffb0c88e5a7afe6aee2":[1,0,1,0,452], -"namespacemlx_1_1core.html#a839f94dbad44f0d37333006fc876b42e":[1,0,1,0,321], -"namespacemlx_1_1core.html#a8481a3bb4c12c2b7dc6ba576c2be3d0d":[1,0,1,0,1051], -"namespacemlx_1_1core.html#a8494764f5c686743ede66dc76d85d955":[1,0,1,0,824], -"namespacemlx_1_1core.html#a84ebe6275218070f0ea320f126f64e22":[1,0,1,0,367], -"namespacemlx_1_1core.html#a84fa8e0aee321a9d614433a0b933103b":[1,0,1,0,370], -"namespacemlx_1_1core.html#a85f83add412cb320b5cd1c3da6aadbd5":[1,0,1,0,788], -"namespacemlx_1_1core.html#a8616c0b7b0fc118a75400bc86404c367":[1,0,1,0,233], -"namespacemlx_1_1core.html#a861d948220d8f48d46c68d2ddb16a096":[1,0,1,0,536], -"namespacemlx_1_1core.html#a862c6b94fec384c34a699ced64d01404":[1,0,1,0,1069], -"namespacemlx_1_1core.html#a8723d145dd49021bfcb8e6c99e1c91a5":[1,0,1,0,497], -"namespacemlx_1_1core.html#a88654bcf6c9728517a2933ca2e29a7c1":[1,0,1,0,752], -"namespacemlx_1_1core.html#a889d401f425db79d1868aa3beea4829b":[1,0,1,0,504], -"namespacemlx_1_1core.html#a88d88987bd8bf3ca46bf3b5e8aacce9d":[1,0,1,0,950], -"namespacemlx_1_1core.html#a88eae27edd22fa4418776672023cb276":[1,0,1,0,786], -"namespacemlx_1_1core.html#a892e934e146dd938d144cee8813ca672":[1,0,1,0,1075], -"namespacemlx_1_1core.html#a8978def3c2cfe2a96314d564613b80db":[1,0,1,0,581], -"namespacemlx_1_1core.html#a899851f85dbddd96f9d36319b82542a0":[1,0,1,0,669], -"namespacemlx_1_1core.html#a8a049e646e0442064cfe9e202d7047c5":[1,0,1,0,643] +"namespacemlx_1_1core.html#a29cbacf4b399c24728fb0808fad498f9":[1,0,1,0,634], +"namespacemlx_1_1core.html#a29e457a170b6cefb6ba1e394c96c6f7b":[1,0,1,0,702], +"namespacemlx_1_1core.html#a2a8a09851097571fb51ac5b608550e44":[1,0,1,0,982], +"namespacemlx_1_1core.html#a2a9b98c65578dd3720b3b375c1471e58":[1,0,1,0,301], +"namespacemlx_1_1core.html#a2aa12b351ce559deb14cda0a5292c2ce":[1,0,1,0,414], +"namespacemlx_1_1core.html#a2afa4ea816ac9317200fd5c964fc89dc":[1,0,1,0,315], +"namespacemlx_1_1core.html#a2b78f270942c6eb185e8045f1c5b4286":[1,0,1,0,884], +"namespacemlx_1_1core.html#a2bb28a9a0894a73ae1b27e7f4da0841a":[1,0,1,0,810], +"namespacemlx_1_1core.html#a2d8470b69cbbeefece08d3ffd46c0082":[1,0,1,0,869], +"namespacemlx_1_1core.html#a2d933573edf4ed305fddd8a0caef1ee8":[1,0,1,0,862], +"namespacemlx_1_1core.html#a2e3bb121cbde30c2e6d806df0d41ff59":[1,0,1,0,550], +"namespacemlx_1_1core.html#a2f5add83812fb137dd9226c6c01e45d5":[1,0,1,0,822], +"namespacemlx_1_1core.html#a2f69ffc30d66b1fca8f24b65be161a51":[1,0,1,0,1038], +"namespacemlx_1_1core.html#a2f98db199deb6d7a82551fa4afec655a":[1,0,1,0,768], +"namespacemlx_1_1core.html#a3026691bf7ee5095243a8611bf3411aa":[1,0,1,0,705], +"namespacemlx_1_1core.html#a30338cb7d259334e46dc7a4819716fa6":[1,0,1,0,321], +"namespacemlx_1_1core.html#a30fb38e05feeee19ae2b87e62bff3acf":[1,0,1,0,362], +"namespacemlx_1_1core.html#a310720f513b6a2490e9df80c65f1bfb3":[1,0,1,0,714], +"namespacemlx_1_1core.html#a312a2de41367fe52caeaf8c0f596a120":[1,0,1,0,940], +"namespacemlx_1_1core.html#a312a70c487366968af5e6cbf5038c812":[1,0,1,0,1080], +"namespacemlx_1_1core.html#a321c98e5a78621d3c9a3895f707f2f1c":[1,0,1,0,646], +"namespacemlx_1_1core.html#a325161b81a9ff179fd37d949780a17ba":[1,0,1,0,710], +"namespacemlx_1_1core.html#a327578951a44116e5da2db651661265f":[1,0,1,0,957], +"namespacemlx_1_1core.html#a32a6a08a2a4652975b0a1bd1fcf3eafd":[1,0,1,0,655], +"namespacemlx_1_1core.html#a331ec62442a8d3eb8ccba7b4de5168d1":[1,0,1,0,765], +"namespacemlx_1_1core.html#a3375f1562f148bdc07451f2b6e54e6df":[1,0,1,0,828], +"namespacemlx_1_1core.html#a349a9fc2bfd950f679a3fe39b8bdedad":[1,0,1,0,946], +"namespacemlx_1_1core.html#a34d69c4d46aa9b2a4a79dba7aba093d2":[1,0,1,0,1066], +"namespacemlx_1_1core.html#a3555a2b31fc0925850d3240e85e03ec5":[1,0,1,0,631], +"namespacemlx_1_1core.html#a358e66ff205bda3e8542427b6d2edadc":[1,0,1,0,574], +"namespacemlx_1_1core.html#a359c6257097a304c00d41d64296ef4c9":[1,0,1,0,870], +"namespacemlx_1_1core.html#a35a412f688d79eb47e42d20a7c8650ee":[1,0,1,0,363], +"namespacemlx_1_1core.html#a3728ed9b6cbd152bf675251a0501b466":[1,0,1,0,704], +"namespacemlx_1_1core.html#a3755925b24a903045937464be117de2f":[1,0,1,0,846], +"namespacemlx_1_1core.html#a37645c0adccb3eb46844115def1a68d7":[1,0,1,0,1006], +"namespacemlx_1_1core.html#a377ccc6b4ef36767abca102dca56dc10":[1,0,1,0,508], +"namespacemlx_1_1core.html#a3803f8d36558d32bb7dd6e580ea683b4":[1,0,1,0,606], +"namespacemlx_1_1core.html#a383a26cc2689c98fd6c4435ade8dc669":[1,0,1,0,639], +"namespacemlx_1_1core.html#a3892b68a2e828270caa1c7accf44f038":[1,0,1,0,939], +"namespacemlx_1_1core.html#a38a44c412c8be4c8b952d3082cc7db74":[1,0,1,0,571], +"namespacemlx_1_1core.html#a394797646010ba9ef2a1f9b9a4b8ddd9":[1,0,1,0,541], +"namespacemlx_1_1core.html#a3a52675c3d4552b319dd9707844abdec":[1,0,1,0,515], +"namespacemlx_1_1core.html#a3a6f43c2485f0d42293184f1aecbeaee":[1,0,1,0,596], +"namespacemlx_1_1core.html#a3a8f6f0af477788c4f0aa98abfc5f1ab":[1,0,1,0,694], +"namespacemlx_1_1core.html#a3a8fe7ba84714dbb5fdc81e93a07abc8":[1,0,1,0,290], +"namespacemlx_1_1core.html#a3ab0fd997d9a35782106ff083a72e098":[1,0,1,0,181], +"namespacemlx_1_1core.html#a3c41a304126bc225bdc68062d1eb6e7e":[1,0,1,0,789], +"namespacemlx_1_1core.html#a3cc5c154e4ad9a83ad43da8513146fdc":[1,0,1,0,544], +"namespacemlx_1_1core.html#a3d2b2929ed4636e9e2b86e125b2e57d9":[1,0,1,0,379], +"namespacemlx_1_1core.html#a3eaa72850205c18450c3af9a01cda219":[1,0,1,0,576], +"namespacemlx_1_1core.html#a3ef23f334cb9f68a2c50524bc67c913b":[1,0,1,0,241], +"namespacemlx_1_1core.html#a40bd8abb8a4d989ddabbb298518bd7f5":[1,0,1,0,737], +"namespacemlx_1_1core.html#a40e868dad70401d9aa9ee9c32235c315":[1,0,1,0,650], +"namespacemlx_1_1core.html#a4155d4b0c76f37ab5e0b54f9cd683f35":[1,0,1,0,749], +"namespacemlx_1_1core.html#a42011a27a3d23a60be5be44ee7cac87c":[1,0,1,0,792], +"namespacemlx_1_1core.html#a42a19c8442b173606e714364227e7d45":[1,0,1,0,719], +"namespacemlx_1_1core.html#a42e9706a5521bb25eaf12ccad94bfc81":[1,0,1,0,1084], +"namespacemlx_1_1core.html#a42fa813d72c15132f76ef5fd1213ed71":[1,0,1,0,244], +"namespacemlx_1_1core.html#a43c10ca5fb05ee7d0ee63ba56f8a08a3":[1,0,1,0,473], +"namespacemlx_1_1core.html#a43cb070553c1f2fffb32ef6670e30980":[1,0,1,0,747], +"namespacemlx_1_1core.html#a449ef1148816a37bbc7ffd43d3c586a0":[1,0,1,0,429], +"namespacemlx_1_1core.html#a4552687a0637f710b5d55bb6378fcabe":[1,0,1,0,534], +"namespacemlx_1_1core.html#a45726f1905b709cf8253e6efa046027b":[1,0,1,0,672], +"namespacemlx_1_1core.html#a45d67f5d80fba4d42e34c682a8d22beb":[1,0,1,0,518], +"namespacemlx_1_1core.html#a45f0479526fbccdb00bc73ea7f3b7625":[1,0,1,0,522], +"namespacemlx_1_1core.html#a46080889fd9e5c3f9916508e97dff5ad":[1,0,1,0,607], +"namespacemlx_1_1core.html#a46d502dfe0b027955950d4e716c2eb26":[1,0,1,0,613], +"namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9":[1,0,1,0,1008], +"namespacemlx_1_1core.html#a473fb602368f6c73d9105c9a151c4c82":[1,0,1,0,275], +"namespacemlx_1_1core.html#a474bf5eb8bca8c380207c9f659aef3b1":[1,0,1,0,1064], +"namespacemlx_1_1core.html#a477cade78296bc85894170f62db68870":[1,0,1,0,665], +"namespacemlx_1_1core.html#a47c82778e43032c0bbf5d59407e81dc9":[1,0,1,0,831], +"namespacemlx_1_1core.html#a489e45b3a5cd8b46e8ea56b9132eb230":[1,0,1,0,288], +"namespacemlx_1_1core.html#a48fbbd43d2165ab7f42bac3f228bbda3":[1,0,1,0,1002], +"namespacemlx_1_1core.html#a49421ea65b5a98df080d75b1636b2157":[1,0,1,0,815], +"namespacemlx_1_1core.html#a49445a55f976c4397f25ea18e1e92bef":[1,0,1,0,938], +"namespacemlx_1_1core.html#a49fc043a981925b9be79e37fc415d966":[1,0,1,0,276], +"namespacemlx_1_1core.html#a4b66fb38ddc5cc0c2489583d5c499602":[1,0,1,0,658], +"namespacemlx_1_1core.html#a4beeeec4413be7adcfb14feaa9cf0e2e":[1,0,1,0,1067], +"namespacemlx_1_1core.html#a4c6a4241bfcdd7bbf30d0e521b79e5a3":[1,0,1,0,943], +"namespacemlx_1_1core.html#a4cabd600a5271b0d416c91e8d31dd9c1":[1,0,1,0,580], +"namespacemlx_1_1core.html#a4ce6867dbb4d1631d1870dac14022dbb":[1,0,1,0,619], +"namespacemlx_1_1core.html#a4d594bb84abeff4619d1abb77b20123e":[1,0,1,0,248], +"namespacemlx_1_1core.html#a4d7bc76b40d028805d32a9e0f7ae7598":[1,0,1,0,1045], +"namespacemlx_1_1core.html#a4ddb5ef0b88929086f9b09729fda0dde":[1,0,1,0,845], +"namespacemlx_1_1core.html#a4ddd07021b36c848d6fb1dd9ac276822":[1,0,1,0,726], +"namespacemlx_1_1core.html#a4decd4a07d91487e6903f6e3c8b7513a":[1,0,1,0,346], +"namespacemlx_1_1core.html#a4e733bba89760abed32393e085812b22":[1,0,1,0,724], +"namespacemlx_1_1core.html#a4e809746f48e5dcf7fa63215d3f5e33e":[1,0,1,0,348], +"namespacemlx_1_1core.html#a4f5d80d03bae6d8d90455d3c47a8c116":[1,0,1,0,560], +"namespacemlx_1_1core.html#a4fbb29691ee1ff22c3ee2a67cbc053d5":[1,0,1,0,388], +"namespacemlx_1_1core.html#a50214cf406957fab27c8bef32046f030":[1,0,1,0,383], +"namespacemlx_1_1core.html#a50536365b8bcfec55e7d023ae9a6395c":[1,0,1,0,1028], +"namespacemlx_1_1core.html#a505922e54acd43114308e3bdbda0e497":[1,0,1,0,896], +"namespacemlx_1_1core.html#a50bae338a7353f8b0ed3441071bb0cf6":[1,0,1,0,676], +"namespacemlx_1_1core.html#a50f4177d3ca03a95fc2614e100c7391d":[1,0,1,0,817], +"namespacemlx_1_1core.html#a50f6a94bb36d89cf28817aff88ab89c8":[1,0,1,0,811], +"namespacemlx_1_1core.html#a514263e63f6825b490203ca586864687":[1,0,1,0,478], +"namespacemlx_1_1core.html#a514cf8b4e6f0a6af3a867e752f4338f7":[1,0,1,0,1056], +"namespacemlx_1_1core.html#a5160ef5819f58cf040c9613ecce548f1":[1,0,1,0,226], +"namespacemlx_1_1core.html#a517019d42d4e426b7b98e1c719bb47ce":[1,0,1,0,679], +"namespacemlx_1_1core.html#a5287610200ff573730c9c92413f48881":[1,0,1,0,528], +"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6":[1,0,1,0,168], +"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a0db377921f4ce762c62526131097968f":[1,0,1,0,168,4], +"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a4d8269410dcd9cadc9722e9a118bddfb":[1,0,1,0,168,3], +"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a7b15cb76e0535ea81a5b6af9c96dcde4":[1,0,1,0,168,0], +"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a8a94416459b638cebf3bfbce26a6ce78":[1,0,1,0,168,2], +"namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6aabac63719294588466e3c2f00cccb0a6":[1,0,1,0,168,1], +"namespacemlx_1_1core.html#a54833be1d44bc3adfc9ea218fc3685bd":[1,0,1,0,545], +"namespacemlx_1_1core.html#a54863a54f258acf2b5c734950618e4e1":[1,0,1,0,553], +"namespacemlx_1_1core.html#a548b6f4a39e639c18896e50b1702c830":[1,0,1,0,374], +"namespacemlx_1_1core.html#a54c6fae21b7f2fea8e6f80011ef38534":[1,0,1,0,1070], +"namespacemlx_1_1core.html#a54eb3b65375022428aab5f810e40624b":[1,0,1,0,373], +"namespacemlx_1_1core.html#a54f48469fabd1414bef5097bcded0002":[1,0,1,0,481], +"namespacemlx_1_1core.html#a55130edf926366db0d6207989e609b7c":[1,0,1,0,854], +"namespacemlx_1_1core.html#a55933c6665de9f81059120d6b0de1c87":[1,0,1,0,252], +"namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be":[1,0,1,0,255], +"namespacemlx_1_1core.html#a57395bdf43d9c5c134e610c169222cca":[1,0,1,0,319], +"namespacemlx_1_1core.html#a57952168bd0b54c2677204d4ab1cb6e5":[1,0,1,0,740], +"namespacemlx_1_1core.html#a579bb87b3ede5663d7cd68c7c0f6fb9e":[1,0,1,0,812], +"namespacemlx_1_1core.html#a57eb97a5eba99a846ac429795e407574":[1,0,1,0,723], +"namespacemlx_1_1core.html#a58112951a56a0f9f8c90b60fe74f9508":[1,0,1,0,684], +"namespacemlx_1_1core.html#a58d5795d8312599d101ae16f194e4a2a":[1,0,1,0,795], +"namespacemlx_1_1core.html#a58ef0842dd1b8f79159d5fb6777d30a1":[1,0,1,0,277], +"namespacemlx_1_1core.html#a59bb13a0bb7f748c8de34415b248bc57":[1,0,1,0,572], +"namespacemlx_1_1core.html#a59c0af06c5325c04ad8d69563c1c6b0a":[1,0,1,0,304], +"namespacemlx_1_1core.html#a59e84542600e1a23464c100da3cfb7c4":[1,0,1,0,889], +"namespacemlx_1_1core.html#a5a64dc878b29403d27e50bd7a288cc04":[1,0,1,0,1036], +"namespacemlx_1_1core.html#a5adff87687b78bfc18dafbc654925cdb":[1,0,1,0,956], +"namespacemlx_1_1core.html#a5b8af5ca4c0e37aba0b7530542bd64c2":[1,0,1,0,592], +"namespacemlx_1_1core.html#a5b9ad811a5e1358100c5423dd70ea387":[1,0,1,0,696], +"namespacemlx_1_1core.html#a5c77e1db83995d3e06a8a26265bce5d6":[1,0,1,0,708], +"namespacemlx_1_1core.html#a5c90f16d8f6edf4b75c96b945b9fa591":[1,0,1,0,755], +"namespacemlx_1_1core.html#a5d4f449e9c1699b99fcf894dd15e8af3":[1,0,1,0,728], +"namespacemlx_1_1core.html#a5d6373aad1444edc9de1eb07bfe5cad3":[1,0,1,0,1072], +"namespacemlx_1_1core.html#a5d696b63635ce6967526d6a410f7f6b1":[1,0,1,0,524], +"namespacemlx_1_1core.html#a5d9c02765c1672930757416411567bf2":[1,0,1,0,615], +"namespacemlx_1_1core.html#a5e5bd5c57b1cf19776bdb41e732861d9":[1,0,1,0,725], +"namespacemlx_1_1core.html#a5f14963c77f96bcb5a3bef5661a86ba4":[1,0,1,0,533], +"namespacemlx_1_1core.html#a5f5fea955057bb3842b271b037909e66":[1,0,1,0,298], +"namespacemlx_1_1core.html#a600e77dbc72e78207b5f5dbf4b298781":[1,0,1,0,543], +"namespacemlx_1_1core.html#a60c263ef46e552c3954688869734b513":[1,0,1,0,503], +"namespacemlx_1_1core.html#a6105d3b5266666b7c6bb9469285a9ec3":[1,0,1,0,624], +"namespacemlx_1_1core.html#a6111e94d51de12391e5d68b765f28fc3":[1,0,1,0,565], +"namespacemlx_1_1core.html#a61da2851cb3beeef28049228346c28b5":[1,0,1,0,784], +"namespacemlx_1_1core.html#a622ce842fe44e4b6a95e03242341b459":[1,0,1,0,605], +"namespacemlx_1_1core.html#a6235dc5f4db517618bb3449b08c96e8b":[1,0,1,0,756], +"namespacemlx_1_1core.html#a6262aeb513d27fc8313293b261e72abb":[1,0,1,0,834], +"namespacemlx_1_1core.html#a63c836e1141e07ae72cee770bad01200":[1,0,1,0,517], +"namespacemlx_1_1core.html#a640d3574dfe6ad934c720ae8bdd78bfa":[1,0,1,0,675], +"namespacemlx_1_1core.html#a64bc619876b0f8cc81a2637ca81c99f7":[1,0,1,0,378], +"namespacemlx_1_1core.html#a64dceec2bb03eee963a2a1bc1ac69284":[1,0,1,0,599], +"namespacemlx_1_1core.html#a65d25d082374761c05b056e1046d1d4e":[1,0,1,0,514], +"namespacemlx_1_1core.html#a65dd68163bdaef3631e3724327782498":[1,0,1,0,377], +"namespacemlx_1_1core.html#a6648a71937b055e5ff513d98056c2fb5":[1,0,1,0,992], +"namespacemlx_1_1core.html#a6652d93bfb2d426e261a1712a181a4d2":[1,0,1,0,713], +"namespacemlx_1_1core.html#a667e95146dd5199e67bcb121b984b1f0":[1,0,1,0,836], +"namespacemlx_1_1core.html#a668fde2bd280a88f63a68b68a343d375":[1,0,1,0,1032], +"namespacemlx_1_1core.html#a676a40637a563f013c725d24fa33fdc8":[1,0,1,0,466], +"namespacemlx_1_1core.html#a6783cfc7dbe1a116ba84a3904a37145f":[1,0,1,0,882], +"namespacemlx_1_1core.html#a685c0530e338aabc622325685846ce93":[1,0,1,0,453], +"namespacemlx_1_1core.html#a688cd7917b1365065e8059e9964c3d45":[1,0,1,0,161], +"namespacemlx_1_1core.html#a6894543b340321193dfb8052c438a319":[1,0,1,0,1063], +"namespacemlx_1_1core.html#a692ce931b660415e17f92d18a8e0d446":[1,0,1,0,799], +"namespacemlx_1_1core.html#a694e23f2d59606643728ad443d621416":[1,0,1,0,162], +"namespacemlx_1_1core.html#a6a6f4e46c8fc44fdc74c50ace02bcf38":[1,0,1,0,273], +"namespacemlx_1_1core.html#a6a8e093b24c4c789b7cd160f7e7f7de9":[1,0,1,0,556], +"namespacemlx_1_1core.html#a6b678bea8fdcda1f11c6691b56a15211":[1,0,1,0,744], +"namespacemlx_1_1core.html#a6c1b92aea938457e44f93a7955d22823":[1,0,1,0,1027], +"namespacemlx_1_1core.html#a6cfe9b03e7c5f1eb9374208a552c3cc9":[1,0,1,0,844], +"namespacemlx_1_1core.html#a6d565dd93c46259f9486d9fdf0969589":[1,0,1,0,781], +"namespacemlx_1_1core.html#a6ec5cdf3253a9f20ca5ea7a1590fb386":[1,0,1,0,344], +"namespacemlx_1_1core.html#a6f65d8fd0cdddc96fc01f6af95804873":[1,0,1,0,661], +"namespacemlx_1_1core.html#a6f7c63a9be10337b3b96d527e1db3c2f":[1,0,1,0,452], +"namespacemlx_1_1core.html#a6fa13b9359cf3f575fbda5260e6e035d":[1,0,1,0,594], +"namespacemlx_1_1core.html#a6feb4b3ea511b0eda4d1ec9725f3fb4c":[1,0,1,0,825], +"namespacemlx_1_1core.html#a70b8e88c9df750af984757105af33423":[1,0,1,0,1061], +"namespacemlx_1_1core.html#a70e528a789b5660d98e783b045aaa379":[1,0,1,0,745], +"namespacemlx_1_1core.html#a71ebba4ad1afa730962f0692c4f42f07":[1,0,1,0,1071], +"namespacemlx_1_1core.html#a72ac8edd190601d7a46782582cedecd8":[1,0,1,0,480], +"namespacemlx_1_1core.html#a7339b33201254e9119d99d3a728ded72":[1,0,1,0,641], +"namespacemlx_1_1core.html#a73d79cbd75d543d0837b8a51bf103f9e":[1,0,1,0,622], +"namespacemlx_1_1core.html#a7423aac70f9f2e3fb6a5c9a3fc96f703":[1,0,1,0,861], +"namespacemlx_1_1core.html#a749f48db01de38f259a0c6750a97fa77":[1,0,1,0,680], +"namespacemlx_1_1core.html#a750a2d2b4976ad94b08994d081f83445":[1,0,1,0,731], +"namespacemlx_1_1core.html#a752d6cb4172a9cb91e5da19582329c6d":[1,0,1,0,779], +"namespacemlx_1_1core.html#a7573ac3b93ddecd69e9c88a26fc84ba9":[1,0,1,0,647], +"namespacemlx_1_1core.html#a7587c28fbd2023b134e5fc12bb0dde23":[1,0,1,0,671], +"namespacemlx_1_1core.html#a759191fb984e7737f0ef529c2053ad73":[1,0,1,0,540], +"namespacemlx_1_1core.html#a7620f1ae298127cb6181db9162f012a7":[1,0,1,0,1037], +"namespacemlx_1_1core.html#a766157c5d5d00fdf3da95eb7cb2981b9":[1,0,1,0,577], +"namespacemlx_1_1core.html#a76a2e310857f60f5ea6f1388d45b964d":[1,0,1,0,256], +"namespacemlx_1_1core.html#a76dcd1fa3c68b386bc1d1d899a68a120":[1,0,1,0,501], +"namespacemlx_1_1core.html#a76f614e9956a6ca05a9be4db5a483446":[1,0,1,0,345], +"namespacemlx_1_1core.html#a775aed5f49b530c57e71cbac81404d45":[1,0,1,0,681], +"namespacemlx_1_1core.html#a777aa772dfb205b25d26f3180d98a2f6":[1,0,1,0,618], +"namespacemlx_1_1core.html#a78e2a1cfc65453185bcca13bd4f523cf":[1,0,1,0,621], +"namespacemlx_1_1core.html#a78f1f388f9d81ed93f60311f4645d8d0":[1,0,1,0,595], +"namespacemlx_1_1core.html#a7904b886d7b535a6af0a885d00597323":[1,0,1,0,751], +"namespacemlx_1_1core.html#a79817d2432e782e596c9c49a08b93be2":[1,0,1,0,289], +"namespacemlx_1_1core.html#a79939016d0972ded7db37130da2a8b5c":[1,0,1,0,166], +"namespacemlx_1_1core.html#a79acfa8bc30c1f213bf893b5983eb666":[1,0,1,0,249], +"namespacemlx_1_1core.html#a7b763db8194e6fcb1b87eab143dfa47a":[1,0,1,0,601], +"namespacemlx_1_1core.html#a7b987f404b8699de00f9e0099ab6b1b0":[1,0,1,0,1040], +"namespacemlx_1_1core.html#a7bae3ff296d9a60ff3c7e448f7fbc6bd":[1,0,1,0,628], +"namespacemlx_1_1core.html#a7c7dd6d346e0cdf398a896f2c6958258":[1,0,1,0,558], +"namespacemlx_1_1core.html#a7ccc479be236f2bf3f7725729c5ba201":[1,0,1,0,472], +"namespacemlx_1_1core.html#a7d11b000895d44d183260634f4192d92":[1,0,1,0,885], +"namespacemlx_1_1core.html#a7d6e097d8effed52f4713672e471f299":[1,0,1,0,310], +"namespacemlx_1_1core.html#a7db909d54cf07375e89424c32c07a29c":[1,0,1,0,718], +"namespacemlx_1_1core.html#a7e2cee66c3ca1b56f4f3d7fd1d6e0be1":[1,0,1,0,770], +"namespacemlx_1_1core.html#a7e6af6624e322e7ad60a3873a66e18a3":[1,0,1,0,231], +"namespacemlx_1_1core.html#a7ed0e2cdb65612f54e67166762cb6408":[1,0,1,0,573], +"namespacemlx_1_1core.html#a7ef33c33509ccccf1ab217500e8b3c1a":[1,0,1,0,758], +"namespacemlx_1_1core.html#a7f205f1b10b23180a23bf2be4bb726b1":[1,0,1,0,852], +"namespacemlx_1_1core.html#a806a495a129ebaab69cc57ca7db831d6":[1,0,1,0,569], +"namespacemlx_1_1core.html#a8084162ba2dd3f9b89195d2bebc3fbb0":[1,0,1,0,461], +"namespacemlx_1_1core.html#a8096c7a688ac3f09cca69a3a85f7f157":[1,0,1,0,1003], +"namespacemlx_1_1core.html#a81284b6ac737f91a8d1ffbbbbf938fe5":[1,0,1,0,490], +"namespacemlx_1_1core.html#a81e1c727c3fc48910b030cb65a9e7afa":[1,0,1,0,510], +"namespacemlx_1_1core.html#a827167f6a1ae55428fd218ddd51ec3b6":[1,0,1,0,603], +"namespacemlx_1_1core.html#a830324cd1b6231218b3e561e247e69b9":[1,0,1,0,878], +"namespacemlx_1_1core.html#a839f94dbad44f0d37333006fc876b42e":[1,0,1,0,318], +"namespacemlx_1_1core.html#a8481a3bb4c12c2b7dc6ba576c2be3d0d":[1,0,1,0,1050], +"namespacemlx_1_1core.html#a8494764f5c686743ede66dc76d85d955":[1,0,1,0,818], +"namespacemlx_1_1core.html#a84ebe6275218070f0ea320f126f64e22":[1,0,1,0,364], +"namespacemlx_1_1core.html#a84fa8e0aee321a9d614433a0b933103b":[1,0,1,0,367], +"namespacemlx_1_1core.html#a85f83add412cb320b5cd1c3da6aadbd5":[1,0,1,0,782], +"namespacemlx_1_1core.html#a8616c0b7b0fc118a75400bc86404c367":[1,0,1,0,232], +"namespacemlx_1_1core.html#a861d948220d8f48d46c68d2ddb16a096":[1,0,1,0,530], +"namespacemlx_1_1core.html#a862c6b94fec384c34a699ced64d01404":[1,0,1,0,1068], +"namespacemlx_1_1core.html#a8723d145dd49021bfcb8e6c99e1c91a5":[1,0,1,0,491], +"namespacemlx_1_1core.html#a88654bcf6c9728517a2933ca2e29a7c1":[1,0,1,0,746], +"namespacemlx_1_1core.html#a889d401f425db79d1868aa3beea4829b":[1,0,1,0,498], +"namespacemlx_1_1core.html#a88d88987bd8bf3ca46bf3b5e8aacce9d":[1,0,1,0,945], +"namespacemlx_1_1core.html#a88eae27edd22fa4418776672023cb276":[1,0,1,0,780], +"namespacemlx_1_1core.html#a892e934e146dd938d144cee8813ca672":[1,0,1,0,1074], +"namespacemlx_1_1core.html#a8978def3c2cfe2a96314d564613b80db":[1,0,1,0,575], +"namespacemlx_1_1core.html#a899851f85dbddd96f9d36319b82542a0":[1,0,1,0,663], +"namespacemlx_1_1core.html#a8a049e646e0442064cfe9e202d7047c5":[1,0,1,0,637], +"namespacemlx_1_1core.html#a8a928d76a6fbf3d336296401e14617a4":[1,0,1,0,808], +"namespacemlx_1_1core.html#a8ac23fb7f4d4c52e592d6296e63b80d4":[1,0,1,0,888], +"namespacemlx_1_1core.html#a8afdda14b14262ab5ce0a00c7745d7e8":[1,0,1,0,483], +"namespacemlx_1_1core.html#a8b8a55690df46d97fcfc2a60120783af":[1,0,1,0,643], +"namespacemlx_1_1core.html#a8b984eef832f757e28cd262d64a49ae7":[1,0,1,0,907], +"namespacemlx_1_1core.html#a8bcc29ca8846ec99dce333df4a34dc5f":[1,0,1,0,923], +"namespacemlx_1_1core.html#a8c2c1b9a37aadfb48f4c3a7e806e32e3":[1,0,1,0,159], +"namespacemlx_1_1core.html#a8cd6583fa0fc9957f993e00b2ec01d91":[1,0,1,0,743], +"namespacemlx_1_1core.html#a8d126e3f3fa9f8c1c1ae1b09f94df487":[1,0,1,0,617], +"namespacemlx_1_1core.html#a8d3ca5fbaecdb995660c24cde5aeebaf":[1,0,1,0,286] }; diff --git a/docs/build/html/navtreeindex2.js b/docs/build/html/navtreeindex2.js index 6d4b34a28..a6affed81 100644 --- a/docs/build/html/navtreeindex2.js +++ b/docs/build/html/navtreeindex2.js @@ -1,12 +1,8 @@ var NAVTREEINDEX2 = { -"backend_2metal_2kernels_2utils_8h.html#acb8ddf4a29129846b673c50ba7078773":[3,0,0,1,2,1,36,22], -"backend_2metal_2kernels_2utils_8h.html#ad55bd473647f2c6c68e65e5312c132d1":[3,0,0,1,2,1,36,37], -"backend_2metal_2kernels_2utils_8h.html#ad9a671a5f9aaa729ae7a77026f16bcb0":[3,0,0,1,2,1,36,42], -"backend_2metal_2kernels_2utils_8h.html#ae0f5c42020275a588234e69f1eb7a485":[3,0,0,1,2,1,36,45], "backend_2metal_2kernels_2utils_8h_source.html":[3,0,0,1,2,1,36], -"backend_2metal_2utils_8h.html":[3,0,0,1,2,17], -"backend_2metal_2utils_8h_source.html":[3,0,0,1,2,17], +"backend_2metal_2utils_8h.html":[3,0,0,1,2,15], +"backend_2metal_2utils_8h_source.html":[3,0,0,1,2,15], "base__simd_8h.html":[3,0,0,1,1,0,2], "base__simd_8h.html#a0adf6d25084019eff671abc59031573e":[3,0,0,1,1,0,2,3], "base__simd_8h.html#a122d6a2fa4dcfe78b221e52155419124":[3,0,0,1,1,0,2,4], @@ -24,230 +20,234 @@ var NAVTREEINDEX2 = "class_thread_pool.html#a44d3d2ab618970605e684efc216655eb":[2,0,119,1], "class_thread_pool.html#ac291710e33dbbed96ee20711080d506d":[2,0,119,0], "classes.html":[2,1], -"classmlx_1_1core_1_1_abs.html":[1,0,1,0,14], -"classmlx_1_1core_1_1_abs.html":[2,0,1,0,11], -"classmlx_1_1core_1_1_abs.html#a0a976e636dd8505b473fbdddf949f514":[1,0,1,0,14,2], -"classmlx_1_1core_1_1_abs.html#a0a976e636dd8505b473fbdddf949f514":[2,0,1,0,11,2], -"classmlx_1_1core_1_1_abs.html#a0d3e697496ef8e842d21195cb3c14e60":[1,0,1,0,14,1], -"classmlx_1_1core_1_1_abs.html#a0d3e697496ef8e842d21195cb3c14e60":[2,0,1,0,11,1], -"classmlx_1_1core_1_1_abs.html#a1247e72feb640fb562d036b2dd1ae4ad":[1,0,1,0,14,0], -"classmlx_1_1core_1_1_abs.html#a1247e72feb640fb562d036b2dd1ae4ad":[2,0,1,0,11,0], -"classmlx_1_1core_1_1_abs.html#a4c9c98f1d71432fd3752ad9a6a8e7f2f":[1,0,1,0,14,8], -"classmlx_1_1core_1_1_abs.html#a4c9c98f1d71432fd3752ad9a6a8e7f2f":[2,0,1,0,11,8], -"classmlx_1_1core_1_1_abs.html#a643d6db5116eed978e3208804a992107":[1,0,1,0,14,6], -"classmlx_1_1core_1_1_abs.html#a643d6db5116eed978e3208804a992107":[2,0,1,0,11,6], -"classmlx_1_1core_1_1_abs.html#a6c1e6eeaf4f5e63898c3487106e88e11":[1,0,1,0,14,4], -"classmlx_1_1core_1_1_abs.html#a6c1e6eeaf4f5e63898c3487106e88e11":[2,0,1,0,11,4], -"classmlx_1_1core_1_1_abs.html#aa2dd8ec0989e716b77394ac349b34592":[1,0,1,0,14,7], -"classmlx_1_1core_1_1_abs.html#aa2dd8ec0989e716b77394ac349b34592":[2,0,1,0,11,7], -"classmlx_1_1core_1_1_abs.html#ab6f0ec56bc7c048382297e12dabadc67":[1,0,1,0,14,3], -"classmlx_1_1core_1_1_abs.html#ab6f0ec56bc7c048382297e12dabadc67":[2,0,1,0,11,3], -"classmlx_1_1core_1_1_abs.html#ac9d55481e5490423e4aaf02b95cafc75":[1,0,1,0,14,5], -"classmlx_1_1core_1_1_abs.html#ac9d55481e5490423e4aaf02b95cafc75":[2,0,1,0,11,5], -"classmlx_1_1core_1_1_add.html":[1,0,1,0,15], -"classmlx_1_1core_1_1_add.html":[2,0,1,0,12], -"classmlx_1_1core_1_1_add.html#a0e557d4d896153f84a25532562e4c646":[1,0,1,0,15,8], -"classmlx_1_1core_1_1_add.html#a0e557d4d896153f84a25532562e4c646":[2,0,1,0,12,8], -"classmlx_1_1core_1_1_add.html#a50877893083fd78b31aa25152f750418":[1,0,1,0,15,5], -"classmlx_1_1core_1_1_add.html#a50877893083fd78b31aa25152f750418":[2,0,1,0,12,5], -"classmlx_1_1core_1_1_add.html#a5bacfc51dfa2a5a931bad2dd7bdc7a5f":[1,0,1,0,15,1], -"classmlx_1_1core_1_1_add.html#a5bacfc51dfa2a5a931bad2dd7bdc7a5f":[2,0,1,0,12,1], -"classmlx_1_1core_1_1_add.html#a77230069f76fe60a2fe1007822a277b7":[1,0,1,0,15,4], -"classmlx_1_1core_1_1_add.html#a77230069f76fe60a2fe1007822a277b7":[2,0,1,0,12,4], -"classmlx_1_1core_1_1_add.html#a8a96345aa63724f22b68bca7b861211d":[1,0,1,0,15,6], -"classmlx_1_1core_1_1_add.html#a8a96345aa63724f22b68bca7b861211d":[2,0,1,0,12,6], -"classmlx_1_1core_1_1_add.html#aa0aacbc1e26b95a2f040f62aa4f69c3d":[1,0,1,0,15,2], -"classmlx_1_1core_1_1_add.html#aa0aacbc1e26b95a2f040f62aa4f69c3d":[2,0,1,0,12,2], -"classmlx_1_1core_1_1_add.html#aba0a35410c3aac53d0f7a0c283d9ee3f":[1,0,1,0,15,3], -"classmlx_1_1core_1_1_add.html#aba0a35410c3aac53d0f7a0c283d9ee3f":[2,0,1,0,12,3], -"classmlx_1_1core_1_1_add.html#ac28e581862880e24ed2b99bb6a916607":[1,0,1,0,15,7], -"classmlx_1_1core_1_1_add.html#ac28e581862880e24ed2b99bb6a916607":[2,0,1,0,12,7], -"classmlx_1_1core_1_1_add.html#ae3fd5483f3454eac3df256e3f5f3cdae":[1,0,1,0,15,0], -"classmlx_1_1core_1_1_add.html#ae3fd5483f3454eac3df256e3f5f3cdae":[2,0,1,0,12,0], -"classmlx_1_1core_1_1_add_m_m.html":[1,0,1,0,16], -"classmlx_1_1core_1_1_add_m_m.html":[2,0,1,0,13], -"classmlx_1_1core_1_1_add_m_m.html#a1262ac2c4c6e9ff6b6047bf7605e5cc9":[1,0,1,0,16,5], -"classmlx_1_1core_1_1_add_m_m.html#a1262ac2c4c6e9ff6b6047bf7605e5cc9":[2,0,1,0,13,5], -"classmlx_1_1core_1_1_add_m_m.html#a15694e3bf2ed5c193237b2b9ca00867c":[1,0,1,0,16,1], -"classmlx_1_1core_1_1_add_m_m.html#a15694e3bf2ed5c193237b2b9ca00867c":[2,0,1,0,13,1], -"classmlx_1_1core_1_1_add_m_m.html#a24ab73de46d0589780dac5ade43f93b8":[1,0,1,0,16,6], -"classmlx_1_1core_1_1_add_m_m.html#a24ab73de46d0589780dac5ade43f93b8":[2,0,1,0,13,6], -"classmlx_1_1core_1_1_add_m_m.html#a5f933be14baebc32a0be0f9a69148aa9":[1,0,1,0,16,2], -"classmlx_1_1core_1_1_add_m_m.html#a5f933be14baebc32a0be0f9a69148aa9":[2,0,1,0,13,2], -"classmlx_1_1core_1_1_add_m_m.html#a6572a4ffdd09ab857d3c09d9c5103f66":[1,0,1,0,16,4], -"classmlx_1_1core_1_1_add_m_m.html#a6572a4ffdd09ab857d3c09d9c5103f66":[2,0,1,0,13,4], -"classmlx_1_1core_1_1_add_m_m.html#a6e37c6882dba995a63fb6d8dfb01754f":[1,0,1,0,16,3], -"classmlx_1_1core_1_1_add_m_m.html#a6e37c6882dba995a63fb6d8dfb01754f":[2,0,1,0,13,3], -"classmlx_1_1core_1_1_add_m_m.html#a73ce80b3a37ec2523943028d50ebce81":[1,0,1,0,16,8], -"classmlx_1_1core_1_1_add_m_m.html#a73ce80b3a37ec2523943028d50ebce81":[2,0,1,0,13,8], -"classmlx_1_1core_1_1_add_m_m.html#a8ae4372b3f96e72e8a5a06d59de8a550":[1,0,1,0,16,0], -"classmlx_1_1core_1_1_add_m_m.html#a8ae4372b3f96e72e8a5a06d59de8a550":[2,0,1,0,13,0], -"classmlx_1_1core_1_1_add_m_m.html#ac1562a37cec6928e01281926ebeb47c6":[1,0,1,0,16,7], -"classmlx_1_1core_1_1_add_m_m.html#ac1562a37cec6928e01281926ebeb47c6":[2,0,1,0,13,7], -"classmlx_1_1core_1_1_arange.html":[1,0,1,0,17], -"classmlx_1_1core_1_1_arange.html":[2,0,1,0,14], -"classmlx_1_1core_1_1_arange.html#a1a70c3b0b9c67d5a9446c141c5b7c574":[1,0,1,0,17,0], -"classmlx_1_1core_1_1_arange.html#a1a70c3b0b9c67d5a9446c141c5b7c574":[2,0,1,0,14,0], -"classmlx_1_1core_1_1_arange.html#a447083a1403d3d42a7ad9c307a666946":[1,0,1,0,17,4], -"classmlx_1_1core_1_1_arange.html#a447083a1403d3d42a7ad9c307a666946":[2,0,1,0,14,4], -"classmlx_1_1core_1_1_arange.html#a7a2e9787c6c3a78b4a6df91206974031":[1,0,1,0,17,2], -"classmlx_1_1core_1_1_arange.html#a7a2e9787c6c3a78b4a6df91206974031":[2,0,1,0,14,2], -"classmlx_1_1core_1_1_arange.html#a7b6a45cf9c4b109d4e0373f3fe576c35":[1,0,1,0,17,3], -"classmlx_1_1core_1_1_arange.html#a7b6a45cf9c4b109d4e0373f3fe576c35":[2,0,1,0,14,3], -"classmlx_1_1core_1_1_arange.html#aba44432491cbd599bf72712f5f4267a1":[1,0,1,0,17,1], -"classmlx_1_1core_1_1_arange.html#aba44432491cbd599bf72712f5f4267a1":[2,0,1,0,14,1], -"classmlx_1_1core_1_1_arange.html#abd73d2b793da796dc7cf04c9f7d5c19e":[1,0,1,0,17,5], -"classmlx_1_1core_1_1_arange.html#abd73d2b793da796dc7cf04c9f7d5c19e":[2,0,1,0,14,5], -"classmlx_1_1core_1_1_arange.html#ac4a9f48a11c2af03ed57fdf2422cbfad":[1,0,1,0,17,6], -"classmlx_1_1core_1_1_arange.html#ac4a9f48a11c2af03ed57fdf2422cbfad":[2,0,1,0,14,6], -"classmlx_1_1core_1_1_arc_cos.html":[1,0,1,0,18], -"classmlx_1_1core_1_1_arc_cos.html":[2,0,1,0,15], -"classmlx_1_1core_1_1_arc_cos.html#a240079c616f1a1f127aa783308096fe9":[1,0,1,0,18,4], -"classmlx_1_1core_1_1_arc_cos.html#a240079c616f1a1f127aa783308096fe9":[2,0,1,0,15,4], -"classmlx_1_1core_1_1_arc_cos.html#a39557461e3235801886675a9b7d25bf5":[1,0,1,0,18,3], -"classmlx_1_1core_1_1_arc_cos.html#a39557461e3235801886675a9b7d25bf5":[2,0,1,0,15,3], -"classmlx_1_1core_1_1_arc_cos.html#a46f72d4af89b0a0f5f203783fb44589c":[1,0,1,0,18,2], -"classmlx_1_1core_1_1_arc_cos.html#a46f72d4af89b0a0f5f203783fb44589c":[2,0,1,0,15,2], -"classmlx_1_1core_1_1_arc_cos.html#a58dcba9e706cb12bab062bb7fa5fa006":[1,0,1,0,18,1], -"classmlx_1_1core_1_1_arc_cos.html#a58dcba9e706cb12bab062bb7fa5fa006":[2,0,1,0,15,1], -"classmlx_1_1core_1_1_arc_cos.html#a66f4ee841d17923d93241b71ea5103e9":[1,0,1,0,18,0], -"classmlx_1_1core_1_1_arc_cos.html#a66f4ee841d17923d93241b71ea5103e9":[2,0,1,0,15,0], -"classmlx_1_1core_1_1_arc_cos.html#a67a5025f8d7e5bac22888ad4bf813679":[1,0,1,0,18,5], -"classmlx_1_1core_1_1_arc_cos.html#a67a5025f8d7e5bac22888ad4bf813679":[2,0,1,0,15,5], -"classmlx_1_1core_1_1_arc_cos.html#a7548e23ace6827674aa6d284d44ccf83":[1,0,1,0,18,8], -"classmlx_1_1core_1_1_arc_cos.html#a7548e23ace6827674aa6d284d44ccf83":[2,0,1,0,15,8], -"classmlx_1_1core_1_1_arc_cos.html#a78e73e5e639d1249c7fe9614bf157c92":[1,0,1,0,18,7], -"classmlx_1_1core_1_1_arc_cos.html#a78e73e5e639d1249c7fe9614bf157c92":[2,0,1,0,15,7], -"classmlx_1_1core_1_1_arc_cos.html#aa48d8bec4efbac569d809cf11648b739":[1,0,1,0,18,6], -"classmlx_1_1core_1_1_arc_cos.html#aa48d8bec4efbac569d809cf11648b739":[2,0,1,0,15,6], -"classmlx_1_1core_1_1_arc_cosh.html":[1,0,1,0,19], -"classmlx_1_1core_1_1_arc_cosh.html":[2,0,1,0,16], -"classmlx_1_1core_1_1_arc_cosh.html#a0f6d989bcbbc38f15ef17a136879a9c9":[1,0,1,0,19,1], -"classmlx_1_1core_1_1_arc_cosh.html#a0f6d989bcbbc38f15ef17a136879a9c9":[2,0,1,0,16,1], -"classmlx_1_1core_1_1_arc_cosh.html#a34597054db467941a2a883c653ba4d71":[1,0,1,0,19,0], -"classmlx_1_1core_1_1_arc_cosh.html#a34597054db467941a2a883c653ba4d71":[2,0,1,0,16,0], -"classmlx_1_1core_1_1_arc_cosh.html#a3ab82e9f0452faea735338abccb5f0ac":[1,0,1,0,19,5], -"classmlx_1_1core_1_1_arc_cosh.html#a3ab82e9f0452faea735338abccb5f0ac":[2,0,1,0,16,5], -"classmlx_1_1core_1_1_arc_cosh.html#a6928e827b9ac2e86e7d5b02b78150eee":[1,0,1,0,19,3], -"classmlx_1_1core_1_1_arc_cosh.html#a6928e827b9ac2e86e7d5b02b78150eee":[2,0,1,0,16,3], -"classmlx_1_1core_1_1_arc_cosh.html#a6a9a2ab0cc360d7e2f9676db17f8e630":[1,0,1,0,19,6], -"classmlx_1_1core_1_1_arc_cosh.html#a6a9a2ab0cc360d7e2f9676db17f8e630":[2,0,1,0,16,6], -"classmlx_1_1core_1_1_arc_cosh.html#a80fcb790649219c30260af903b76a1d7":[1,0,1,0,19,4], -"classmlx_1_1core_1_1_arc_cosh.html#a80fcb790649219c30260af903b76a1d7":[2,0,1,0,16,4], -"classmlx_1_1core_1_1_arc_cosh.html#a856c677f16e2b3f2edd2491e35db2d26":[1,0,1,0,19,7], -"classmlx_1_1core_1_1_arc_cosh.html#a856c677f16e2b3f2edd2491e35db2d26":[2,0,1,0,16,7], -"classmlx_1_1core_1_1_arc_cosh.html#aa6a2587485a0e015ac2d5211d7d045fc":[1,0,1,0,19,2], -"classmlx_1_1core_1_1_arc_cosh.html#aa6a2587485a0e015ac2d5211d7d045fc":[2,0,1,0,16,2], -"classmlx_1_1core_1_1_arc_cosh.html#af8ff78e910a9e485a203e1d3347bd461":[1,0,1,0,19,8], -"classmlx_1_1core_1_1_arc_cosh.html#af8ff78e910a9e485a203e1d3347bd461":[2,0,1,0,16,8], -"classmlx_1_1core_1_1_arc_sin.html":[1,0,1,0,20], -"classmlx_1_1core_1_1_arc_sin.html":[2,0,1,0,17], -"classmlx_1_1core_1_1_arc_sin.html#a0217b9a4e18196ed65ba96b4ad096ecd":[1,0,1,0,20,5], -"classmlx_1_1core_1_1_arc_sin.html#a0217b9a4e18196ed65ba96b4ad096ecd":[2,0,1,0,17,5], -"classmlx_1_1core_1_1_arc_sin.html#a13b5e39eeccaf32d94b8eb85b3b753ab":[1,0,1,0,20,3], -"classmlx_1_1core_1_1_arc_sin.html#a13b5e39eeccaf32d94b8eb85b3b753ab":[2,0,1,0,17,3], -"classmlx_1_1core_1_1_arc_sin.html#a37affc8c5e84e5c54e73a71fc0821ea4":[1,0,1,0,20,4], -"classmlx_1_1core_1_1_arc_sin.html#a37affc8c5e84e5c54e73a71fc0821ea4":[2,0,1,0,17,4], -"classmlx_1_1core_1_1_arc_sin.html#a7cabb1e5a2bda44944378822c671ec82":[1,0,1,0,20,8], -"classmlx_1_1core_1_1_arc_sin.html#a7cabb1e5a2bda44944378822c671ec82":[2,0,1,0,17,8], -"classmlx_1_1core_1_1_arc_sin.html#a7fa4ae7a85bc8bed97ea258ae30762f3":[1,0,1,0,20,2], -"classmlx_1_1core_1_1_arc_sin.html#a7fa4ae7a85bc8bed97ea258ae30762f3":[2,0,1,0,17,2], -"classmlx_1_1core_1_1_arc_sin.html#a895a35c9dd22fdb06e7b971bfd6fde87":[1,0,1,0,20,6], -"classmlx_1_1core_1_1_arc_sin.html#a895a35c9dd22fdb06e7b971bfd6fde87":[2,0,1,0,17,6], -"classmlx_1_1core_1_1_arc_sin.html#a97cb8c3d4d9d6abc627dec49a404f013":[1,0,1,0,20,0], -"classmlx_1_1core_1_1_arc_sin.html#a97cb8c3d4d9d6abc627dec49a404f013":[2,0,1,0,17,0], -"classmlx_1_1core_1_1_arc_sin.html#ab3542492c14021329788de8f2a9be1e4":[1,0,1,0,20,1], -"classmlx_1_1core_1_1_arc_sin.html#ab3542492c14021329788de8f2a9be1e4":[2,0,1,0,17,1], -"classmlx_1_1core_1_1_arc_sin.html#ab4057cd5ef1a8359f97493018e10d3a1":[1,0,1,0,20,7], -"classmlx_1_1core_1_1_arc_sin.html#ab4057cd5ef1a8359f97493018e10d3a1":[2,0,1,0,17,7], -"classmlx_1_1core_1_1_arc_sinh.html":[1,0,1,0,21], -"classmlx_1_1core_1_1_arc_sinh.html":[2,0,1,0,18], -"classmlx_1_1core_1_1_arc_sinh.html#a2f668f230d93c7b90e62200a0b7cb6f6":[1,0,1,0,21,5], -"classmlx_1_1core_1_1_arc_sinh.html#a2f668f230d93c7b90e62200a0b7cb6f6":[2,0,1,0,18,5], -"classmlx_1_1core_1_1_arc_sinh.html#a30076b222788deeaaf9ad92d3c535f20":[1,0,1,0,21,0], -"classmlx_1_1core_1_1_arc_sinh.html#a30076b222788deeaaf9ad92d3c535f20":[2,0,1,0,18,0], -"classmlx_1_1core_1_1_arc_sinh.html#a52574b24d8d16839c58673f51f8ac066":[1,0,1,0,21,1], -"classmlx_1_1core_1_1_arc_sinh.html#a52574b24d8d16839c58673f51f8ac066":[2,0,1,0,18,1], -"classmlx_1_1core_1_1_arc_sinh.html#a63c7a765c7906242dc3371deec094f0f":[1,0,1,0,21,3], -"classmlx_1_1core_1_1_arc_sinh.html#a63c7a765c7906242dc3371deec094f0f":[2,0,1,0,18,3], -"classmlx_1_1core_1_1_arc_sinh.html#a7988ee5b9e1e7e498dcab73d61ba147e":[1,0,1,0,21,7], -"classmlx_1_1core_1_1_arc_sinh.html#a7988ee5b9e1e7e498dcab73d61ba147e":[2,0,1,0,18,7], -"classmlx_1_1core_1_1_arc_sinh.html#a79ebf2f6dfecbfbb93170fdd1ca87bf4":[1,0,1,0,21,4], -"classmlx_1_1core_1_1_arc_sinh.html#a79ebf2f6dfecbfbb93170fdd1ca87bf4":[2,0,1,0,18,4], -"classmlx_1_1core_1_1_arc_sinh.html#a79f648a86de4c10386a1ce3b5e38e8ac":[1,0,1,0,21,2], -"classmlx_1_1core_1_1_arc_sinh.html#a79f648a86de4c10386a1ce3b5e38e8ac":[2,0,1,0,18,2], -"classmlx_1_1core_1_1_arc_sinh.html#a9e72b9751939387c333b5d4e19a37f6d":[1,0,1,0,21,8], -"classmlx_1_1core_1_1_arc_sinh.html#a9e72b9751939387c333b5d4e19a37f6d":[2,0,1,0,18,8], -"classmlx_1_1core_1_1_arc_sinh.html#aa8b2934a8a0b2eedec8257bbb5726430":[1,0,1,0,21,6], -"classmlx_1_1core_1_1_arc_sinh.html#aa8b2934a8a0b2eedec8257bbb5726430":[2,0,1,0,18,6], -"classmlx_1_1core_1_1_arc_tan.html":[1,0,1,0,22], -"classmlx_1_1core_1_1_arc_tan.html":[2,0,1,0,19], -"classmlx_1_1core_1_1_arc_tan.html#a0e5b5fc7218143ecd0a8666d9137c34c":[1,0,1,0,22,3], -"classmlx_1_1core_1_1_arc_tan.html#a0e5b5fc7218143ecd0a8666d9137c34c":[2,0,1,0,19,3], -"classmlx_1_1core_1_1_arc_tan.html#a0f5590a2297fc133b4b0a15f9dd0c760":[1,0,1,0,22,4], -"classmlx_1_1core_1_1_arc_tan.html#a0f5590a2297fc133b4b0a15f9dd0c760":[2,0,1,0,19,4], -"classmlx_1_1core_1_1_arc_tan.html#a1211bc31241227528f04435239ddb9a3":[1,0,1,0,22,1], -"classmlx_1_1core_1_1_arc_tan.html#a1211bc31241227528f04435239ddb9a3":[2,0,1,0,19,1], -"classmlx_1_1core_1_1_arc_tan.html#a1fb921554544a56498bc54f82e4a0556":[1,0,1,0,22,8], -"classmlx_1_1core_1_1_arc_tan.html#a1fb921554544a56498bc54f82e4a0556":[2,0,1,0,19,8], -"classmlx_1_1core_1_1_arc_tan.html#a2ebabfd1c2963199df0d7610b7ddf422":[1,0,1,0,22,5], -"classmlx_1_1core_1_1_arc_tan.html#a2ebabfd1c2963199df0d7610b7ddf422":[2,0,1,0,19,5], -"classmlx_1_1core_1_1_arc_tan.html#a3511153bbd421e89fd9294cdb3f79b44":[1,0,1,0,22,0], -"classmlx_1_1core_1_1_arc_tan.html#a3511153bbd421e89fd9294cdb3f79b44":[2,0,1,0,19,0], -"classmlx_1_1core_1_1_arc_tan.html#a5fefc3634b96a67ff8ae011a8ee180c2":[1,0,1,0,22,7], -"classmlx_1_1core_1_1_arc_tan.html#a5fefc3634b96a67ff8ae011a8ee180c2":[2,0,1,0,19,7], -"classmlx_1_1core_1_1_arc_tan.html#a77866feb27028865d844070447c9a254":[1,0,1,0,22,2], -"classmlx_1_1core_1_1_arc_tan.html#a77866feb27028865d844070447c9a254":[2,0,1,0,19,2], -"classmlx_1_1core_1_1_arc_tan.html#ab0309e4feca36f221b3d672dc92cac05":[1,0,1,0,22,6], -"classmlx_1_1core_1_1_arc_tan.html#ab0309e4feca36f221b3d672dc92cac05":[2,0,1,0,19,6], -"classmlx_1_1core_1_1_arc_tan2.html":[1,0,1,0,23], -"classmlx_1_1core_1_1_arc_tan2.html":[2,0,1,0,20], -"classmlx_1_1core_1_1_arc_tan2.html#a01675433f2a4fa466b2f48272dbca738":[1,0,1,0,23,4], -"classmlx_1_1core_1_1_arc_tan2.html#a01675433f2a4fa466b2f48272dbca738":[2,0,1,0,20,4], -"classmlx_1_1core_1_1_arc_tan2.html#a13094e6b702769928ca0da468f5ce45c":[1,0,1,0,23,1], -"classmlx_1_1core_1_1_arc_tan2.html#a13094e6b702769928ca0da468f5ce45c":[2,0,1,0,20,1], -"classmlx_1_1core_1_1_arc_tan2.html#a76d3f0c29e0ff4642b8d39dac90d3f50":[1,0,1,0,23,2], -"classmlx_1_1core_1_1_arc_tan2.html#a76d3f0c29e0ff4642b8d39dac90d3f50":[2,0,1,0,20,2], -"classmlx_1_1core_1_1_arc_tan2.html#a99840c282e37b2b2a9c312e6e8ade1d2":[1,0,1,0,23,7], -"classmlx_1_1core_1_1_arc_tan2.html#a99840c282e37b2b2a9c312e6e8ade1d2":[2,0,1,0,20,7], -"classmlx_1_1core_1_1_arc_tan2.html#aa1a4ebab9924b6bcc80df5b52ed0121a":[1,0,1,0,23,0], -"classmlx_1_1core_1_1_arc_tan2.html#aa1a4ebab9924b6bcc80df5b52ed0121a":[2,0,1,0,20,0], -"classmlx_1_1core_1_1_arc_tan2.html#abdfef9f572d06df1251c28222756a361":[1,0,1,0,23,6], -"classmlx_1_1core_1_1_arc_tan2.html#abdfef9f572d06df1251c28222756a361":[2,0,1,0,20,6], -"classmlx_1_1core_1_1_arc_tan2.html#acb8e5cf85c4bc58f909ce2e8b83c3619":[1,0,1,0,23,5], -"classmlx_1_1core_1_1_arc_tan2.html#acb8e5cf85c4bc58f909ce2e8b83c3619":[2,0,1,0,20,5], -"classmlx_1_1core_1_1_arc_tan2.html#ae02cb9fbf25e93dc1d7fbc9e3fb28634":[1,0,1,0,23,8], -"classmlx_1_1core_1_1_arc_tan2.html#ae02cb9fbf25e93dc1d7fbc9e3fb28634":[2,0,1,0,20,8], -"classmlx_1_1core_1_1_arc_tan2.html#aeaee58cd803d3ebf0b76574a409682cc":[1,0,1,0,23,3], -"classmlx_1_1core_1_1_arc_tan2.html#aeaee58cd803d3ebf0b76574a409682cc":[2,0,1,0,20,3], -"classmlx_1_1core_1_1_arc_tanh.html":[1,0,1,0,24], -"classmlx_1_1core_1_1_arc_tanh.html":[2,0,1,0,21], -"classmlx_1_1core_1_1_arc_tanh.html#a07da5797f7aaf3dfe43bf24e8562ac72":[1,0,1,0,24,7], -"classmlx_1_1core_1_1_arc_tanh.html#a07da5797f7aaf3dfe43bf24e8562ac72":[2,0,1,0,21,7], -"classmlx_1_1core_1_1_arc_tanh.html#a10566b9d3b2c7d090895b46d9040bc1d":[1,0,1,0,24,2], -"classmlx_1_1core_1_1_arc_tanh.html#a10566b9d3b2c7d090895b46d9040bc1d":[2,0,1,0,21,2], -"classmlx_1_1core_1_1_arc_tanh.html#a17857bd0e2a3ecf1f7bf8e1a3d354358":[1,0,1,0,24,0], -"classmlx_1_1core_1_1_arc_tanh.html#a17857bd0e2a3ecf1f7bf8e1a3d354358":[2,0,1,0,21,0], -"classmlx_1_1core_1_1_arc_tanh.html#a534ebdbfe77241884630d25021274c4a":[1,0,1,0,24,4], -"classmlx_1_1core_1_1_arc_tanh.html#a534ebdbfe77241884630d25021274c4a":[2,0,1,0,21,4], -"classmlx_1_1core_1_1_arc_tanh.html#a5af9224e1f1ffec412b0baa0af7e1ecd":[1,0,1,0,24,1], -"classmlx_1_1core_1_1_arc_tanh.html#a5af9224e1f1ffec412b0baa0af7e1ecd":[2,0,1,0,21,1], -"classmlx_1_1core_1_1_arc_tanh.html#a6806f04142d850f107a18a71900759c6":[1,0,1,0,24,5], -"classmlx_1_1core_1_1_arc_tanh.html#a6806f04142d850f107a18a71900759c6":[2,0,1,0,21,5], -"classmlx_1_1core_1_1_arc_tanh.html#a6ddcae68873559211cb91e7740dfc040":[1,0,1,0,24,8], -"classmlx_1_1core_1_1_arc_tanh.html#a6ddcae68873559211cb91e7740dfc040":[2,0,1,0,21,8], -"classmlx_1_1core_1_1_arc_tanh.html#aa9549311240d7ba225b84e1df9ad8523":[1,0,1,0,24,6], -"classmlx_1_1core_1_1_arc_tanh.html#aa9549311240d7ba225b84e1df9ad8523":[2,0,1,0,21,6], -"classmlx_1_1core_1_1_arc_tanh.html#ac8ecdd640043dab0461d49d7650679a2":[1,0,1,0,24,3], -"classmlx_1_1core_1_1_arc_tanh.html#ac8ecdd640043dab0461d49d7650679a2":[2,0,1,0,21,3], -"classmlx_1_1core_1_1_arg_partition.html":[1,0,1,0,25], -"classmlx_1_1core_1_1_arg_partition.html":[2,0,1,0,22], -"classmlx_1_1core_1_1_arg_partition.html#a441093795bcc31495ab5fbc9957b740a":[1,0,1,0,25,9], -"classmlx_1_1core_1_1_arg_partition.html#a441093795bcc31495ab5fbc9957b740a":[2,0,1,0,22,9], -"classmlx_1_1core_1_1_arg_partition.html#a5033c46f5aae9b14859cc8b0ca4c8e19":[1,0,1,0,25,7], -"classmlx_1_1core_1_1_arg_partition.html#a5033c46f5aae9b14859cc8b0ca4c8e19":[2,0,1,0,22,7], -"classmlx_1_1core_1_1_arg_partition.html#a587ce69b0639683ba646652f887d0239":[1,0,1,0,25,5], -"classmlx_1_1core_1_1_arg_partition.html#a587ce69b0639683ba646652f887d0239":[2,0,1,0,22,5], -"classmlx_1_1core_1_1_arg_partition.html#a896f75c5325798ac3f9093f6a4581828":[1,0,1,0,25,1], -"classmlx_1_1core_1_1_arg_partition.html#a896f75c5325798ac3f9093f6a4581828":[2,0,1,0,22,1] +"classmlx_1_1core_1_1_abs.html":[1,0,1,0,15], +"classmlx_1_1core_1_1_abs.html":[2,0,1,0,12], +"classmlx_1_1core_1_1_abs.html#a0a976e636dd8505b473fbdddf949f514":[1,0,1,0,15,2], +"classmlx_1_1core_1_1_abs.html#a0a976e636dd8505b473fbdddf949f514":[2,0,1,0,12,2], +"classmlx_1_1core_1_1_abs.html#a0d3e697496ef8e842d21195cb3c14e60":[1,0,1,0,15,1], +"classmlx_1_1core_1_1_abs.html#a0d3e697496ef8e842d21195cb3c14e60":[2,0,1,0,12,1], +"classmlx_1_1core_1_1_abs.html#a1247e72feb640fb562d036b2dd1ae4ad":[1,0,1,0,15,0], +"classmlx_1_1core_1_1_abs.html#a1247e72feb640fb562d036b2dd1ae4ad":[2,0,1,0,12,0], +"classmlx_1_1core_1_1_abs.html#a4c9c98f1d71432fd3752ad9a6a8e7f2f":[1,0,1,0,15,8], +"classmlx_1_1core_1_1_abs.html#a4c9c98f1d71432fd3752ad9a6a8e7f2f":[2,0,1,0,12,8], +"classmlx_1_1core_1_1_abs.html#a643d6db5116eed978e3208804a992107":[1,0,1,0,15,6], +"classmlx_1_1core_1_1_abs.html#a643d6db5116eed978e3208804a992107":[2,0,1,0,12,6], +"classmlx_1_1core_1_1_abs.html#a6c1e6eeaf4f5e63898c3487106e88e11":[1,0,1,0,15,4], +"classmlx_1_1core_1_1_abs.html#a6c1e6eeaf4f5e63898c3487106e88e11":[2,0,1,0,12,4], +"classmlx_1_1core_1_1_abs.html#aa2dd8ec0989e716b77394ac349b34592":[1,0,1,0,15,7], +"classmlx_1_1core_1_1_abs.html#aa2dd8ec0989e716b77394ac349b34592":[2,0,1,0,12,7], +"classmlx_1_1core_1_1_abs.html#ab6f0ec56bc7c048382297e12dabadc67":[1,0,1,0,15,3], +"classmlx_1_1core_1_1_abs.html#ab6f0ec56bc7c048382297e12dabadc67":[2,0,1,0,12,3], +"classmlx_1_1core_1_1_abs.html#ac9d55481e5490423e4aaf02b95cafc75":[1,0,1,0,15,5], +"classmlx_1_1core_1_1_abs.html#ac9d55481e5490423e4aaf02b95cafc75":[2,0,1,0,12,5], +"classmlx_1_1core_1_1_add.html":[1,0,1,0,16], +"classmlx_1_1core_1_1_add.html":[2,0,1,0,13], +"classmlx_1_1core_1_1_add.html#a0e557d4d896153f84a25532562e4c646":[1,0,1,0,16,8], +"classmlx_1_1core_1_1_add.html#a0e557d4d896153f84a25532562e4c646":[2,0,1,0,13,8], +"classmlx_1_1core_1_1_add.html#a50877893083fd78b31aa25152f750418":[1,0,1,0,16,5], +"classmlx_1_1core_1_1_add.html#a50877893083fd78b31aa25152f750418":[2,0,1,0,13,5], +"classmlx_1_1core_1_1_add.html#a5bacfc51dfa2a5a931bad2dd7bdc7a5f":[1,0,1,0,16,1], +"classmlx_1_1core_1_1_add.html#a5bacfc51dfa2a5a931bad2dd7bdc7a5f":[2,0,1,0,13,1], +"classmlx_1_1core_1_1_add.html#a77230069f76fe60a2fe1007822a277b7":[1,0,1,0,16,4], +"classmlx_1_1core_1_1_add.html#a77230069f76fe60a2fe1007822a277b7":[2,0,1,0,13,4], +"classmlx_1_1core_1_1_add.html#a8a96345aa63724f22b68bca7b861211d":[1,0,1,0,16,6], +"classmlx_1_1core_1_1_add.html#a8a96345aa63724f22b68bca7b861211d":[2,0,1,0,13,6], +"classmlx_1_1core_1_1_add.html#aa0aacbc1e26b95a2f040f62aa4f69c3d":[1,0,1,0,16,2], +"classmlx_1_1core_1_1_add.html#aa0aacbc1e26b95a2f040f62aa4f69c3d":[2,0,1,0,13,2], +"classmlx_1_1core_1_1_add.html#aba0a35410c3aac53d0f7a0c283d9ee3f":[1,0,1,0,16,3], +"classmlx_1_1core_1_1_add.html#aba0a35410c3aac53d0f7a0c283d9ee3f":[2,0,1,0,13,3], +"classmlx_1_1core_1_1_add.html#ac28e581862880e24ed2b99bb6a916607":[1,0,1,0,16,7], +"classmlx_1_1core_1_1_add.html#ac28e581862880e24ed2b99bb6a916607":[2,0,1,0,13,7], +"classmlx_1_1core_1_1_add.html#ae3fd5483f3454eac3df256e3f5f3cdae":[1,0,1,0,16,0], +"classmlx_1_1core_1_1_add.html#ae3fd5483f3454eac3df256e3f5f3cdae":[2,0,1,0,13,0], +"classmlx_1_1core_1_1_add_m_m.html":[1,0,1,0,17], +"classmlx_1_1core_1_1_add_m_m.html":[2,0,1,0,14], +"classmlx_1_1core_1_1_add_m_m.html#a1262ac2c4c6e9ff6b6047bf7605e5cc9":[1,0,1,0,17,5], +"classmlx_1_1core_1_1_add_m_m.html#a1262ac2c4c6e9ff6b6047bf7605e5cc9":[2,0,1,0,14,5], +"classmlx_1_1core_1_1_add_m_m.html#a15694e3bf2ed5c193237b2b9ca00867c":[1,0,1,0,17,1], +"classmlx_1_1core_1_1_add_m_m.html#a15694e3bf2ed5c193237b2b9ca00867c":[2,0,1,0,14,1], +"classmlx_1_1core_1_1_add_m_m.html#a24ab73de46d0589780dac5ade43f93b8":[1,0,1,0,17,6], +"classmlx_1_1core_1_1_add_m_m.html#a24ab73de46d0589780dac5ade43f93b8":[2,0,1,0,14,6], +"classmlx_1_1core_1_1_add_m_m.html#a5f933be14baebc32a0be0f9a69148aa9":[1,0,1,0,17,2], +"classmlx_1_1core_1_1_add_m_m.html#a5f933be14baebc32a0be0f9a69148aa9":[2,0,1,0,14,2], +"classmlx_1_1core_1_1_add_m_m.html#a6572a4ffdd09ab857d3c09d9c5103f66":[1,0,1,0,17,4], +"classmlx_1_1core_1_1_add_m_m.html#a6572a4ffdd09ab857d3c09d9c5103f66":[2,0,1,0,14,4], +"classmlx_1_1core_1_1_add_m_m.html#a6e37c6882dba995a63fb6d8dfb01754f":[1,0,1,0,17,3], +"classmlx_1_1core_1_1_add_m_m.html#a6e37c6882dba995a63fb6d8dfb01754f":[2,0,1,0,14,3], +"classmlx_1_1core_1_1_add_m_m.html#a73ce80b3a37ec2523943028d50ebce81":[1,0,1,0,17,8], +"classmlx_1_1core_1_1_add_m_m.html#a73ce80b3a37ec2523943028d50ebce81":[2,0,1,0,14,8], +"classmlx_1_1core_1_1_add_m_m.html#a8ae4372b3f96e72e8a5a06d59de8a550":[1,0,1,0,17,0], +"classmlx_1_1core_1_1_add_m_m.html#a8ae4372b3f96e72e8a5a06d59de8a550":[2,0,1,0,14,0], +"classmlx_1_1core_1_1_add_m_m.html#ac1562a37cec6928e01281926ebeb47c6":[1,0,1,0,17,7], +"classmlx_1_1core_1_1_add_m_m.html#ac1562a37cec6928e01281926ebeb47c6":[2,0,1,0,14,7], +"classmlx_1_1core_1_1_arange.html":[1,0,1,0,18], +"classmlx_1_1core_1_1_arange.html":[2,0,1,0,15], +"classmlx_1_1core_1_1_arange.html#a1a70c3b0b9c67d5a9446c141c5b7c574":[1,0,1,0,18,0], +"classmlx_1_1core_1_1_arange.html#a1a70c3b0b9c67d5a9446c141c5b7c574":[2,0,1,0,15,0], +"classmlx_1_1core_1_1_arange.html#a447083a1403d3d42a7ad9c307a666946":[1,0,1,0,18,4], +"classmlx_1_1core_1_1_arange.html#a447083a1403d3d42a7ad9c307a666946":[2,0,1,0,15,4], +"classmlx_1_1core_1_1_arange.html#a7a2e9787c6c3a78b4a6df91206974031":[1,0,1,0,18,2], +"classmlx_1_1core_1_1_arange.html#a7a2e9787c6c3a78b4a6df91206974031":[2,0,1,0,15,2], +"classmlx_1_1core_1_1_arange.html#a7b6a45cf9c4b109d4e0373f3fe576c35":[1,0,1,0,18,3], +"classmlx_1_1core_1_1_arange.html#a7b6a45cf9c4b109d4e0373f3fe576c35":[2,0,1,0,15,3], +"classmlx_1_1core_1_1_arange.html#aba44432491cbd599bf72712f5f4267a1":[1,0,1,0,18,1], +"classmlx_1_1core_1_1_arange.html#aba44432491cbd599bf72712f5f4267a1":[2,0,1,0,15,1], +"classmlx_1_1core_1_1_arange.html#abd73d2b793da796dc7cf04c9f7d5c19e":[1,0,1,0,18,5], +"classmlx_1_1core_1_1_arange.html#abd73d2b793da796dc7cf04c9f7d5c19e":[2,0,1,0,15,5], +"classmlx_1_1core_1_1_arange.html#ac4a9f48a11c2af03ed57fdf2422cbfad":[1,0,1,0,18,6], +"classmlx_1_1core_1_1_arange.html#ac4a9f48a11c2af03ed57fdf2422cbfad":[2,0,1,0,15,6], +"classmlx_1_1core_1_1_arc_cos.html":[1,0,1,0,19], +"classmlx_1_1core_1_1_arc_cos.html":[2,0,1,0,16], +"classmlx_1_1core_1_1_arc_cos.html#a240079c616f1a1f127aa783308096fe9":[1,0,1,0,19,4], +"classmlx_1_1core_1_1_arc_cos.html#a240079c616f1a1f127aa783308096fe9":[2,0,1,0,16,4], +"classmlx_1_1core_1_1_arc_cos.html#a39557461e3235801886675a9b7d25bf5":[1,0,1,0,19,3], +"classmlx_1_1core_1_1_arc_cos.html#a39557461e3235801886675a9b7d25bf5":[2,0,1,0,16,3], +"classmlx_1_1core_1_1_arc_cos.html#a46f72d4af89b0a0f5f203783fb44589c":[1,0,1,0,19,2], +"classmlx_1_1core_1_1_arc_cos.html#a46f72d4af89b0a0f5f203783fb44589c":[2,0,1,0,16,2], +"classmlx_1_1core_1_1_arc_cos.html#a58dcba9e706cb12bab062bb7fa5fa006":[1,0,1,0,19,1], +"classmlx_1_1core_1_1_arc_cos.html#a58dcba9e706cb12bab062bb7fa5fa006":[2,0,1,0,16,1], +"classmlx_1_1core_1_1_arc_cos.html#a66f4ee841d17923d93241b71ea5103e9":[1,0,1,0,19,0], +"classmlx_1_1core_1_1_arc_cos.html#a66f4ee841d17923d93241b71ea5103e9":[2,0,1,0,16,0], +"classmlx_1_1core_1_1_arc_cos.html#a67a5025f8d7e5bac22888ad4bf813679":[1,0,1,0,19,5], +"classmlx_1_1core_1_1_arc_cos.html#a67a5025f8d7e5bac22888ad4bf813679":[2,0,1,0,16,5], +"classmlx_1_1core_1_1_arc_cos.html#a7548e23ace6827674aa6d284d44ccf83":[1,0,1,0,19,8], +"classmlx_1_1core_1_1_arc_cos.html#a7548e23ace6827674aa6d284d44ccf83":[2,0,1,0,16,8], +"classmlx_1_1core_1_1_arc_cos.html#a78e73e5e639d1249c7fe9614bf157c92":[1,0,1,0,19,7], +"classmlx_1_1core_1_1_arc_cos.html#a78e73e5e639d1249c7fe9614bf157c92":[2,0,1,0,16,7], +"classmlx_1_1core_1_1_arc_cos.html#aa48d8bec4efbac569d809cf11648b739":[1,0,1,0,19,6], +"classmlx_1_1core_1_1_arc_cos.html#aa48d8bec4efbac569d809cf11648b739":[2,0,1,0,16,6], +"classmlx_1_1core_1_1_arc_cosh.html":[1,0,1,0,20], +"classmlx_1_1core_1_1_arc_cosh.html":[2,0,1,0,17], +"classmlx_1_1core_1_1_arc_cosh.html#a0f6d989bcbbc38f15ef17a136879a9c9":[1,0,1,0,20,1], +"classmlx_1_1core_1_1_arc_cosh.html#a0f6d989bcbbc38f15ef17a136879a9c9":[2,0,1,0,17,1], +"classmlx_1_1core_1_1_arc_cosh.html#a34597054db467941a2a883c653ba4d71":[1,0,1,0,20,0], +"classmlx_1_1core_1_1_arc_cosh.html#a34597054db467941a2a883c653ba4d71":[2,0,1,0,17,0], +"classmlx_1_1core_1_1_arc_cosh.html#a3ab82e9f0452faea735338abccb5f0ac":[1,0,1,0,20,5], +"classmlx_1_1core_1_1_arc_cosh.html#a3ab82e9f0452faea735338abccb5f0ac":[2,0,1,0,17,5], +"classmlx_1_1core_1_1_arc_cosh.html#a6928e827b9ac2e86e7d5b02b78150eee":[1,0,1,0,20,3], +"classmlx_1_1core_1_1_arc_cosh.html#a6928e827b9ac2e86e7d5b02b78150eee":[2,0,1,0,17,3], +"classmlx_1_1core_1_1_arc_cosh.html#a6a9a2ab0cc360d7e2f9676db17f8e630":[1,0,1,0,20,6], +"classmlx_1_1core_1_1_arc_cosh.html#a6a9a2ab0cc360d7e2f9676db17f8e630":[2,0,1,0,17,6], +"classmlx_1_1core_1_1_arc_cosh.html#a80fcb790649219c30260af903b76a1d7":[1,0,1,0,20,4], +"classmlx_1_1core_1_1_arc_cosh.html#a80fcb790649219c30260af903b76a1d7":[2,0,1,0,17,4], +"classmlx_1_1core_1_1_arc_cosh.html#a856c677f16e2b3f2edd2491e35db2d26":[1,0,1,0,20,7], +"classmlx_1_1core_1_1_arc_cosh.html#a856c677f16e2b3f2edd2491e35db2d26":[2,0,1,0,17,7], +"classmlx_1_1core_1_1_arc_cosh.html#aa6a2587485a0e015ac2d5211d7d045fc":[1,0,1,0,20,2], +"classmlx_1_1core_1_1_arc_cosh.html#aa6a2587485a0e015ac2d5211d7d045fc":[2,0,1,0,17,2], +"classmlx_1_1core_1_1_arc_cosh.html#af8ff78e910a9e485a203e1d3347bd461":[1,0,1,0,20,8], +"classmlx_1_1core_1_1_arc_cosh.html#af8ff78e910a9e485a203e1d3347bd461":[2,0,1,0,17,8], +"classmlx_1_1core_1_1_arc_sin.html":[1,0,1,0,21], +"classmlx_1_1core_1_1_arc_sin.html":[2,0,1,0,18], +"classmlx_1_1core_1_1_arc_sin.html#a0217b9a4e18196ed65ba96b4ad096ecd":[1,0,1,0,21,5], +"classmlx_1_1core_1_1_arc_sin.html#a0217b9a4e18196ed65ba96b4ad096ecd":[2,0,1,0,18,5], +"classmlx_1_1core_1_1_arc_sin.html#a13b5e39eeccaf32d94b8eb85b3b753ab":[1,0,1,0,21,3], +"classmlx_1_1core_1_1_arc_sin.html#a13b5e39eeccaf32d94b8eb85b3b753ab":[2,0,1,0,18,3], +"classmlx_1_1core_1_1_arc_sin.html#a37affc8c5e84e5c54e73a71fc0821ea4":[1,0,1,0,21,4], +"classmlx_1_1core_1_1_arc_sin.html#a37affc8c5e84e5c54e73a71fc0821ea4":[2,0,1,0,18,4], +"classmlx_1_1core_1_1_arc_sin.html#a7cabb1e5a2bda44944378822c671ec82":[1,0,1,0,21,8], +"classmlx_1_1core_1_1_arc_sin.html#a7cabb1e5a2bda44944378822c671ec82":[2,0,1,0,18,8], +"classmlx_1_1core_1_1_arc_sin.html#a7fa4ae7a85bc8bed97ea258ae30762f3":[1,0,1,0,21,2], +"classmlx_1_1core_1_1_arc_sin.html#a7fa4ae7a85bc8bed97ea258ae30762f3":[2,0,1,0,18,2], +"classmlx_1_1core_1_1_arc_sin.html#a895a35c9dd22fdb06e7b971bfd6fde87":[1,0,1,0,21,6], +"classmlx_1_1core_1_1_arc_sin.html#a895a35c9dd22fdb06e7b971bfd6fde87":[2,0,1,0,18,6], +"classmlx_1_1core_1_1_arc_sin.html#a97cb8c3d4d9d6abc627dec49a404f013":[1,0,1,0,21,0], +"classmlx_1_1core_1_1_arc_sin.html#a97cb8c3d4d9d6abc627dec49a404f013":[2,0,1,0,18,0], +"classmlx_1_1core_1_1_arc_sin.html#ab3542492c14021329788de8f2a9be1e4":[1,0,1,0,21,1], +"classmlx_1_1core_1_1_arc_sin.html#ab3542492c14021329788de8f2a9be1e4":[2,0,1,0,18,1], +"classmlx_1_1core_1_1_arc_sin.html#ab4057cd5ef1a8359f97493018e10d3a1":[1,0,1,0,21,7], +"classmlx_1_1core_1_1_arc_sin.html#ab4057cd5ef1a8359f97493018e10d3a1":[2,0,1,0,18,7], +"classmlx_1_1core_1_1_arc_sinh.html":[1,0,1,0,22], +"classmlx_1_1core_1_1_arc_sinh.html":[2,0,1,0,19], +"classmlx_1_1core_1_1_arc_sinh.html#a2f668f230d93c7b90e62200a0b7cb6f6":[1,0,1,0,22,5], +"classmlx_1_1core_1_1_arc_sinh.html#a2f668f230d93c7b90e62200a0b7cb6f6":[2,0,1,0,19,5], +"classmlx_1_1core_1_1_arc_sinh.html#a30076b222788deeaaf9ad92d3c535f20":[1,0,1,0,22,0], +"classmlx_1_1core_1_1_arc_sinh.html#a30076b222788deeaaf9ad92d3c535f20":[2,0,1,0,19,0], +"classmlx_1_1core_1_1_arc_sinh.html#a52574b24d8d16839c58673f51f8ac066":[1,0,1,0,22,1], +"classmlx_1_1core_1_1_arc_sinh.html#a52574b24d8d16839c58673f51f8ac066":[2,0,1,0,19,1], +"classmlx_1_1core_1_1_arc_sinh.html#a63c7a765c7906242dc3371deec094f0f":[1,0,1,0,22,3], +"classmlx_1_1core_1_1_arc_sinh.html#a63c7a765c7906242dc3371deec094f0f":[2,0,1,0,19,3], +"classmlx_1_1core_1_1_arc_sinh.html#a7988ee5b9e1e7e498dcab73d61ba147e":[1,0,1,0,22,7], +"classmlx_1_1core_1_1_arc_sinh.html#a7988ee5b9e1e7e498dcab73d61ba147e":[2,0,1,0,19,7], +"classmlx_1_1core_1_1_arc_sinh.html#a79ebf2f6dfecbfbb93170fdd1ca87bf4":[1,0,1,0,22,4], +"classmlx_1_1core_1_1_arc_sinh.html#a79ebf2f6dfecbfbb93170fdd1ca87bf4":[2,0,1,0,19,4], +"classmlx_1_1core_1_1_arc_sinh.html#a79f648a86de4c10386a1ce3b5e38e8ac":[1,0,1,0,22,2], +"classmlx_1_1core_1_1_arc_sinh.html#a79f648a86de4c10386a1ce3b5e38e8ac":[2,0,1,0,19,2], +"classmlx_1_1core_1_1_arc_sinh.html#a9e72b9751939387c333b5d4e19a37f6d":[1,0,1,0,22,8], +"classmlx_1_1core_1_1_arc_sinh.html#a9e72b9751939387c333b5d4e19a37f6d":[2,0,1,0,19,8], +"classmlx_1_1core_1_1_arc_sinh.html#aa8b2934a8a0b2eedec8257bbb5726430":[1,0,1,0,22,6], +"classmlx_1_1core_1_1_arc_sinh.html#aa8b2934a8a0b2eedec8257bbb5726430":[2,0,1,0,19,6], +"classmlx_1_1core_1_1_arc_tan.html":[1,0,1,0,23], +"classmlx_1_1core_1_1_arc_tan.html":[2,0,1,0,20], +"classmlx_1_1core_1_1_arc_tan.html#a0e5b5fc7218143ecd0a8666d9137c34c":[1,0,1,0,23,3], +"classmlx_1_1core_1_1_arc_tan.html#a0e5b5fc7218143ecd0a8666d9137c34c":[2,0,1,0,20,3], +"classmlx_1_1core_1_1_arc_tan.html#a0f5590a2297fc133b4b0a15f9dd0c760":[1,0,1,0,23,4], +"classmlx_1_1core_1_1_arc_tan.html#a0f5590a2297fc133b4b0a15f9dd0c760":[2,0,1,0,20,4], +"classmlx_1_1core_1_1_arc_tan.html#a1211bc31241227528f04435239ddb9a3":[1,0,1,0,23,1], +"classmlx_1_1core_1_1_arc_tan.html#a1211bc31241227528f04435239ddb9a3":[2,0,1,0,20,1], +"classmlx_1_1core_1_1_arc_tan.html#a1fb921554544a56498bc54f82e4a0556":[1,0,1,0,23,8], +"classmlx_1_1core_1_1_arc_tan.html#a1fb921554544a56498bc54f82e4a0556":[2,0,1,0,20,8], +"classmlx_1_1core_1_1_arc_tan.html#a2ebabfd1c2963199df0d7610b7ddf422":[1,0,1,0,23,5], +"classmlx_1_1core_1_1_arc_tan.html#a2ebabfd1c2963199df0d7610b7ddf422":[2,0,1,0,20,5], +"classmlx_1_1core_1_1_arc_tan.html#a3511153bbd421e89fd9294cdb3f79b44":[1,0,1,0,23,0], +"classmlx_1_1core_1_1_arc_tan.html#a3511153bbd421e89fd9294cdb3f79b44":[2,0,1,0,20,0], +"classmlx_1_1core_1_1_arc_tan.html#a5fefc3634b96a67ff8ae011a8ee180c2":[1,0,1,0,23,7], +"classmlx_1_1core_1_1_arc_tan.html#a5fefc3634b96a67ff8ae011a8ee180c2":[2,0,1,0,20,7], +"classmlx_1_1core_1_1_arc_tan.html#a77866feb27028865d844070447c9a254":[1,0,1,0,23,2], +"classmlx_1_1core_1_1_arc_tan.html#a77866feb27028865d844070447c9a254":[2,0,1,0,20,2], +"classmlx_1_1core_1_1_arc_tan.html#ab0309e4feca36f221b3d672dc92cac05":[1,0,1,0,23,6], +"classmlx_1_1core_1_1_arc_tan.html#ab0309e4feca36f221b3d672dc92cac05":[2,0,1,0,20,6], +"classmlx_1_1core_1_1_arc_tan2.html":[1,0,1,0,24], +"classmlx_1_1core_1_1_arc_tan2.html":[2,0,1,0,21], +"classmlx_1_1core_1_1_arc_tan2.html#a01675433f2a4fa466b2f48272dbca738":[1,0,1,0,24,4], +"classmlx_1_1core_1_1_arc_tan2.html#a01675433f2a4fa466b2f48272dbca738":[2,0,1,0,21,4], +"classmlx_1_1core_1_1_arc_tan2.html#a13094e6b702769928ca0da468f5ce45c":[1,0,1,0,24,1], +"classmlx_1_1core_1_1_arc_tan2.html#a13094e6b702769928ca0da468f5ce45c":[2,0,1,0,21,1], +"classmlx_1_1core_1_1_arc_tan2.html#a76d3f0c29e0ff4642b8d39dac90d3f50":[1,0,1,0,24,2], +"classmlx_1_1core_1_1_arc_tan2.html#a76d3f0c29e0ff4642b8d39dac90d3f50":[2,0,1,0,21,2], +"classmlx_1_1core_1_1_arc_tan2.html#a99840c282e37b2b2a9c312e6e8ade1d2":[1,0,1,0,24,7], +"classmlx_1_1core_1_1_arc_tan2.html#a99840c282e37b2b2a9c312e6e8ade1d2":[2,0,1,0,21,7], +"classmlx_1_1core_1_1_arc_tan2.html#aa1a4ebab9924b6bcc80df5b52ed0121a":[1,0,1,0,24,0], +"classmlx_1_1core_1_1_arc_tan2.html#aa1a4ebab9924b6bcc80df5b52ed0121a":[2,0,1,0,21,0], +"classmlx_1_1core_1_1_arc_tan2.html#abdfef9f572d06df1251c28222756a361":[1,0,1,0,24,6], +"classmlx_1_1core_1_1_arc_tan2.html#abdfef9f572d06df1251c28222756a361":[2,0,1,0,21,6], +"classmlx_1_1core_1_1_arc_tan2.html#acb8e5cf85c4bc58f909ce2e8b83c3619":[1,0,1,0,24,5], +"classmlx_1_1core_1_1_arc_tan2.html#acb8e5cf85c4bc58f909ce2e8b83c3619":[2,0,1,0,21,5], +"classmlx_1_1core_1_1_arc_tan2.html#ae02cb9fbf25e93dc1d7fbc9e3fb28634":[1,0,1,0,24,8], +"classmlx_1_1core_1_1_arc_tan2.html#ae02cb9fbf25e93dc1d7fbc9e3fb28634":[2,0,1,0,21,8], +"classmlx_1_1core_1_1_arc_tan2.html#aeaee58cd803d3ebf0b76574a409682cc":[1,0,1,0,24,3], +"classmlx_1_1core_1_1_arc_tan2.html#aeaee58cd803d3ebf0b76574a409682cc":[2,0,1,0,21,3], +"classmlx_1_1core_1_1_arc_tanh.html":[1,0,1,0,25], +"classmlx_1_1core_1_1_arc_tanh.html":[2,0,1,0,22], +"classmlx_1_1core_1_1_arc_tanh.html#a07da5797f7aaf3dfe43bf24e8562ac72":[1,0,1,0,25,7], +"classmlx_1_1core_1_1_arc_tanh.html#a07da5797f7aaf3dfe43bf24e8562ac72":[2,0,1,0,22,7], +"classmlx_1_1core_1_1_arc_tanh.html#a10566b9d3b2c7d090895b46d9040bc1d":[1,0,1,0,25,2], +"classmlx_1_1core_1_1_arc_tanh.html#a10566b9d3b2c7d090895b46d9040bc1d":[2,0,1,0,22,2], +"classmlx_1_1core_1_1_arc_tanh.html#a17857bd0e2a3ecf1f7bf8e1a3d354358":[1,0,1,0,25,0], +"classmlx_1_1core_1_1_arc_tanh.html#a17857bd0e2a3ecf1f7bf8e1a3d354358":[2,0,1,0,22,0], +"classmlx_1_1core_1_1_arc_tanh.html#a534ebdbfe77241884630d25021274c4a":[1,0,1,0,25,4], +"classmlx_1_1core_1_1_arc_tanh.html#a534ebdbfe77241884630d25021274c4a":[2,0,1,0,22,4], +"classmlx_1_1core_1_1_arc_tanh.html#a5af9224e1f1ffec412b0baa0af7e1ecd":[1,0,1,0,25,1], +"classmlx_1_1core_1_1_arc_tanh.html#a5af9224e1f1ffec412b0baa0af7e1ecd":[2,0,1,0,22,1], +"classmlx_1_1core_1_1_arc_tanh.html#a6806f04142d850f107a18a71900759c6":[1,0,1,0,25,5], +"classmlx_1_1core_1_1_arc_tanh.html#a6806f04142d850f107a18a71900759c6":[2,0,1,0,22,5], +"classmlx_1_1core_1_1_arc_tanh.html#a6ddcae68873559211cb91e7740dfc040":[1,0,1,0,25,8], +"classmlx_1_1core_1_1_arc_tanh.html#a6ddcae68873559211cb91e7740dfc040":[2,0,1,0,22,8], +"classmlx_1_1core_1_1_arc_tanh.html#aa9549311240d7ba225b84e1df9ad8523":[1,0,1,0,25,6], +"classmlx_1_1core_1_1_arc_tanh.html#aa9549311240d7ba225b84e1df9ad8523":[2,0,1,0,22,6], +"classmlx_1_1core_1_1_arc_tanh.html#ac8ecdd640043dab0461d49d7650679a2":[1,0,1,0,25,3], +"classmlx_1_1core_1_1_arc_tanh.html#ac8ecdd640043dab0461d49d7650679a2":[2,0,1,0,22,3], +"classmlx_1_1core_1_1_arg_partition.html":[1,0,1,0,26], +"classmlx_1_1core_1_1_arg_partition.html":[2,0,1,0,23], +"classmlx_1_1core_1_1_arg_partition.html#a441093795bcc31495ab5fbc9957b740a":[1,0,1,0,26,9], +"classmlx_1_1core_1_1_arg_partition.html#a441093795bcc31495ab5fbc9957b740a":[2,0,1,0,23,9], +"classmlx_1_1core_1_1_arg_partition.html#a5033c46f5aae9b14859cc8b0ca4c8e19":[1,0,1,0,26,7], +"classmlx_1_1core_1_1_arg_partition.html#a5033c46f5aae9b14859cc8b0ca4c8e19":[2,0,1,0,23,7], +"classmlx_1_1core_1_1_arg_partition.html#a587ce69b0639683ba646652f887d0239":[1,0,1,0,26,5], +"classmlx_1_1core_1_1_arg_partition.html#a587ce69b0639683ba646652f887d0239":[2,0,1,0,23,5], +"classmlx_1_1core_1_1_arg_partition.html#a896f75c5325798ac3f9093f6a4581828":[1,0,1,0,26,1], +"classmlx_1_1core_1_1_arg_partition.html#a896f75c5325798ac3f9093f6a4581828":[2,0,1,0,23,1], +"classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc":[1,0,1,0,26,2], +"classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc":[2,0,1,0,23,2], +"classmlx_1_1core_1_1_arg_partition.html#aa8678d94fa1571ea71a7bf790cdb8d63":[1,0,1,0,26,6], +"classmlx_1_1core_1_1_arg_partition.html#aa8678d94fa1571ea71a7bf790cdb8d63":[2,0,1,0,23,6] }; diff --git a/docs/build/html/navtreeindex20.js b/docs/build/html/navtreeindex20.js index 43a2b58d3..661823fef 100644 --- a/docs/build/html/navtreeindex20.js +++ b/docs/build/html/navtreeindex20.js @@ -1,253 +1,253 @@ var NAVTREEINDEX20 = { -"namespacemlx_1_1core.html#a8a928d76a6fbf3d336296401e14617a4":[1,0,1,0,814], -"namespacemlx_1_1core.html#a8ac23fb7f4d4c52e592d6296e63b80d4":[1,0,1,0,894], -"namespacemlx_1_1core.html#a8afdda14b14262ab5ce0a00c7745d7e8":[1,0,1,0,489], -"namespacemlx_1_1core.html#a8b8a55690df46d97fcfc2a60120783af":[1,0,1,0,649], -"namespacemlx_1_1core.html#a8b984eef832f757e28cd262d64a49ae7":[1,0,1,0,913], -"namespacemlx_1_1core.html#a8bcc29ca8846ec99dce333df4a34dc5f":[1,0,1,0,929], -"namespacemlx_1_1core.html#a8c2c1b9a37aadfb48f4c3a7e806e32e3":[1,0,1,0,158], -"namespacemlx_1_1core.html#a8cd6583fa0fc9957f993e00b2ec01d91":[1,0,1,0,749], -"namespacemlx_1_1core.html#a8d126e3f3fa9f8c1c1ae1b09f94df487":[1,0,1,0,623], -"namespacemlx_1_1core.html#a8d3ca5fbaecdb995660c24cde5aeebaf":[1,0,1,0,287], -"namespacemlx_1_1core.html#a8d48dbd49cccff07777affb2a412058c":[1,0,1,0,773], -"namespacemlx_1_1core.html#a8e1d21375ae4b89b3cbea3a46d262abd":[1,0,1,0,873], -"namespacemlx_1_1core.html#a9019bdc191054ada0a502c7c34cef5b8":[1,0,1,0,1074], -"namespacemlx_1_1core.html#a90c24e0d0b99b68fad9deefcf4d3e818":[1,0,1,0,356], -"namespacemlx_1_1core.html#a9119e518234df7923cae2b3802d59bf2":[1,0,1,0,697], -"namespacemlx_1_1core.html#a91eb6ca854217424129a55ae95a123b5":[1,0,1,0,810], -"namespacemlx_1_1core.html#a9290596250fa308df4c69b44483bb8aa":[1,0,1,0,288], -"namespacemlx_1_1core.html#a92cdd377c408becf4cf83c1ee9b7085d":[1,0,1,0,655], -"namespacemlx_1_1core.html#a92eca79fce8233e4299343eee3996511":[1,0,1,0,705], -"namespacemlx_1_1core.html#a937503d72b66c661bf3f5fdcd98ef97c":[1,0,1,0,779], -"namespacemlx_1_1core.html#a93a8ac59c644b801ec8881a58368caf2":[1,0,1,0,892], -"namespacemlx_1_1core.html#a948ce3dfc4520d3aa98b33e42f617c64":[1,0,1,0,897], -"namespacemlx_1_1core.html#a94c1057929b390e5613304afa16dfbda":[1,0,1,0,1078], -"namespacemlx_1_1core.html#a94d00a1b7f8a4717ab3f26f45e4da655":[1,0,1,0,482], -"namespacemlx_1_1core.html#a94e7b51185590492b46916685641276f":[1,0,1,0,654], -"namespacemlx_1_1core.html#a954de19249da7c1fa39b89bdc47368aa":[1,0,1,0,415], -"namespacemlx_1_1core.html#a95a7757e8d18fced38acfc6a3e8d686a":[1,0,1,0,1052], -"namespacemlx_1_1core.html#a95fc1013cc48fbfee0c54310711a5e58":[1,0,1,0,164], -"namespacemlx_1_1core.html#a95fd207028f125eefbafe9e0522407fe":[1,0,1,0,591], -"namespacemlx_1_1core.html#a9692d7bb6de3456abc535d0f4bac7a94":[1,0,1,0,319], -"namespacemlx_1_1core.html#a96ab6405430efb887cdb5c828cb67d6e":[1,0,1,0,843], -"namespacemlx_1_1core.html#a96cc40e1af8c4626c813ce4859f70a5c":[1,0,1,0,420], -"namespacemlx_1_1core.html#a96d9577db38d6809d022893e32feeda1":[1,0,1,0,636], -"namespacemlx_1_1core.html#a9778d50afbf456b0bd738751243b3b68":[1,0,1,0,1084], -"namespacemlx_1_1core.html#a977c7c84de79ad67055ae2a89b7f6869":[1,0,1,0,251], -"namespacemlx_1_1core.html#a97cb7d3eac404a442e84656cefe7cfb4":[1,0,1,0,862], -"namespacemlx_1_1core.html#a97efcd96d6be666e5608034ae77289ef":[1,0,1,0,679], -"namespacemlx_1_1core.html#a98495894a796b2cc6d022e7a03432c64":[1,0,1,0,280], -"namespacemlx_1_1core.html#a985c60929757190e0b4ec51f57c767d0":[1,0,1,0,395], -"namespacemlx_1_1core.html#a987d631e1508e8df55d98ddd57e4d086":[1,0,1,0,692], -"namespacemlx_1_1core.html#a9a5ae769f67f886d59c8e292a8218550":[1,0,1,0,567], -"namespacemlx_1_1core.html#a9b33065059fd68fed26da94603cfcce3":[1,0,1,0,896], -"namespacemlx_1_1core.html#a9c1c1fdf9a0840a16a4d10a8f74f761d":[1,0,1,0,226], -"namespacemlx_1_1core.html#a9ca27fd1e512c8ed126342e565da12ae":[1,0,1,0,635], -"namespacemlx_1_1core.html#a9dcc3018702ee31c21c8652bdc2182b1":[1,0,1,0,1007], -"namespacemlx_1_1core.html#a9edfe65f3c6da583c7b109290ec94b22":[1,0,1,0,861], -"namespacemlx_1_1core.html#a9ee95f97bbd69262d99d7bea3bf77631":[1,0,1,0,501], -"namespacemlx_1_1core.html#a9f158db20c2405557f3ebc397e876de8":[1,0,1,0,930], -"namespacemlx_1_1core.html#a9f2c9d2f21fbf9fbbacd940c6967c9d1":[1,0,1,0,606], -"namespacemlx_1_1core.html#a9f81f5ea8909db9660197217612ee446":[1,0,1,0,603], -"namespacemlx_1_1core.html#a9fac4b96a3d783c6392ebc08c81ebdbd":[1,0,1,0,889], -"namespacemlx_1_1core.html#a9fcb3711b150cb65c7778a35c51284b2":[1,0,1,0,453], -"namespacemlx_1_1core.html#a9fcb662b1561e4136bac0106cfb63b6c":[1,0,1,0,495], -"namespacemlx_1_1core.html#aa0332c64ee9965f05026c30a0b778000":[1,0,1,0,989], -"namespacemlx_1_1core.html#aa24713cb9e39bacb516c992eb03d2b2b":[1,0,1,0,767], -"namespacemlx_1_1core.html#aa3faeae5378bfaafe3ce3432a051e43e":[1,0,1,0,360], -"namespacemlx_1_1core.html#aa43e1d6958c5d5a6fa9a625a1660e741":[1,0,1,0,565], -"namespacemlx_1_1core.html#aa56a8bda08be9ef3711496e216a75c95":[1,0,1,0,531], -"namespacemlx_1_1core.html#aa5b0f7f13a941e1f41c411194e9033c7":[1,0,1,0,157], -"namespacemlx_1_1core.html#aa63e62b6d3906e4cac871d498515a1cd":[1,0,1,0,1010], -"namespacemlx_1_1core.html#aa9692de582995fd3ce19493b45ab7144":[1,0,1,0,346], -"namespacemlx_1_1core.html#aaa22230a66b15c3e774d8ce45783a746":[1,0,1,0,772], -"namespacemlx_1_1core.html#aaacf0afe13d77a5c49ce96f1e833eb2d":[1,0,1,0,435], -"namespacemlx_1_1core.html#aaaf591cb2188381e6cbd857132d04eb7":[1,0,1,0,783], -"namespacemlx_1_1core.html#aab26a3284dd3ac7d47c8b5b3a3290ce3":[1,0,1,0,660], -"namespacemlx_1_1core.html#aab9d96b0a168f4d05146000a6212b5d8":[1,0,1,0,588], -"namespacemlx_1_1core.html#aae0d19f0acdef2accd2428fb84c8a032":[1,0,1,0,375], -"namespacemlx_1_1core.html#aaf51544472fa87fa974686eacdd2a4a6":[1,0,1,0,258], -"namespacemlx_1_1core.html#aafa3bbeda78610c4285f3e57042268f3":[1,0,1,0,803], -"namespacemlx_1_1core.html#aafaf24a28297428caf6d0c36c623489e":[1,0,1,0,915], -"namespacemlx_1_1core.html#aaff208bbac7021c4265580885874499a":[1,0,1,0,986], -"namespacemlx_1_1core.html#ab03949b1f60fa035ce454a894cd73ae9":[1,0,1,0,651], -"namespacemlx_1_1core.html#ab03a22961d99fa12d3e74b3116e94e8f":[1,0,1,0,820], -"namespacemlx_1_1core.html#ab0743a1a1dcb92d40f41ca42d36f242c":[1,0,1,0,470], -"namespacemlx_1_1core.html#ab076069c6f0047c548a8dc29d35dd36a":[1,0,1,0,555], -"namespacemlx_1_1core.html#ab09f1b4879aa3190c2f66c9bd1224021":[1,0,1,0,822], -"namespacemlx_1_1core.html#ab132729fa6912d22a8e402057eb4ba12":[1,0,1,0,872], -"namespacemlx_1_1core.html#ab14ec41f17675691c1fdebb8990b6695":[1,0,1,0,303], -"namespacemlx_1_1core.html#ab1eeca8ec6fa31819ee108fa6ed2c41b":[1,0,1,0,925], -"namespacemlx_1_1core.html#ab1f260710251256ef737dd59be9e143c":[1,0,1,0,691], -"namespacemlx_1_1core.html#ab25e5d211e2c8785b45c3a81a6282e2b":[1,0,1,0,626], -"namespacemlx_1_1core.html#ab2b50a44a9d3a06282be4611f5fc7447":[1,0,1,0,244], -"namespacemlx_1_1core.html#ab38f7a0d3c0809071ff5d3af859018d6":[1,0,1,0,744], -"namespacemlx_1_1core.html#ab436b8c08be2be32ef61bd72f7df63cd":[1,0,1,0,374], -"namespacemlx_1_1core.html#ab48feddc1aa304383e5493923506ad7a":[1,0,1,0,526], -"namespacemlx_1_1core.html#ab594f3ae1ee13227fae940fef0d00cb9":[1,0,1,0,811], -"namespacemlx_1_1core.html#ab5a457da04dcb157a0b5172c4b2244b6":[1,0,1,0,522], -"namespacemlx_1_1core.html#ab5b1a5a3d545a5de00c3117f76d71a1d":[1,0,1,0,406], -"namespacemlx_1_1core.html#ab5ce08a7de0a0ca00d61f7a7f8ea3ab4":[1,0,1,0,709], -"namespacemlx_1_1core.html#ab5f60614e965144b451930fdf935e08d":[1,0,1,0,371], -"namespacemlx_1_1core.html#ab607cd6974ca6606826e785807156d6a":[1,0,1,0,248], -"namespacemlx_1_1core.html#ab79d66ddf1ec38b2f2c01234892a2230":[1,0,1,0,166], -"namespacemlx_1_1core.html#ab81ad16e3be591dfc9e42ac3c19b055f":[1,0,1,0,829], -"namespacemlx_1_1core.html#ab8a0a3f70664049b35ce1887bd8ff5c2":[1,0,1,0,704], -"namespacemlx_1_1core.html#ab8c3c4fc05745f586de922c8266f4fce":[1,0,1,0,255], -"namespacemlx_1_1core.html#ab9d0f9910070231695d61de08cadb930":[1,0,1,0,503], -"namespacemlx_1_1core.html#aba2b4accc059f30d4dca88db9f7a6e13":[1,0,1,0,1033], -"namespacemlx_1_1core.html#abada9bfa834d7423959362386720f3db":[1,0,1,0,416], -"namespacemlx_1_1core.html#abc55f3676c2d112a6e9ab276bd6b1796":[1,0,1,0,696], -"namespacemlx_1_1core.html#abc6425a3fbb386f5ea5964b42507e989":[1,0,1,0,568], -"namespacemlx_1_1core.html#abc855e1c0584b64d7d995e33211361ab":[1,0,1,0,485], -"namespacemlx_1_1core.html#abc9b1bd5018d46514bc19d23db2e5063":[1,0,1,0,683], -"namespacemlx_1_1core.html#abcca7fd43590c4347e0f5df8f134030c":[1,0,1,0,473], -"namespacemlx_1_1core.html#abce2b67044ee06a7bbe7a91ec7c8c48d":[1,0,1,0,368], -"namespacemlx_1_1core.html#abce8b7f24b61e5ec0f9a3afe20845caf":[1,0,1,0,695], -"namespacemlx_1_1core.html#abcfd2d9615c96561fd44dfb9c341cf8e":[1,0,1,0,863], -"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337":[1,0,1,0,169], -"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a0db377921f4ce762c62526131097968f":[1,0,1,0,169,2], -"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a57dea6f5039281b7fee517fc43bf3110":[1,0,1,0,169,1], -"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a6fe62e8ce1fae1e70cb9eeaa67d29dab":[1,0,1,0,169,3], -"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337af60357a8d17e45793298323f1b372a74":[1,0,1,0,169,0], -"namespacemlx_1_1core.html#abdd9bb8fb4411e5924f3eb7ef1bb52f8":[1,0,1,0,658], -"namespacemlx_1_1core.html#abe36af9951afd8dd3ffe90ceedeb7f2b":[1,0,1,0,563], -"namespacemlx_1_1core.html#abe90e9527bfa3e1c813d41df4a2372e7":[1,0,1,0,517], -"namespacemlx_1_1core.html#abec4200a718b7c5ed80b7abcc4447260":[1,0,1,0,781], -"namespacemlx_1_1core.html#abf228ee9d8ec48c03bb15adcc4e1f3ec":[1,0,1,0,1063], -"namespacemlx_1_1core.html#abf49b337a00997231c0f7fd389efa8f3":[1,0,1,0,1040], -"namespacemlx_1_1core.html#abf57076f6d2351ba9f1e0cbe478f8afa":[1,0,1,0,254], -"namespacemlx_1_1core.html#abf5d09561a81b0f0b32d59d77e32e16f":[1,0,1,0,646], +"namespacemlx_1_1core.html#a8d48dbd49cccff07777affb2a412058c":[1,0,1,0,767], +"namespacemlx_1_1core.html#a8e1d21375ae4b89b3cbea3a46d262abd":[1,0,1,0,867], +"namespacemlx_1_1core.html#a8ed5ff0d69f6c7d2e092fe811e40d564":[1,0,1,0,254], +"namespacemlx_1_1core.html#a9019bdc191054ada0a502c7c34cef5b8":[1,0,1,0,1073], +"namespacemlx_1_1core.html#a90c24e0d0b99b68fad9deefcf4d3e818":[1,0,1,0,353], +"namespacemlx_1_1core.html#a9119e518234df7923cae2b3802d59bf2":[1,0,1,0,691], +"namespacemlx_1_1core.html#a91eb6ca854217424129a55ae95a123b5":[1,0,1,0,804], +"namespacemlx_1_1core.html#a9290596250fa308df4c69b44483bb8aa":[1,0,1,0,287], +"namespacemlx_1_1core.html#a92cdd377c408becf4cf83c1ee9b7085d":[1,0,1,0,649], +"namespacemlx_1_1core.html#a92eca79fce8233e4299343eee3996511":[1,0,1,0,699], +"namespacemlx_1_1core.html#a937503d72b66c661bf3f5fdcd98ef97c":[1,0,1,0,773], +"namespacemlx_1_1core.html#a93a8ac59c644b801ec8881a58368caf2":[1,0,1,0,886], +"namespacemlx_1_1core.html#a940f998c7469d14f5234f78dcaecd48b":[1,0,1,0,1033], +"namespacemlx_1_1core.html#a948ce3dfc4520d3aa98b33e42f617c64":[1,0,1,0,891], +"namespacemlx_1_1core.html#a94c1057929b390e5613304afa16dfbda":[1,0,1,0,1077], +"namespacemlx_1_1core.html#a94d00a1b7f8a4717ab3f26f45e4da655":[1,0,1,0,476], +"namespacemlx_1_1core.html#a94e7b51185590492b46916685641276f":[1,0,1,0,648], +"namespacemlx_1_1core.html#a95a7757e8d18fced38acfc6a3e8d686a":[1,0,1,0,1051], +"namespacemlx_1_1core.html#a95fc1013cc48fbfee0c54310711a5e58":[1,0,1,0,165], +"namespacemlx_1_1core.html#a95fd207028f125eefbafe9e0522407fe":[1,0,1,0,585], +"namespacemlx_1_1core.html#a9692d7bb6de3456abc535d0f4bac7a94":[1,0,1,0,316], +"namespacemlx_1_1core.html#a96ab6405430efb887cdb5c828cb67d6e":[1,0,1,0,837], +"namespacemlx_1_1core.html#a96cc40e1af8c4626c813ce4859f70a5c":[1,0,1,0,416], +"namespacemlx_1_1core.html#a96d9577db38d6809d022893e32feeda1":[1,0,1,0,630], +"namespacemlx_1_1core.html#a9778d50afbf456b0bd738751243b3b68":[1,0,1,0,1083], +"namespacemlx_1_1core.html#a977c7c84de79ad67055ae2a89b7f6869":[1,0,1,0,250], +"namespacemlx_1_1core.html#a97cb7d3eac404a442e84656cefe7cfb4":[1,0,1,0,856], +"namespacemlx_1_1core.html#a97efcd96d6be666e5608034ae77289ef":[1,0,1,0,673], +"namespacemlx_1_1core.html#a985c60929757190e0b4ec51f57c767d0":[1,0,1,0,392], +"namespacemlx_1_1core.html#a987d631e1508e8df55d98ddd57e4d086":[1,0,1,0,686], +"namespacemlx_1_1core.html#a999be930e8a5b35eb33d934eefd548e8":[1,0,1,0,1009], +"namespacemlx_1_1core.html#a9a5ae769f67f886d59c8e292a8218550":[1,0,1,0,561], +"namespacemlx_1_1core.html#a9abcc6efafd9ab5df1293b1793a734d2":[1,0,1,0,1004], +"namespacemlx_1_1core.html#a9af588b2e7f4e5249cd8b7722ad829c0":[1,0,1,0,1025], +"namespacemlx_1_1core.html#a9b33065059fd68fed26da94603cfcce3":[1,0,1,0,890], +"namespacemlx_1_1core.html#a9ca27fd1e512c8ed126342e565da12ae":[1,0,1,0,629], +"namespacemlx_1_1core.html#a9edfe65f3c6da583c7b109290ec94b22":[1,0,1,0,855], +"namespacemlx_1_1core.html#a9ee95f97bbd69262d99d7bea3bf77631":[1,0,1,0,495], +"namespacemlx_1_1core.html#a9f158db20c2405557f3ebc397e876de8":[1,0,1,0,924], +"namespacemlx_1_1core.html#a9f22a9ed98104aaffb929381055b966d":[1,0,1,0,937], +"namespacemlx_1_1core.html#a9f2c9d2f21fbf9fbbacd940c6967c9d1":[1,0,1,0,600], +"namespacemlx_1_1core.html#a9f81f5ea8909db9660197217612ee446":[1,0,1,0,597], +"namespacemlx_1_1core.html#a9fac4b96a3d783c6392ebc08c81ebdbd":[1,0,1,0,883], +"namespacemlx_1_1core.html#a9fcb662b1561e4136bac0106cfb63b6c":[1,0,1,0,489], +"namespacemlx_1_1core.html#aa0332c64ee9965f05026c30a0b778000":[1,0,1,0,984], +"namespacemlx_1_1core.html#aa24713cb9e39bacb516c992eb03d2b2b":[1,0,1,0,761], +"namespacemlx_1_1core.html#aa3faeae5378bfaafe3ce3432a051e43e":[1,0,1,0,357], +"namespacemlx_1_1core.html#aa43e1d6958c5d5a6fa9a625a1660e741":[1,0,1,0,559], +"namespacemlx_1_1core.html#aa56a8bda08be9ef3711496e216a75c95":[1,0,1,0,525], +"namespacemlx_1_1core.html#aa5b0f7f13a941e1f41c411194e9033c7":[1,0,1,0,158], +"namespacemlx_1_1core.html#aa63e62b6d3906e4cac871d498515a1cd":[1,0,1,0,1005], +"namespacemlx_1_1core.html#aa6b3dfc27a21d26b3fda96022aa60e32":[1,0,1,0,1030], +"namespacemlx_1_1core.html#aa9692de582995fd3ce19493b45ab7144":[1,0,1,0,343], +"namespacemlx_1_1core.html#aaa22230a66b15c3e774d8ce45783a746":[1,0,1,0,766], +"namespacemlx_1_1core.html#aaaf591cb2188381e6cbd857132d04eb7":[1,0,1,0,777], +"namespacemlx_1_1core.html#aab26a3284dd3ac7d47c8b5b3a3290ce3":[1,0,1,0,654], +"namespacemlx_1_1core.html#aab9d96b0a168f4d05146000a6212b5d8":[1,0,1,0,582], +"namespacemlx_1_1core.html#aae0d19f0acdef2accd2428fb84c8a032":[1,0,1,0,372], +"namespacemlx_1_1core.html#aaf51544472fa87fa974686eacdd2a4a6":[1,0,1,0,257], +"namespacemlx_1_1core.html#aafa3bbeda78610c4285f3e57042268f3":[1,0,1,0,797], +"namespacemlx_1_1core.html#aafaf24a28297428caf6d0c36c623489e":[1,0,1,0,909], +"namespacemlx_1_1core.html#aaff208bbac7021c4265580885874499a":[1,0,1,0,981], +"namespacemlx_1_1core.html#ab03949b1f60fa035ce454a894cd73ae9":[1,0,1,0,645], +"namespacemlx_1_1core.html#ab03a22961d99fa12d3e74b3116e94e8f":[1,0,1,0,814], +"namespacemlx_1_1core.html#ab0743a1a1dcb92d40f41ca42d36f242c":[1,0,1,0,464], +"namespacemlx_1_1core.html#ab076069c6f0047c548a8dc29d35dd36a":[1,0,1,0,549], +"namespacemlx_1_1core.html#ab09f1b4879aa3190c2f66c9bd1224021":[1,0,1,0,816], +"namespacemlx_1_1core.html#ab132729fa6912d22a8e402057eb4ba12":[1,0,1,0,866], +"namespacemlx_1_1core.html#ab14ec41f17675691c1fdebb8990b6695":[1,0,1,0,302], +"namespacemlx_1_1core.html#ab1eeca8ec6fa31819ee108fa6ed2c41b":[1,0,1,0,919], +"namespacemlx_1_1core.html#ab1f260710251256ef737dd59be9e143c":[1,0,1,0,685], +"namespacemlx_1_1core.html#ab25e5d211e2c8785b45c3a81a6282e2b":[1,0,1,0,620], +"namespacemlx_1_1core.html#ab2b50a44a9d3a06282be4611f5fc7447":[1,0,1,0,243], +"namespacemlx_1_1core.html#ab30708325761c91e7dde245827e9dd91":[1,0,1,0,279], +"namespacemlx_1_1core.html#ab38f7a0d3c0809071ff5d3af859018d6":[1,0,1,0,738], +"namespacemlx_1_1core.html#ab436b8c08be2be32ef61bd72f7df63cd":[1,0,1,0,371], +"namespacemlx_1_1core.html#ab48feddc1aa304383e5493923506ad7a":[1,0,1,0,520], +"namespacemlx_1_1core.html#ab594f3ae1ee13227fae940fef0d00cb9":[1,0,1,0,805], +"namespacemlx_1_1core.html#ab5a457da04dcb157a0b5172c4b2244b6":[1,0,1,0,516], +"namespacemlx_1_1core.html#ab5b1a5a3d545a5de00c3117f76d71a1d":[1,0,1,0,403], +"namespacemlx_1_1core.html#ab5ce08a7de0a0ca00d61f7a7f8ea3ab4":[1,0,1,0,703], +"namespacemlx_1_1core.html#ab5f60614e965144b451930fdf935e08d":[1,0,1,0,368], +"namespacemlx_1_1core.html#ab607cd6974ca6606826e785807156d6a":[1,0,1,0,247], +"namespacemlx_1_1core.html#ab79d66ddf1ec38b2f2c01234892a2230":[1,0,1,0,167], +"namespacemlx_1_1core.html#ab81ad16e3be591dfc9e42ac3c19b055f":[1,0,1,0,823], +"namespacemlx_1_1core.html#ab8a0a3f70664049b35ce1887bd8ff5c2":[1,0,1,0,698], +"namespacemlx_1_1core.html#ab9812785763451ceb86486032d614048":[1,0,1,0,1029], +"namespacemlx_1_1core.html#ab9d0f9910070231695d61de08cadb930":[1,0,1,0,497], +"namespacemlx_1_1core.html#aba2b4accc059f30d4dca88db9f7a6e13":[1,0,1,0,1031], +"namespacemlx_1_1core.html#abada9bfa834d7423959362386720f3db":[1,0,1,0,412], +"namespacemlx_1_1core.html#abc55f3676c2d112a6e9ab276bd6b1796":[1,0,1,0,690], +"namespacemlx_1_1core.html#abc6425a3fbb386f5ea5964b42507e989":[1,0,1,0,562], +"namespacemlx_1_1core.html#abc855e1c0584b64d7d995e33211361ab":[1,0,1,0,479], +"namespacemlx_1_1core.html#abc9b1bd5018d46514bc19d23db2e5063":[1,0,1,0,677], +"namespacemlx_1_1core.html#abcca7fd43590c4347e0f5df8f134030c":[1,0,1,0,467], +"namespacemlx_1_1core.html#abce2b67044ee06a7bbe7a91ec7c8c48d":[1,0,1,0,365], +"namespacemlx_1_1core.html#abce8b7f24b61e5ec0f9a3afe20845caf":[1,0,1,0,689], +"namespacemlx_1_1core.html#abcfd2d9615c96561fd44dfb9c341cf8e":[1,0,1,0,857], +"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337":[1,0,1,0,170], +"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a0db377921f4ce762c62526131097968f":[1,0,1,0,170,2], +"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a57dea6f5039281b7fee517fc43bf3110":[1,0,1,0,170,1], +"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a6fe62e8ce1fae1e70cb9eeaa67d29dab":[1,0,1,0,170,3], +"namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337af60357a8d17e45793298323f1b372a74":[1,0,1,0,170,0], +"namespacemlx_1_1core.html#abdd9bb8fb4411e5924f3eb7ef1bb52f8":[1,0,1,0,652], +"namespacemlx_1_1core.html#abe36af9951afd8dd3ffe90ceedeb7f2b":[1,0,1,0,557], +"namespacemlx_1_1core.html#abe90e9527bfa3e1c813d41df4a2372e7":[1,0,1,0,511], +"namespacemlx_1_1core.html#abec4200a718b7c5ed80b7abcc4447260":[1,0,1,0,775], +"namespacemlx_1_1core.html#abf228ee9d8ec48c03bb15adcc4e1f3ec":[1,0,1,0,1062], +"namespacemlx_1_1core.html#abf49b337a00997231c0f7fd389efa8f3":[1,0,1,0,1039], +"namespacemlx_1_1core.html#abf57076f6d2351ba9f1e0cbe478f8afa":[1,0,1,0,253], +"namespacemlx_1_1core.html#abf5d09561a81b0f0b32d59d77e32e16f":[1,0,1,0,640], "namespacemlx_1_1core.html#abf8dae3b87a03a409711691cd9c097b6":[1,0,1,0,217], -"namespacemlx_1_1core.html#ac14b984970cafd8fbe24d080949515cc":[1,0,1,0,552], -"namespacemlx_1_1core.html#ac173de50ee57b1b066d49363ba978c53":[1,0,1,0,800], -"namespacemlx_1_1core.html#ac18be72269b1bcfb0249cc00a0600681":[1,0,1,0,825], -"namespacemlx_1_1core.html#ac198b7e282957c724c84a435e8f1215e":[1,0,1,0,293], -"namespacemlx_1_1core.html#ac1afa5d4c856e4b58109eff086e70ffd":[1,0,1,0,595], -"namespacemlx_1_1core.html#ac1c085e305954247d042f5d8803cd85b":[1,0,1,0,1009], -"namespacemlx_1_1core.html#ac2217bf760038cd011781158923149ed":[1,0,1,0,680], -"namespacemlx_1_1core.html#ac25a05679f312b724c406d8b282803c9":[1,0,1,0,596], -"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1":[1,0,1,0,171], -"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1a09c2e68746fa22c9903625cea17464db":[1,0,1,0,171,0], -"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1a0db377921f4ce762c62526131097968f":[1,0,1,0,171,2], -"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1acbcaeeb0e232871afe48bcf063a14b42":[1,0,1,0,171,1], -"namespacemlx_1_1core.html#ac3b97eecec9bd8efb313f8f201560343":[1,0,1,0,570], -"namespacemlx_1_1core.html#ac3caec2fa65375ed4c3bf1206177b84c":[1,0,1,0,1050], -"namespacemlx_1_1core.html#ac447ad59592dd06435adca7df37e33ad":[1,0,1,0,1070], -"namespacemlx_1_1core.html#ac457c232f956ba802acb69c5a621633d":[1,0,1,0,914], -"namespacemlx_1_1core.html#ac470f937a379d6356c8f567c97cd7481":[1,0,1,0,780], -"namespacemlx_1_1core.html#ac4e6f03d7e4ae701b4eefa784f36185b":[1,0,1,0,554], -"namespacemlx_1_1core.html#ac63820d6fe10545907c33faf466a929e":[1,0,1,0,1082], -"namespacemlx_1_1core.html#ac71a08bf4c052ae3c77e9e89cbea071d":[1,0,1,0,417], -"namespacemlx_1_1core.html#ac759b7798d668a99535e59e26d6ba192":[1,0,1,0,741], -"namespacemlx_1_1core.html#ac80f4022bffd95b57526685ce8e1cbc1":[1,0,1,0,712], -"namespacemlx_1_1core.html#ac813412cce77fc1340dcfefc6e099276":[1,0,1,0,247], -"namespacemlx_1_1core.html#ac87ecce4b44b0826e666a169ddc6f878":[1,0,1,0,593], -"namespacemlx_1_1core.html#ac97736fadafa7efa201624d0e1128ee8":[1,0,1,0,813], -"namespacemlx_1_1core.html#ac97b5a6f009ca3d99854ce9512c20dba":[1,0,1,0,363], -"namespacemlx_1_1core.html#ac9c19514210333346f02a4520641847f":[1,0,1,0,304], -"namespacemlx_1_1core.html#ac9f9ea13cf0661e671569d37d14a128a":[1,0,1,0,1066], -"namespacemlx_1_1core.html#aca1d50cdd9506481dcc4cd1ad4a4f734":[1,0,1,0,698], -"namespacemlx_1_1core.html#aca39f224c1d17bde35dfcb9088430704":[1,0,1,0,405], -"namespacemlx_1_1core.html#aca9e69b06f4212eba44bf0ce6711d5f7":[1,0,1,0,403], -"namespacemlx_1_1core.html#acaaa86b59c7ceb2e092ac07f2a75225c":[1,0,1,0,538], -"namespacemlx_1_1core.html#acace1870dbbc6a0af0c054e8e71adc1f":[1,0,1,0,152], -"namespacemlx_1_1core.html#acb5d16c9b83778c7621c38e522e0060b":[1,0,1,0,153], -"namespacemlx_1_1core.html#ace51644e2aa72f8d56b86eaa0e1a68b7":[1,0,1,0,320], -"namespacemlx_1_1core.html#ace67713d269595f5f2265e46728a6f9c":[1,0,1,0,252], -"namespacemlx_1_1core.html#ace72a5853f2afd6510dcb97d54fa650d":[1,0,1,0,760], -"namespacemlx_1_1core.html#acf36c10779fbf1efbe1e6a7fd41176cd":[1,0,1,0,865], -"namespacemlx_1_1core.html#acf401ede354fcc998b13ea6442994d7e":[1,0,1,0,804], -"namespacemlx_1_1core.html#acfb06fe9f5fee01dbb5a2b23bccfd0d3":[1,0,1,0,519], -"namespacemlx_1_1core.html#acfcaefe0990eb3533e2b11a6f2657492":[1,0,1,0,782], -"namespacemlx_1_1core.html#ad04f1ccd2cd7c487a2f2aaa055939f64":[1,0,1,0,638], -"namespacemlx_1_1core.html#ad05311ca8e2f19ffe5849e963837cec7":[1,0,1,0,765], -"namespacemlx_1_1core.html#ad1014a836e7ce9301de8588eef1e89ee":[1,0,1,0,847], -"namespacemlx_1_1core.html#ad1f96f0a02024f347b4c4431629407fc":[1,0,1,0,511], -"namespacemlx_1_1core.html#ad25880c67bbcbfafbe54dc16418bf736":[1,0,1,0,537], -"namespacemlx_1_1core.html#ad2f9e1c230ec35d5c406dd616e8f4dea":[1,0,1,0,466], -"namespacemlx_1_1core.html#ad3684d660d18a54505c759ab286bd936":[1,0,1,0,476], -"namespacemlx_1_1core.html#ad38b38a3faf050735d45eed4438ee27a":[1,0,1,0,592], -"namespacemlx_1_1core.html#ad3fb46370cd8f0992866fad9e2c64a3c":[1,0,1,0,694], -"namespacemlx_1_1core.html#ad41251938cf852b5560c1180944ebb49":[1,0,1,0,836], -"namespacemlx_1_1core.html#ad436557da5c7fea71fc58182a876cfe5":[1,0,1,0,793], -"namespacemlx_1_1core.html#ad4be35b310a252edd80d9cf04f094a60":[1,0,1,0,359], -"namespacemlx_1_1core.html#ad4c2cebe9e54582295f98c5a448a1f32":[1,0,1,0,927], -"namespacemlx_1_1core.html#ad527b86818823db040195785efd7d724":[1,0,1,0,409], -"namespacemlx_1_1core.html#ad5950619081389e6ed7512f38358d33d":[1,0,1,0,541], -"namespacemlx_1_1core.html#ad5af96e2ff09d207eb1e1980fe3e7c2d":[1,0,1,0,657], -"namespacemlx_1_1core.html#ad5f8c221a53a89e8095aa39fd1f61867":[1,0,1,0,477], -"namespacemlx_1_1core.html#ad6311ef8df59bdfb212b5cf8169246b2":[1,0,1,0,616], -"namespacemlx_1_1core.html#ad78c664f242cd36247c13868547e3dd4":[1,0,1,0,493], -"namespacemlx_1_1core.html#ad853981b1c5ba69b07d54c7b77055d22":[1,0,1,0,766], -"namespacemlx_1_1core.html#ad884f4a36308b5b4f8a5d990d2e086df":[1,0,1,0,231], -"namespacemlx_1_1core.html#ad8bb648d0603a206e0392990c911ca0b":[1,0,1,0,745], -"namespacemlx_1_1core.html#ad8d650bf63998abd716ee0ca28e1cbb9":[1,0,1,0,618], -"namespacemlx_1_1core.html#adabbd8768d216873617768249473a5c7":[1,0,1,0,815], -"namespacemlx_1_1core.html#adacbc4526e8964b267a8ec3eb1bc1a32":[1,0,1,0,394], -"namespacemlx_1_1core.html#adae1b14669d27ce1fe0c214771c07b77":[1,0,1,0,799], -"namespacemlx_1_1core.html#adaf70bbfb3667df0d08fd3c99896e20a":[1,0,1,0,650], -"namespacemlx_1_1core.html#adb016662b8f7eb680abfe1a421eabe72":[1,0,1,0,721], -"namespacemlx_1_1core.html#adb14f689c9f75f7901edb196c2bfb971":[1,0,1,0,312], -"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4":[1,0,1,0,168], -"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4a075ae3d2fc31640504f814f60e5ef713":[1,0,1,0,168,0], -"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4a8e5611dfddbae6e68624c59aa3e4e3e2":[1,0,1,0,168,1], -"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4aa10311459433adf322f2590a4987c423":[1,0,1,0,168,3], -"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4ada8df7fd43da6073fec4fe5666b03dbb":[1,0,1,0,168,2], -"namespacemlx_1_1core.html#adce79d220672f5f3c65cc31d145ca9c4":[1,0,1,0,369], -"namespacemlx_1_1core.html#add4794cc0ffe5d717fc146084a235d95":[1,0,1,0,956], -"namespacemlx_1_1core.html#addaa46a13ac2deb1d9ce621338320e0e":[1,0,1,0,275], -"namespacemlx_1_1core.html#addb29b3e6771875f2aecd035ed560461":[1,0,1,0,354], -"namespacemlx_1_1core.html#ade2e2a0daa79d5c52f278f85f03dde2e":[1,0,1,0,759], -"namespacemlx_1_1core.html#ade2f9222fd433cd4d673c6182f256235":[1,0,1,0,802], -"namespacemlx_1_1core.html#ade3791bc723b8f10fbab22eadb0f705a":[1,0,1,0,471], -"namespacemlx_1_1core.html#ade5a175ff45347689ac4c798d04c8ffc":[1,0,1,0,756], -"namespacemlx_1_1core.html#ae0470605dc819efeb6510183619f0299":[1,0,1,0,361], -"namespacemlx_1_1core.html#ae0540f16c4e7bd55d0e86a88495e4967":[1,0,1,0,512], -"namespacemlx_1_1core.html#ae065fe5c42c1a333d7858d19f6434fa9":[1,0,1,0,791], -"namespacemlx_1_1core.html#ae1b6e5cfd27b1526285648686898e011":[1,0,1,0,172], -"namespacemlx_1_1core.html#ae1e41ca94022e43a00cdfc5845102daa":[1,0,1,0,701], -"namespacemlx_1_1core.html#ae20f207ad1ed3badc17cecf08f118b5e":[1,0,1,0,1031], -"namespacemlx_1_1core.html#ae24c337810c841ff23e327efde7045e1":[1,0,1,0,812], -"namespacemlx_1_1core.html#ae25e0c01b46612f039313a4825ba6428":[1,0,1,0,739], -"namespacemlx_1_1core.html#ae2a0bcdc171d7e9745d33e1d9aac4f8a":[1,0,1,0,784], -"namespacemlx_1_1core.html#ae36badb78a17cd7d13663a69645fc328":[1,0,1,0,584], -"namespacemlx_1_1core.html#ae36ea40b8477bfa12d41aae8245225c9":[1,0,1,0,855], -"namespacemlx_1_1core.html#ae374861abd45cf019c3e6be2026f3798":[1,0,1,0,225], -"namespacemlx_1_1core.html#ae3e1e8b7a5410e0edf35f31f74295e2f":[1,0,1,0,770], -"namespacemlx_1_1core.html#ae4690f349b2483f5d1a4b75aba67399f":[1,0,1,0,832], -"namespacemlx_1_1core.html#ae736defc89a04fbaf7627ad2695bb838":[1,0,1,0,689], -"namespacemlx_1_1core.html#ae78083d766b9cf6f87cded341bbcd63e":[1,0,1,0,864], -"namespacemlx_1_1core.html#ae789dbda2a0f4e21aa0984f6a5dc986c":[1,0,1,0,333], -"namespacemlx_1_1core.html#ae7a0f810e546a166c7d05849b5d41f30":[1,0,1,0,490], -"namespacemlx_1_1core.html#ae83df12368cb07ccb1c10c1117ff3922":[1,0,1,0,846], -"namespacemlx_1_1core.html#ae85bafda5ab0b4b2289591260cf07685":[1,0,1,0,279], -"namespacemlx_1_1core.html#ae877e1d5e3cf57734da8b49535fe3fb3":[1,0,1,0,597], -"namespacemlx_1_1core.html#ae8aacc606ea16f018a90eae758830a35":[1,0,1,0,736], -"namespacemlx_1_1core.html#ae8c890bdcffadee8c5dab85c907f57eb":[1,0,1,0,742], -"namespacemlx_1_1core.html#ae93556906e115625ed1b62d36cf21b70":[1,0,1,0,845], -"namespacemlx_1_1core.html#ae9ee4a7c205df061c1caa7e62b7504e8":[1,0,1,0,404], -"namespacemlx_1_1core.html#aea414c04bddc4b9b609262e97398f1b4":[1,0,1,0,659], -"namespacemlx_1_1core.html#aeb879815228efbd2c8f80986e1c8d41f":[1,0,1,0,841], -"namespacemlx_1_1core.html#aec63a0472cb943fe39f31e7678555572":[1,0,1,0,763], -"namespacemlx_1_1core.html#aececc0e451237aa6c0d1a2c3d828c86e":[1,0,1,0,617], -"namespacemlx_1_1core.html#aecfbf5ef4872ae447eb4a374e4db28e4":[1,0,1,0,844], -"namespacemlx_1_1core.html#aed148d95e7b5221f1312473deded0d27":[1,0,1,0,434], -"namespacemlx_1_1core.html#aed3d9cd32698ef0fe65b1280f103b3f5":[1,0,1,0,558], -"namespacemlx_1_1core.html#aedc4e9df4bf71c0ac34fcfae60cdf550":[1,0,1,0,794], -"namespacemlx_1_1core.html#aeefaff208444d3fa61ecc0946fe1de5f":[1,0,1,0,364], -"namespacemlx_1_1core.html#aef60e3a8d9c987c9c338b193673d2164":[1,0,1,0,1027], -"namespacemlx_1_1core.html#aef85739d150b9d5609973da8a3f1086a":[1,0,1,0,676], -"namespacemlx_1_1core.html#aef89566301cb133d98c8e7bdd2b7bec6":[1,0,1,0,675], -"namespacemlx_1_1core.html#aefa6a2ec6439e9619cafd227a1dc14ab":[1,0,1,0,240], -"namespacemlx_1_1core.html#aefb9b05ce8864ada99a920ab32017b89":[1,0,1,0,718], -"namespacemlx_1_1core.html#af143cf68673e06390d4bb2ec2892bd22":[1,0,1,0,648], -"namespacemlx_1_1core.html#af1fdfdaa5644394362e6baba30701bae":[1,0,1,0,1026], -"namespacemlx_1_1core.html#af22937df654ddbd6e398ef12764d18c0":[1,0,1,0,668], -"namespacemlx_1_1core.html#af240a6471ff827819192808bffeb857a":[1,0,1,0,557], -"namespacemlx_1_1core.html#af26df9dc279d71b7cc10892c72162b58":[1,0,1,0,553], -"namespacemlx_1_1core.html#af2735df8513ecce88456585f5aea50f5":[1,0,1,0,326], -"namespacemlx_1_1core.html#af27d515ac390d62bd852b73ea759a947":[1,0,1,0,792], -"namespacemlx_1_1core.html#af32a99d930d49e9b178472d7a65531ab":[1,0,1,0,614] +"namespacemlx_1_1core.html#ac14b984970cafd8fbe24d080949515cc":[1,0,1,0,546], +"namespacemlx_1_1core.html#ac173de50ee57b1b066d49363ba978c53":[1,0,1,0,794], +"namespacemlx_1_1core.html#ac18be72269b1bcfb0249cc00a0600681":[1,0,1,0,819], +"namespacemlx_1_1core.html#ac198b7e282957c724c84a435e8f1215e":[1,0,1,0,292], +"namespacemlx_1_1core.html#ac1afa5d4c856e4b58109eff086e70ffd":[1,0,1,0,589], +"namespacemlx_1_1core.html#ac2217bf760038cd011781158923149ed":[1,0,1,0,674], +"namespacemlx_1_1core.html#ac25a05679f312b724c406d8b282803c9":[1,0,1,0,590], +"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1":[1,0,1,0,172], +"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1a09c2e68746fa22c9903625cea17464db":[1,0,1,0,172,0], +"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1a0db377921f4ce762c62526131097968f":[1,0,1,0,172,2], +"namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1acbcaeeb0e232871afe48bcf063a14b42":[1,0,1,0,172,1], +"namespacemlx_1_1core.html#ac3b97eecec9bd8efb313f8f201560343":[1,0,1,0,564], +"namespacemlx_1_1core.html#ac3caec2fa65375ed4c3bf1206177b84c":[1,0,1,0,1049], +"namespacemlx_1_1core.html#ac447ad59592dd06435adca7df37e33ad":[1,0,1,0,1069], +"namespacemlx_1_1core.html#ac457c232f956ba802acb69c5a621633d":[1,0,1,0,908], +"namespacemlx_1_1core.html#ac470f937a379d6356c8f567c97cd7481":[1,0,1,0,774], +"namespacemlx_1_1core.html#ac4e6f03d7e4ae701b4eefa784f36185b":[1,0,1,0,548], +"namespacemlx_1_1core.html#ac63820d6fe10545907c33faf466a929e":[1,0,1,0,1081], +"namespacemlx_1_1core.html#ac71a08bf4c052ae3c77e9e89cbea071d":[1,0,1,0,413], +"namespacemlx_1_1core.html#ac759b7798d668a99535e59e26d6ba192":[1,0,1,0,735], +"namespacemlx_1_1core.html#ac80f4022bffd95b57526685ce8e1cbc1":[1,0,1,0,706], +"namespacemlx_1_1core.html#ac813412cce77fc1340dcfefc6e099276":[1,0,1,0,246], +"namespacemlx_1_1core.html#ac87ecce4b44b0826e666a169ddc6f878":[1,0,1,0,587], +"namespacemlx_1_1core.html#ac97736fadafa7efa201624d0e1128ee8":[1,0,1,0,807], +"namespacemlx_1_1core.html#ac97b5a6f009ca3d99854ce9512c20dba":[1,0,1,0,360], +"namespacemlx_1_1core.html#ac9c19514210333346f02a4520641847f":[1,0,1,0,303], +"namespacemlx_1_1core.html#ac9f9ea13cf0661e671569d37d14a128a":[1,0,1,0,1065], +"namespacemlx_1_1core.html#aca1d50cdd9506481dcc4cd1ad4a4f734":[1,0,1,0,692], +"namespacemlx_1_1core.html#aca39f224c1d17bde35dfcb9088430704":[1,0,1,0,402], +"namespacemlx_1_1core.html#aca9e69b06f4212eba44bf0ce6711d5f7":[1,0,1,0,400], +"namespacemlx_1_1core.html#acaaa86b59c7ceb2e092ac07f2a75225c":[1,0,1,0,532], +"namespacemlx_1_1core.html#acace1870dbbc6a0af0c054e8e71adc1f":[1,0,1,0,153], +"namespacemlx_1_1core.html#acb5d16c9b83778c7621c38e522e0060b":[1,0,1,0,154], +"namespacemlx_1_1core.html#ace51644e2aa72f8d56b86eaa0e1a68b7":[1,0,1,0,317], +"namespacemlx_1_1core.html#ace67713d269595f5f2265e46728a6f9c":[1,0,1,0,251], +"namespacemlx_1_1core.html#ace72a5853f2afd6510dcb97d54fa650d":[1,0,1,0,754], +"namespacemlx_1_1core.html#acf36c10779fbf1efbe1e6a7fd41176cd":[1,0,1,0,859], +"namespacemlx_1_1core.html#acf401ede354fcc998b13ea6442994d7e":[1,0,1,0,798], +"namespacemlx_1_1core.html#acfb06fe9f5fee01dbb5a2b23bccfd0d3":[1,0,1,0,513], +"namespacemlx_1_1core.html#acfcaefe0990eb3533e2b11a6f2657492":[1,0,1,0,776], +"namespacemlx_1_1core.html#ad04f1ccd2cd7c487a2f2aaa055939f64":[1,0,1,0,632], +"namespacemlx_1_1core.html#ad05311ca8e2f19ffe5849e963837cec7":[1,0,1,0,759], +"namespacemlx_1_1core.html#ad1014a836e7ce9301de8588eef1e89ee":[1,0,1,0,841], +"namespacemlx_1_1core.html#ad1229ffbba21bdb81f63482a4651bc5a":[1,0,1,0,228], +"namespacemlx_1_1core.html#ad1f96f0a02024f347b4c4431629407fc":[1,0,1,0,505], +"namespacemlx_1_1core.html#ad25880c67bbcbfafbe54dc16418bf736":[1,0,1,0,531], +"namespacemlx_1_1core.html#ad2f9e1c230ec35d5c406dd616e8f4dea":[1,0,1,0,460], +"namespacemlx_1_1core.html#ad3684d660d18a54505c759ab286bd936":[1,0,1,0,470], +"namespacemlx_1_1core.html#ad38b38a3faf050735d45eed4438ee27a":[1,0,1,0,586], +"namespacemlx_1_1core.html#ad3fb46370cd8f0992866fad9e2c64a3c":[1,0,1,0,688], +"namespacemlx_1_1core.html#ad41251938cf852b5560c1180944ebb49":[1,0,1,0,830], +"namespacemlx_1_1core.html#ad436557da5c7fea71fc58182a876cfe5":[1,0,1,0,787], +"namespacemlx_1_1core.html#ad4be35b310a252edd80d9cf04f094a60":[1,0,1,0,356], +"namespacemlx_1_1core.html#ad4c2cebe9e54582295f98c5a448a1f32":[1,0,1,0,921], +"namespacemlx_1_1core.html#ad527b86818823db040195785efd7d724":[1,0,1,0,406], +"namespacemlx_1_1core.html#ad5950619081389e6ed7512f38358d33d":[1,0,1,0,535], +"namespacemlx_1_1core.html#ad5af96e2ff09d207eb1e1980fe3e7c2d":[1,0,1,0,651], +"namespacemlx_1_1core.html#ad5f8c221a53a89e8095aa39fd1f61867":[1,0,1,0,471], +"namespacemlx_1_1core.html#ad6311ef8df59bdfb212b5cf8169246b2":[1,0,1,0,610], +"namespacemlx_1_1core.html#ad78c664f242cd36247c13868547e3dd4":[1,0,1,0,487], +"namespacemlx_1_1core.html#ad853981b1c5ba69b07d54c7b77055d22":[1,0,1,0,760], +"namespacemlx_1_1core.html#ad884f4a36308b5b4f8a5d990d2e086df":[1,0,1,0,230], +"namespacemlx_1_1core.html#ad8bb648d0603a206e0392990c911ca0b":[1,0,1,0,739], +"namespacemlx_1_1core.html#ad8d650bf63998abd716ee0ca28e1cbb9":[1,0,1,0,612], +"namespacemlx_1_1core.html#adabbd8768d216873617768249473a5c7":[1,0,1,0,809], +"namespacemlx_1_1core.html#adacbc4526e8964b267a8ec3eb1bc1a32":[1,0,1,0,391], +"namespacemlx_1_1core.html#adae1b14669d27ce1fe0c214771c07b77":[1,0,1,0,793], +"namespacemlx_1_1core.html#adaf70bbfb3667df0d08fd3c99896e20a":[1,0,1,0,644], +"namespacemlx_1_1core.html#adb016662b8f7eb680abfe1a421eabe72":[1,0,1,0,715], +"namespacemlx_1_1core.html#adb14f689c9f75f7901edb196c2bfb971":[1,0,1,0,309], +"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4":[1,0,1,0,169], +"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4a075ae3d2fc31640504f814f60e5ef713":[1,0,1,0,169,0], +"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4a8e5611dfddbae6e68624c59aa3e4e3e2":[1,0,1,0,169,1], +"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4aa10311459433adf322f2590a4987c423":[1,0,1,0,169,3], +"namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4ada8df7fd43da6073fec4fe5666b03dbb":[1,0,1,0,169,2], +"namespacemlx_1_1core.html#adce79d220672f5f3c65cc31d145ca9c4":[1,0,1,0,366], +"namespacemlx_1_1core.html#add4794cc0ffe5d717fc146084a235d95":[1,0,1,0,951], +"namespacemlx_1_1core.html#addaa46a13ac2deb1d9ce621338320e0e":[1,0,1,0,274], +"namespacemlx_1_1core.html#addb29b3e6771875f2aecd035ed560461":[1,0,1,0,351], +"namespacemlx_1_1core.html#ade2e2a0daa79d5c52f278f85f03dde2e":[1,0,1,0,753], +"namespacemlx_1_1core.html#ade2f9222fd433cd4d673c6182f256235":[1,0,1,0,796], +"namespacemlx_1_1core.html#ade3791bc723b8f10fbab22eadb0f705a":[1,0,1,0,465], +"namespacemlx_1_1core.html#ade5a175ff45347689ac4c798d04c8ffc":[1,0,1,0,750], +"namespacemlx_1_1core.html#ae0470605dc819efeb6510183619f0299":[1,0,1,0,358], +"namespacemlx_1_1core.html#ae0540f16c4e7bd55d0e86a88495e4967":[1,0,1,0,506], +"namespacemlx_1_1core.html#ae065fe5c42c1a333d7858d19f6434fa9":[1,0,1,0,785], +"namespacemlx_1_1core.html#ae0c47c0bd95bb8c44339159e04c0f604":[1,0,1,0,225], +"namespacemlx_1_1core.html#ae159e1f9193c12eff9a56dfceb1502ef":[1,0,1,0,942], +"namespacemlx_1_1core.html#ae1b6e5cfd27b1526285648686898e011":[1,0,1,0,173], +"namespacemlx_1_1core.html#ae1e41ca94022e43a00cdfc5845102daa":[1,0,1,0,695], +"namespacemlx_1_1core.html#ae24c337810c841ff23e327efde7045e1":[1,0,1,0,806], +"namespacemlx_1_1core.html#ae25e0c01b46612f039313a4825ba6428":[1,0,1,0,733], +"namespacemlx_1_1core.html#ae2a0bcdc171d7e9745d33e1d9aac4f8a":[1,0,1,0,778], +"namespacemlx_1_1core.html#ae36badb78a17cd7d13663a69645fc328":[1,0,1,0,578], +"namespacemlx_1_1core.html#ae36ea40b8477bfa12d41aae8245225c9":[1,0,1,0,849], +"namespacemlx_1_1core.html#ae3e1e8b7a5410e0edf35f31f74295e2f":[1,0,1,0,764], +"namespacemlx_1_1core.html#ae4690f349b2483f5d1a4b75aba67399f":[1,0,1,0,826], +"namespacemlx_1_1core.html#ae736defc89a04fbaf7627ad2695bb838":[1,0,1,0,683], +"namespacemlx_1_1core.html#ae78083d766b9cf6f87cded341bbcd63e":[1,0,1,0,858], +"namespacemlx_1_1core.html#ae789dbda2a0f4e21aa0984f6a5dc986c":[1,0,1,0,330], +"namespacemlx_1_1core.html#ae7a0f810e546a166c7d05849b5d41f30":[1,0,1,0,484], +"namespacemlx_1_1core.html#ae83df12368cb07ccb1c10c1117ff3922":[1,0,1,0,840], +"namespacemlx_1_1core.html#ae877e1d5e3cf57734da8b49535fe3fb3":[1,0,1,0,591], +"namespacemlx_1_1core.html#ae8aacc606ea16f018a90eae758830a35":[1,0,1,0,730], +"namespacemlx_1_1core.html#ae8c890bdcffadee8c5dab85c907f57eb":[1,0,1,0,736], +"namespacemlx_1_1core.html#ae93556906e115625ed1b62d36cf21b70":[1,0,1,0,839], +"namespacemlx_1_1core.html#ae9ee4a7c205df061c1caa7e62b7504e8":[1,0,1,0,401], +"namespacemlx_1_1core.html#aea414c04bddc4b9b609262e97398f1b4":[1,0,1,0,653], +"namespacemlx_1_1core.html#aeac6fa9529eedba76b27de9d098de963":[1,0,1,0,227], +"namespacemlx_1_1core.html#aeb879815228efbd2c8f80986e1c8d41f":[1,0,1,0,835], +"namespacemlx_1_1core.html#aec63a0472cb943fe39f31e7678555572":[1,0,1,0,757], +"namespacemlx_1_1core.html#aececc0e451237aa6c0d1a2c3d828c86e":[1,0,1,0,611], +"namespacemlx_1_1core.html#aecfbf5ef4872ae447eb4a374e4db28e4":[1,0,1,0,838], +"namespacemlx_1_1core.html#aed148d95e7b5221f1312473deded0d27":[1,0,1,0,430], +"namespacemlx_1_1core.html#aed2b5550f8424094ef10bdadfe92ec0f":[1,0,1,0,1034], +"namespacemlx_1_1core.html#aed3d9cd32698ef0fe65b1280f103b3f5":[1,0,1,0,552], +"namespacemlx_1_1core.html#aedc4e9df4bf71c0ac34fcfae60cdf550":[1,0,1,0,788], +"namespacemlx_1_1core.html#aeefaff208444d3fa61ecc0946fe1de5f":[1,0,1,0,361], +"namespacemlx_1_1core.html#aef60e3a8d9c987c9c338b193673d2164":[1,0,1,0,1023], +"namespacemlx_1_1core.html#aef85739d150b9d5609973da8a3f1086a":[1,0,1,0,670], +"namespacemlx_1_1core.html#aef89566301cb133d98c8e7bdd2b7bec6":[1,0,1,0,669], +"namespacemlx_1_1core.html#aefa6a2ec6439e9619cafd227a1dc14ab":[1,0,1,0,239], +"namespacemlx_1_1core.html#aefb9b05ce8864ada99a920ab32017b89":[1,0,1,0,712], +"namespacemlx_1_1core.html#af143cf68673e06390d4bb2ec2892bd22":[1,0,1,0,642], +"namespacemlx_1_1core.html#af1fdfdaa5644394362e6baba30701bae":[1,0,1,0,1022], +"namespacemlx_1_1core.html#af22937df654ddbd6e398ef12764d18c0":[1,0,1,0,662], +"namespacemlx_1_1core.html#af240a6471ff827819192808bffeb857a":[1,0,1,0,551], +"namespacemlx_1_1core.html#af26df9dc279d71b7cc10892c72162b58":[1,0,1,0,547], +"namespacemlx_1_1core.html#af2735df8513ecce88456585f5aea50f5":[1,0,1,0,323], +"namespacemlx_1_1core.html#af27d515ac390d62bd852b73ea759a947":[1,0,1,0,786], +"namespacemlx_1_1core.html#af32a99d930d49e9b178472d7a65531ab":[1,0,1,0,608], +"namespacemlx_1_1core.html#af35a2b06517d8bb7dbb469692b4f841c":[1,0,1,0,941], +"namespacemlx_1_1core.html#af38d5718f517e50a590fdb3d63a90df1":[1,0,1,0,324], +"namespacemlx_1_1core.html#af38e7582db29519bb39326f6fa531d20":[1,0,1,0,404], +"namespacemlx_1_1core.html#af3a603690fd3de9e4f7f2035a4d25621":[1,0,1,0,581], +"namespacemlx_1_1core.html#af3ede3688a2e3b3ba8cb2da180ffe151":[1,0,1,0,469], +"namespacemlx_1_1core.html#af3efb38b31c0bc08754a4edfda656b83":[1,0,1,0,160], +"namespacemlx_1_1core.html#af482f6c64acd77c57ef5bb4b7be9726c":[1,0,1,0,380] }; diff --git a/docs/build/html/navtreeindex21.js b/docs/build/html/navtreeindex21.js index e5972bcc5..adeeae7e7 100644 --- a/docs/build/html/navtreeindex21.js +++ b/docs/build/html/navtreeindex21.js @@ -1,253 +1,253 @@ var NAVTREEINDEX21 = { -"namespacemlx_1_1core.html#af35a2b06517d8bb7dbb469692b4f841c":[1,0,1,0,946], -"namespacemlx_1_1core.html#af38d5718f517e50a590fdb3d63a90df1":[1,0,1,0,327], -"namespacemlx_1_1core.html#af38e7582db29519bb39326f6fa531d20":[1,0,1,0,407], -"namespacemlx_1_1core.html#af3a603690fd3de9e4f7f2035a4d25621":[1,0,1,0,587], -"namespacemlx_1_1core.html#af3ede3688a2e3b3ba8cb2da180ffe151":[1,0,1,0,475], -"namespacemlx_1_1core.html#af3efb38b31c0bc08754a4edfda656b83":[1,0,1,0,159], -"namespacemlx_1_1core.html#af482f6c64acd77c57ef5bb4b7be9726c":[1,0,1,0,383], -"namespacemlx_1_1core.html#af48c6f2f72b61dbd6766e4f5fea85df5":[1,0,1,0,373], -"namespacemlx_1_1core.html#af52a941f8ed9b25eec91402c7b9e281f":[1,0,1,0,662], -"namespacemlx_1_1core.html#af56d4b85e329e39a825c01a50e3a2522":[1,0,1,0,569], -"namespacemlx_1_1core.html#af5899b4d5644682cb0ac2a488f630d55":[1,0,1,0,468], -"namespacemlx_1_1core.html#af5d865528989ca66b3d357e5ce4e0300":[1,0,1,0,629], -"namespacemlx_1_1core.html#af650e831ce21759da1ac103037d08d84":[1,0,1,0,393], -"namespacemlx_1_1core.html#af69db7def588d7da430434a69456e29c":[1,0,1,0,527], -"namespacemlx_1_1core.html#af7577c91b8c43682f0ebc9eb9758aae4":[1,0,1,0,560], -"namespacemlx_1_1core.html#af776fd91dd60594dcfebbafd17f19068":[1,0,1,0,378], -"namespacemlx_1_1core.html#af7eea1682a38d363c56a066321e6d526":[1,0,1,0,419], -"namespacemlx_1_1core.html#af810587a17e692f4eec256d3c3cd27de":[1,0,1,0,807], -"namespacemlx_1_1core.html#af834c1e18d6f11c4f233a2e1ce814a4b":[1,0,1,0,154], -"namespacemlx_1_1core.html#af84ed854132c1514dca5a524fdb7ed05":[1,0,1,0,866], -"namespacemlx_1_1core.html#af89612098dd355b1eefb841c753b36ab":[1,0,1,0,525], -"namespacemlx_1_1core.html#af89751d79339f3e4d9318ea97d64d114":[1,0,1,0,155], -"namespacemlx_1_1core.html#af8c648e892cbc6973de535aa17dc2cfe":[1,0,1,0,474], -"namespacemlx_1_1core.html#af9670fc8088339669c54c68b3a320e25":[1,0,1,0,510], -"namespacemlx_1_1core.html#af99db87e0078bfcdb383f5689bc874d4":[1,0,1,0,1061], -"namespacemlx_1_1core.html#afa2a4bccfeea9688ac922cb638341511":[1,0,1,0,561], -"namespacemlx_1_1core.html#afab3d4eb1b36a276922879ce6e44b7f5":[1,0,1,0,869], -"namespacemlx_1_1core.html#afb5069ecebdfd9d388c26f83df12c93c":[1,0,1,0,620], -"namespacemlx_1_1core.html#afb57825bb763050cc9a9d194aa41ac36":[1,0,1,0,358], -"namespacemlx_1_1core.html#afb784b960f55aeb4edd7f567fa74d443":[1,0,1,0,615], -"namespacemlx_1_1core.html#afb9f780dd056a4f975518f71a3b021ee":[1,0,1,0,589], -"namespacemlx_1_1core.html#afbb085188b563a54606d84f87a9bf5a6":[1,0,1,0,379], -"namespacemlx_1_1core.html#afbd2769c30e721afc85a7b9fb55b8e52":[1,0,1,0,156], -"namespacemlx_1_1core.html#afc71e62dc5757564486cea5ebb12500e":[1,0,1,0,357], -"namespacemlx_1_1core.html#afc9a87f1fccbac05242b91bfbb35c24d":[1,0,1,0,544], -"namespacemlx_1_1core.html#afd4170c1e364384f30e6bae341146fa6":[1,0,1,0,663], -"namespacemlx_1_1core.html#afd4519985b6b207ec41ad8530d1036df":[1,0,1,0,699], -"namespacemlx_1_1core.html#afd9e740e567f9d7c28e00113caf46d5f":[1,0,1,0,396], -"namespacemlx_1_1core.html#afe6581a2c45f24d7fab1e4006c1e3c70":[1,0,1,0,715], -"namespacemlx_1_1core.html#aff97612627ae1ed260c43c0a7af0d306":[1,0,1,0,713], +"namespacemlx_1_1core.html#af48c6f2f72b61dbd6766e4f5fea85df5":[1,0,1,0,370], +"namespacemlx_1_1core.html#af52a941f8ed9b25eec91402c7b9e281f":[1,0,1,0,656], +"namespacemlx_1_1core.html#af56d4b85e329e39a825c01a50e3a2522":[1,0,1,0,563], +"namespacemlx_1_1core.html#af5899b4d5644682cb0ac2a488f630d55":[1,0,1,0,462], +"namespacemlx_1_1core.html#af5d865528989ca66b3d357e5ce4e0300":[1,0,1,0,623], +"namespacemlx_1_1core.html#af650e831ce21759da1ac103037d08d84":[1,0,1,0,390], +"namespacemlx_1_1core.html#af69db7def588d7da430434a69456e29c":[1,0,1,0,521], +"namespacemlx_1_1core.html#af7577c91b8c43682f0ebc9eb9758aae4":[1,0,1,0,554], +"namespacemlx_1_1core.html#af776fd91dd60594dcfebbafd17f19068":[1,0,1,0,375], +"namespacemlx_1_1core.html#af7eea1682a38d363c56a066321e6d526":[1,0,1,0,415], +"namespacemlx_1_1core.html#af810587a17e692f4eec256d3c3cd27de":[1,0,1,0,801], +"namespacemlx_1_1core.html#af834c1e18d6f11c4f233a2e1ce814a4b":[1,0,1,0,155], +"namespacemlx_1_1core.html#af84ed854132c1514dca5a524fdb7ed05":[1,0,1,0,860], +"namespacemlx_1_1core.html#af89612098dd355b1eefb841c753b36ab":[1,0,1,0,519], +"namespacemlx_1_1core.html#af89751d79339f3e4d9318ea97d64d114":[1,0,1,0,156], +"namespacemlx_1_1core.html#af8c648e892cbc6973de535aa17dc2cfe":[1,0,1,0,468], +"namespacemlx_1_1core.html#af9670fc8088339669c54c68b3a320e25":[1,0,1,0,504], +"namespacemlx_1_1core.html#af99db87e0078bfcdb383f5689bc874d4":[1,0,1,0,1060], +"namespacemlx_1_1core.html#afa2a4bccfeea9688ac922cb638341511":[1,0,1,0,555], +"namespacemlx_1_1core.html#afab3d4eb1b36a276922879ce6e44b7f5":[1,0,1,0,863], +"namespacemlx_1_1core.html#afb5069ecebdfd9d388c26f83df12c93c":[1,0,1,0,614], +"namespacemlx_1_1core.html#afb57825bb763050cc9a9d194aa41ac36":[1,0,1,0,355], +"namespacemlx_1_1core.html#afb784b960f55aeb4edd7f567fa74d443":[1,0,1,0,609], +"namespacemlx_1_1core.html#afb9f780dd056a4f975518f71a3b021ee":[1,0,1,0,583], +"namespacemlx_1_1core.html#afbb085188b563a54606d84f87a9bf5a6":[1,0,1,0,376], +"namespacemlx_1_1core.html#afbd2769c30e721afc85a7b9fb55b8e52":[1,0,1,0,157], +"namespacemlx_1_1core.html#afc71e62dc5757564486cea5ebb12500e":[1,0,1,0,354], +"namespacemlx_1_1core.html#afc9a87f1fccbac05242b91bfbb35c24d":[1,0,1,0,538], +"namespacemlx_1_1core.html#afd07258882634dcda1e6f18f10dc28d5":[1,0,1,0,432], +"namespacemlx_1_1core.html#afd4170c1e364384f30e6bae341146fa6":[1,0,1,0,657], +"namespacemlx_1_1core.html#afd4519985b6b207ec41ad8530d1036df":[1,0,1,0,693], +"namespacemlx_1_1core.html#afd9e740e567f9d7c28e00113caf46d5f":[1,0,1,0,393], +"namespacemlx_1_1core.html#afe6581a2c45f24d7fab1e4006c1e3c70":[1,0,1,0,709], +"namespacemlx_1_1core.html#aff97612627ae1ed260c43c0a7af0d306":[1,0,1,0,707], "namespacemlx_1_1core_1_1allocator.html":[1,0,1,0,0], "namespacemlx_1_1core_1_1allocator.html#a560d10a166e3c294f3757166f9bd6801":[1,0,1,0,0,5], "namespacemlx_1_1core_1_1allocator.html#a77f0a1215be242db6485612bcb273af5":[1,0,1,0,0,4], "namespacemlx_1_1core_1_1allocator.html#a86ac0a11ff78f21e717f641716c34abc":[1,0,1,0,0,6], "namespacemlx_1_1core_1_1allocator.html#aa23e2f20a336d0b159c097087194634e":[1,0,1,0,0,3], -"namespacemlx_1_1core_1_1detail.html":[1,0,1,0,1], -"namespacemlx_1_1core_1_1detail.html#a10d612cb45a17fa17b704a357a902a68":[1,0,1,0,1,71], -"namespacemlx_1_1core_1_1detail.html#a31a5582530faea230eb8acafc0f7e154":[1,0,1,0,1,75], -"namespacemlx_1_1core_1_1detail.html#a33c878c900ca06f35d479f99c57b9e39":[1,0,1,0,1,69], -"namespacemlx_1_1core_1_1detail.html#a38af45eb92e437207c722a088f381cd3":[1,0,1,0,1,74], -"namespacemlx_1_1core_1_1detail.html#a3cede3c723ea5766a87548140bc6728e":[1,0,1,0,1,72], -"namespacemlx_1_1core_1_1detail.html#a3fb927c209b946aefebb195993fbe4cf":[1,0,1,0,1,65], -"namespacemlx_1_1core_1_1detail.html#a545fccdb5dc365b154cf4f0a2ca4753b":[1,0,1,0,1,66], -"namespacemlx_1_1core_1_1detail.html#a56fc01df6ba4c508d1da8b366b1328ac":[1,0,1,0,1,68], -"namespacemlx_1_1core_1_1detail.html#a5ba794afe1a557e0505887cfb481c515":[1,0,1,0,1,76], -"namespacemlx_1_1core_1_1detail.html#a69eb76a14f845ca000f1ccb2edda0175":[1,0,1,0,1,67], -"namespacemlx_1_1core_1_1detail.html#aac5e13ecbb521f3ac0e27d98d15fa985":[1,0,1,0,1,62], -"namespacemlx_1_1core_1_1detail.html#ac2163a401119bb6edecfeb43373ef0dd":[1,0,1,0,1,70], -"namespacemlx_1_1core_1_1detail.html#aeeff2ba6ec3d9d4ed090de6d2681dbc2":[1,0,1,0,1,64], -"namespacemlx_1_1core_1_1detail.html#af556c7576658b2e2498ead70339d95e5":[1,0,1,0,1,63], -"namespacemlx_1_1core_1_1detail.html#af974e1a6f06acfc949e67a330898ac11":[1,0,1,0,1,73], -"namespacemlx_1_1core_1_1distributed.html":[1,0,1,0,2], -"namespacemlx_1_1core_1_1distributed.html#a24cdcd2aa23a3410a8973753ade3f772":[1,0,1,0,2,11], -"namespacemlx_1_1core_1_1distributed.html#a2822b78bce2c679e6ff940b2fca944f0":[1,0,1,0,2,14], -"namespacemlx_1_1core_1_1distributed.html#a5a8360edaa3a528a3927fce4d2cf1777":[1,0,1,0,2,15], -"namespacemlx_1_1core_1_1distributed.html#a67ccb1a5445fc6f5db49dd36a15e5980":[1,0,1,0,2,10], -"namespacemlx_1_1core_1_1distributed.html#a82ef5e8cc7ac62cd228e51b1c1b77cb7":[1,0,1,0,2,9], -"namespacemlx_1_1core_1_1distributed.html#a95655473cd0032c06e5fe3fca85aeef3":[1,0,1,0,2,12], -"namespacemlx_1_1core_1_1distributed.html#af93c1680b656e98158d5f6eed8e092e8":[1,0,1,0,2,13], -"namespacemlx_1_1core_1_1distributed_1_1detail.html":[1,0,1,0,2,0], -"namespacemlx_1_1core_1_1distributed_1_1detail.html#a003de04deb00ecbb19179b3f557df548":[1,0,1,0,2,0,4], -"namespacemlx_1_1core_1_1distributed_1_1detail.html#aa1d225b25f7b6426c48c5e35860ee960":[1,0,1,0,2,0,2], -"namespacemlx_1_1core_1_1distributed_1_1detail.html#abf33511660ac71df5fc92f2aad6c6e08":[1,0,1,0,2,0,5], -"namespacemlx_1_1core_1_1distributed_1_1detail.html#ac3612edf0e0e18c1e4ba0ce7c6e35cd6":[1,0,1,0,2,0,3], -"namespacemlx_1_1core_1_1distributed_1_1detail.html#aeb5a1726358213bc75756506f7b54d04":[1,0,1,0,2,0,1], -"namespacemlx_1_1core_1_1distributed_1_1mpi.html":[1,0,1,0,2,1], -"namespacemlx_1_1core_1_1distributed_1_1mpi.html#a86d8a52e75b15bae8fb0992b418a41c7":[1,0,1,0,2,1,2], -"namespacemlx_1_1core_1_1distributed_1_1mpi.html#ab40a34a8837956e24fb9b9661104c8f9":[1,0,1,0,2,1,1], -"namespacemlx_1_1core_1_1distributed_1_1mpi.html#ab9a91276b3c84ea63f1d1831ef4079dd":[1,0,1,0,2,1,0], -"namespacemlx_1_1core_1_1distributed_1_1ring.html":[1,0,1,0,2,2], -"namespacemlx_1_1core_1_1distributed_1_1ring.html#a1238e89ee95ba016741f0abe91b540ac":[1,0,1,0,2,2,2], -"namespacemlx_1_1core_1_1distributed_1_1ring.html#a6e4d590e07f0cf3cc2d15f258f9438ed":[1,0,1,0,2,2,0], -"namespacemlx_1_1core_1_1distributed_1_1ring.html#a81a13abe6f334d2f6b058b39a2221e67":[1,0,1,0,2,2,1], -"namespacemlx_1_1core_1_1env.html":[1,0,1,0,3], -"namespacemlx_1_1core_1_1env.html#a0efecbf9efe695adafad12b5a4945df3":[1,0,1,0,3,1], -"namespacemlx_1_1core_1_1env.html#aa532471d4506e11e0da615b9d6451083":[1,0,1,0,3,3], -"namespacemlx_1_1core_1_1env.html#ac3266e1259a64c8b56bdc6c7029179f2":[1,0,1,0,3,0], -"namespacemlx_1_1core_1_1env.html#afa1ecf087fe0c633d5460ddb2c31c945":[1,0,1,0,3,4], -"namespacemlx_1_1core_1_1env.html#afc55d7755889157ded85d52cde14f413":[1,0,1,0,3,2], -"namespacemlx_1_1core_1_1fast.html":[1,0,1,0,4], -"namespacemlx_1_1core_1_1fast.html#a01bd533ebd0e2415c4ee30032d51d7bf":[1,0,1,0,4,14], -"namespacemlx_1_1core_1_1fast.html#a12c7ef41409d6fb378008e67b6fab328":[1,0,1,0,4,12], -"namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39":[1,0,1,0,4,17], -"namespacemlx_1_1core_1_1fast.html#a3663b50265b0a9c0cca2b5376852e059":[1,0,1,0,4,19], -"namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab":[1,0,1,0,4,18], -"namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01":[1,0,1,0,4,16], -"namespacemlx_1_1core_1_1fast.html#a9390693ff7be931f3ef3428e2ea4c3f9":[1,0,1,0,4,11], -"namespacemlx_1_1core_1_1fast.html#aa45bf61e7a5c4ad0114b82ed80ae0dbd":[1,0,1,0,4,10], -"namespacemlx_1_1core_1_1fast.html#aa4b5f6886b2288cb6dfdd8598579f080":[1,0,1,0,4,13], -"namespacemlx_1_1core_1_1fast.html#ab16436b465dc10ce472193d541d8426e":[1,0,1,0,4,15], -"namespacemlx_1_1core_1_1fft.html":[1,0,1,0,5], -"namespacemlx_1_1core_1_1fft.html#a039a44197ad299a15a5847639292800c":[1,0,1,0,5,6], -"namespacemlx_1_1core_1_1fft.html#a1c9ad11121c5879d5c04bbde2ee238c3":[1,0,1,0,5,19], -"namespacemlx_1_1core_1_1fft.html#a2c6685806eef1cae8d2da53567d23e5c":[1,0,1,0,5,4], -"namespacemlx_1_1core_1_1fft.html#a2c6abf48be3fcf5afd88c172a5f038ea":[1,0,1,0,5,18], -"namespacemlx_1_1core_1_1fft.html#a3794c67262e4ab28d35fa89abfdfd063":[1,0,1,0,5,12], -"namespacemlx_1_1core_1_1fft.html#a3fe55b7b6eba32c4c8b2d206036216e0":[1,0,1,0,5,0], -"namespacemlx_1_1core_1_1fft.html#a464016cbc948bb3af17d43ce39cf54bd":[1,0,1,0,5,21], -"namespacemlx_1_1core_1_1fft.html#a53d44fd9b6c7645f9303c24099755bf2":[1,0,1,0,5,27], -"namespacemlx_1_1core_1_1fft.html#a59ca0c3c455e4ff1fed3dbd2327c55f0":[1,0,1,0,5,24], -"namespacemlx_1_1core_1_1fft.html#a6eb0c5f8b33694ddb56748a97d17e8b7":[1,0,1,0,5,3], -"namespacemlx_1_1core_1_1fft.html#a700e1659e101bc0f806de712079d9273":[1,0,1,0,5,7], -"namespacemlx_1_1core_1_1fft.html#a7a318ed0ab6a600cd7cba96ecbd72a1d":[1,0,1,0,5,2], -"namespacemlx_1_1core_1_1fft.html#a865adcb7d7fe35541ad8c21f963905e0":[1,0,1,0,5,10], -"namespacemlx_1_1core_1_1fft.html#a893a667b85d6bef9b27fb40b591352b3":[1,0,1,0,5,8], -"namespacemlx_1_1core_1_1fft.html#a8adeca9b76277676390ec7d04dc0620b":[1,0,1,0,5,13], -"namespacemlx_1_1core_1_1fft.html#a99397f5d9de6551f967120546ec96728":[1,0,1,0,5,23], -"namespacemlx_1_1core_1_1fft.html#a9c83e5b0498c63cac9c882494b6b3eb6":[1,0,1,0,5,9], -"namespacemlx_1_1core_1_1fft.html#a9cb0edfb831b1ed607a8124d38540c13":[1,0,1,0,5,22], -"namespacemlx_1_1core_1_1fft.html#aaa116429c2cb5bab20b464be890252c8":[1,0,1,0,5,5], -"namespacemlx_1_1core_1_1fft.html#aaf5a7ef93b3426b94c2363a23a5a5b36":[1,0,1,0,5,20], -"namespacemlx_1_1core_1_1fft.html#aafa721d0492e9f74913a6e86b4896ad8":[1,0,1,0,5,15], -"namespacemlx_1_1core_1_1fft.html#ab502e092ba4bb571ecc421a25e4cb968":[1,0,1,0,5,26], -"namespacemlx_1_1core_1_1fft.html#ab60d121ff5509c5a144b2fab7ae0f93b":[1,0,1,0,5,25], -"namespacemlx_1_1core_1_1fft.html#ad672de5ca029a6925b05f03bbebe5ad3":[1,0,1,0,5,1], -"namespacemlx_1_1core_1_1fft.html#ae2309d3a7a72c62dabdc16d5b38cc6b3":[1,0,1,0,5,16], -"namespacemlx_1_1core_1_1fft.html#ae29b70549a1106cf7e70a31a0f80e66a":[1,0,1,0,5,11], -"namespacemlx_1_1core_1_1fft.html#af7c7bbbbce26c2775a77473502a8de02":[1,0,1,0,5,17], -"namespacemlx_1_1core_1_1fft.html#afbd0035a3cf91f428838de1fcf01a3a3":[1,0,1,0,5,14], -"namespacemlx_1_1core_1_1io.html":[1,0,1,0,6], -"namespacemlx_1_1core_1_1io.html#a05f27b765443a178a972abae772e863d":[1,0,1,0,6,4], -"namespacemlx_1_1core_1_1linalg.html":[1,0,1,0,7], -"namespacemlx_1_1core_1_1linalg.html#a00c8e24432b0773dac64b8602bd142ba":[1,0,1,0,7,4], -"namespacemlx_1_1core_1_1linalg.html#a2180be504f639fd471ea622641c1b0ca":[1,0,1,0,7,3], -"namespacemlx_1_1core_1_1linalg.html#a229018071d5602e38d6248230f334a10":[1,0,1,0,7,10], -"namespacemlx_1_1core_1_1linalg.html#a44250cff34238f01471fd61e76036f03":[1,0,1,0,7,13], -"namespacemlx_1_1core_1_1linalg.html#a46c8a4f806f0a97a4323e91189aa512b":[1,0,1,0,7,0], -"namespacemlx_1_1core_1_1linalg.html#a5e6e53f7a04688baa1329d166511febe":[1,0,1,0,7,17], -"namespacemlx_1_1core_1_1linalg.html#a6358b3b4398289f30ada4c2712a9d88d":[1,0,1,0,7,18], -"namespacemlx_1_1core_1_1linalg.html#a64364b880e99914cf47bf756fa8dbaf0":[1,0,1,0,7,19], -"namespacemlx_1_1core_1_1linalg.html#a66590bfcec381e952b27630da0a31953":[1,0,1,0,7,16], -"namespacemlx_1_1core_1_1linalg.html#a7a426a92cb02c0d125e41f8915e66f7f":[1,0,1,0,7,6], -"namespacemlx_1_1core_1_1linalg.html#aba1994571326326717b5b5e38c2e0661":[1,0,1,0,7,20], -"namespacemlx_1_1core_1_1linalg.html#aba765b8e95e9a1d33d31f727a185919d":[1,0,1,0,7,8], -"namespacemlx_1_1core_1_1linalg.html#abcda3fbda45183c21e7f27aa0dde64e6":[1,0,1,0,7,2], -"namespacemlx_1_1core_1_1linalg.html#abf10561bef3450b83a45aef161ee8b6e":[1,0,1,0,7,7], -"namespacemlx_1_1core_1_1linalg.html#acaa85b4146821c268abecec2422c02d2":[1,0,1,0,7,9], -"namespacemlx_1_1core_1_1linalg.html#ad966a0b6bff176c9f933534ed62389a2":[1,0,1,0,7,5], -"namespacemlx_1_1core_1_1linalg.html#ad9f8348091e5ff4f74ad456e9fbd3e01":[1,0,1,0,7,14], -"namespacemlx_1_1core_1_1linalg.html#ae6d97829459353fe3b31c8a0867c0ca2":[1,0,1,0,7,15], -"namespacemlx_1_1core_1_1linalg.html#ae8da67e4c6e073f93889f1051203cd9e":[1,0,1,0,7,12], -"namespacemlx_1_1core_1_1linalg.html#aef0fe4894c5cf98792d59859c6d20511":[1,0,1,0,7,1], -"namespacemlx_1_1core_1_1linalg.html#af1ebe0c6dcba9a1c49b5e397dddf3264":[1,0,1,0,7,11], -"namespacemlx_1_1core_1_1metal.html":[1,0,1,0,8], -"namespacemlx_1_1core_1_1metal.html#a02edb6a90bdf30f4c9f0d6c25b0267b5":[1,0,1,0,8,47], -"namespacemlx_1_1core_1_1metal.html#a0cdf2c08c7bc0927a86070adc206987f":[1,0,1,0,8,28], -"namespacemlx_1_1core_1_1metal.html#a11b593b07e9a33e5f78fe4695fb99ec9":[1,0,1,0,8,53], -"namespacemlx_1_1core_1_1metal.html#a17764366deed71c160fb26091400a803":[1,0,1,0,8,48], -"namespacemlx_1_1core_1_1metal.html#a17b471fa52ea5f24ee63e081f46528f5":[1,0,1,0,8,55], -"namespacemlx_1_1core_1_1metal.html#a22b3384ebd17f2fca198f81b9f1b6dc3":[1,0,1,0,8,13], -"namespacemlx_1_1core_1_1metal.html#a269d591ec02e2f7c0f7a718fbfa37f73":[1,0,1,0,8,10], -"namespacemlx_1_1core_1_1metal.html#a272c36f0faf2570cbb2f36030e9a3f26":[1,0,1,0,8,9], -"namespacemlx_1_1core_1_1metal.html#a2d1c92ba6897c0a7a428fed63279b61f":[1,0,1,0,8,52], -"namespacemlx_1_1core_1_1metal.html#a2ec39572806310cf528aea06530e8af8":[1,0,1,0,8,35], -"namespacemlx_1_1core_1_1metal.html#a31eab4828d31d292bc84e07b0d961e1e":[1,0,1,0,8,42], -"namespacemlx_1_1core_1_1metal.html#a32e902c6cd6d35fcc3119ed6685a170f":[1,0,1,0,8,38], -"namespacemlx_1_1core_1_1metal.html#a39f43360d9e916fcf7e86c919b419554":[1,0,1,0,8,18], -"namespacemlx_1_1core_1_1metal.html#a3fb2c4a237fa4bfdff798156146c4937":[1,0,1,0,8,41], -"namespacemlx_1_1core_1_1metal.html#a43307654f62ed7c58e014be7fb03909c":[1,0,1,0,8,24], -"namespacemlx_1_1core_1_1metal.html#a4552b7ccdfa7f3cc9895c09799d8048e":[1,0,1,0,8,30], -"namespacemlx_1_1core_1_1metal.html#a46583a1aba89449fa72e6cb3a7090981":[1,0,1,0,8,31], -"namespacemlx_1_1core_1_1metal.html#a4b67d680cefa95f0ed5801f0e14e48ce":[1,0,1,0,8,26], -"namespacemlx_1_1core_1_1metal.html#a4fe937c2c584fd646926057f31d54ca6":[1,0,1,0,8,43], -"namespacemlx_1_1core_1_1metal.html#a529dc6c2d4a37ba544b66b2c3cd792cc":[1,0,1,0,8,56], -"namespacemlx_1_1core_1_1metal.html#a545de371fefba1feec2e70b7e9f4187c":[1,0,1,0,8,19], -"namespacemlx_1_1core_1_1metal.html#a5fd6ba2040e53a254b9d71ae7ebd315f":[1,0,1,0,8,25], -"namespacemlx_1_1core_1_1metal.html#a616e09a1ef321d527770721cef264c54":[1,0,1,0,8,7], -"namespacemlx_1_1core_1_1metal.html#a74b3558bd518aecde6b14b0ba5e1a0d5":[1,0,1,0,8,8], -"namespacemlx_1_1core_1_1metal.html#a7b75c2639016ac4d350fa6c9da386667":[1,0,1,0,8,23], -"namespacemlx_1_1core_1_1metal.html#a81c2cf124b0803098a54a78f8f6873a6":[1,0,1,0,8,37], -"namespacemlx_1_1core_1_1metal.html#a88c1d42d525fcdfb2f9e8aa2c3f82ea6":[1,0,1,0,8,39], -"namespacemlx_1_1core_1_1metal.html#a8b4188f9a090a1da42d62b8a369bf106":[1,0,1,0,8,32], -"namespacemlx_1_1core_1_1metal.html#a8bd0072616087cd568c2c804e7114aa9":[1,0,1,0,8,27], -"namespacemlx_1_1core_1_1metal.html#a8db7f9cc781d4bfb08423a401665f322":[1,0,1,0,8,11], -"namespacemlx_1_1core_1_1metal.html#a910797b74824e6ee576fbb533dee8b57":[1,0,1,0,8,16], -"namespacemlx_1_1core_1_1metal.html#a92f1e559b1121d545746f81ff86eaca1":[1,0,1,0,8,46], -"namespacemlx_1_1core_1_1metal.html#a949f029424218ab5c5588563d2e076f5":[1,0,1,0,8,33], -"namespacemlx_1_1core_1_1metal.html#a962272ca73d26c08f76f706a128fd71f":[1,0,1,0,8,49], -"namespacemlx_1_1core_1_1metal.html#aa215e631e2680f04a591b88d91571719":[1,0,1,0,8,15], -"namespacemlx_1_1core_1_1metal.html#aa47cb5651bf3b65c46ab216b7e504d77":[1,0,1,0,8,45], -"namespacemlx_1_1core_1_1metal.html#ab09c9b60f1e886ab859e6a066c9a5b9d":[1,0,1,0,8,40], -"namespacemlx_1_1core_1_1metal.html#ab1704e853394c725668c06752ebb5c24":[1,0,1,0,8,14], -"namespacemlx_1_1core_1_1metal.html#ab31abdda3052162d59f6590a89e38337":[1,0,1,0,8,29], -"namespacemlx_1_1core_1_1metal.html#ab77c9a9ecaeeab8c66b712862777c24b":[1,0,1,0,8,44], -"namespacemlx_1_1core_1_1metal.html#abb997ccbed4c9a9ccd975b1574755fca":[1,0,1,0,8,34], -"namespacemlx_1_1core_1_1metal.html#abc055b75e6a059618f279c35f8de36e7":[1,0,1,0,8,22], -"namespacemlx_1_1core_1_1metal.html#ac46fd23516a61fc56d997910e4144281":[1,0,1,0,8,21], -"namespacemlx_1_1core_1_1metal.html#ac90714424e36fb01e04550de69b8314f":[1,0,1,0,8,51], -"namespacemlx_1_1core_1_1metal.html#ad0dfd40ba7c09755711ceb731e57a5ac":[1,0,1,0,8,50], -"namespacemlx_1_1core_1_1metal.html#adc66b1b48b51ac2d2f1f5bfac1b95ee3":[1,0,1,0,8,20], -"namespacemlx_1_1core_1_1metal.html#adec8bb375da6c9dd5ff625a3a8434122":[1,0,1,0,8,36], -"namespacemlx_1_1core_1_1metal.html#aebddc0ae4bc73a1acebc4a844475593b":[1,0,1,0,8,17], -"namespacemlx_1_1core_1_1metal.html#aed047eec38b030ec5f29b9da54abf8cb":[1,0,1,0,8,12], -"namespacemlx_1_1core_1_1metal.html#afac64fd56ac492d6baf6de7e8a00b039":[1,0,1,0,8,54], -"namespacemlx_1_1core_1_1random.html":[1,0,1,0,9], -"namespacemlx_1_1core_1_1random.html#a035d36774135faabad33d8f64a879df7":[1,0,1,0,9,6], -"namespacemlx_1_1core_1_1random.html#a0ffb2f91da490f372f898ca2f82104a8":[1,0,1,0,9,33], -"namespacemlx_1_1core_1_1random.html#a1c601b637f60071dfc85cad19a841744":[1,0,1,0,9,1], -"namespacemlx_1_1core_1_1random.html#a1df350be44a32e2eefdd60bb21811246":[1,0,1,0,9,20], -"namespacemlx_1_1core_1_1random.html#a1ede4c7f5c86e7b7e834953853ffae9a":[1,0,1,0,9,8], -"namespacemlx_1_1core_1_1random.html#a2778876cd2318fec69cd1f3fc0955d68":[1,0,1,0,9,4], -"namespacemlx_1_1core_1_1random.html#a286295f9eba91eb2505f855636763add":[1,0,1,0,9,25], -"namespacemlx_1_1core_1_1random.html#a34c5efe846c68b62e65cdb26803d609c":[1,0,1,0,9,19], -"namespacemlx_1_1core_1_1random.html#a39663eda0fd7b274d01499a7b1c9035f":[1,0,1,0,9,31], -"namespacemlx_1_1core_1_1random.html#a42847b435d037a977592e355eed072af":[1,0,1,0,9,28], -"namespacemlx_1_1core_1_1random.html#a52913f952387ee3943b3c1f572583ac0":[1,0,1,0,9,34], -"namespacemlx_1_1core_1_1random.html#a529adc3488cc649103c0b7316c7ac9b2":[1,0,1,0,9,23], -"namespacemlx_1_1core_1_1random.html#a6e80f65fe0f64227fb904fb731c855aa":[1,0,1,0,9,15], -"namespacemlx_1_1core_1_1random.html#a6ec2c08e63d379594b0744cfc7d8dc41":[1,0,1,0,9,21], -"namespacemlx_1_1core_1_1random.html#a76f81f8f9468039a0b941513b46cb825":[1,0,1,0,9,11], -"namespacemlx_1_1core_1_1random.html#a7ec057064c7326c41b536f08178861e5":[1,0,1,0,9,27], -"namespacemlx_1_1core_1_1random.html#a980b9805dac939e80c2915f0046e6dee":[1,0,1,0,9,18], -"namespacemlx_1_1core_1_1random.html#a98ec5406d44ee64537fde896f7da7ce1":[1,0,1,0,9,16], -"namespacemlx_1_1core_1_1random.html#aa336e774783543705dffe2ad5b2c49c1":[1,0,1,0,9,9], -"namespacemlx_1_1core_1_1random.html#aa7104c436b3972a2480cfeb54554855f":[1,0,1,0,9,10], -"namespacemlx_1_1core_1_1random.html#aa9e360f9cb7bd23221352ed9e31d83c2":[1,0,1,0,9,5], -"namespacemlx_1_1core_1_1random.html#aaa49f6c2af5496822fa09435e54275cb":[1,0,1,0,9,2], -"namespacemlx_1_1core_1_1random.html#aba90074b8a60da9791451c10312bccfa":[1,0,1,0,9,14], -"namespacemlx_1_1core_1_1random.html#abe65438fbb52624386f50f77863a2c5e":[1,0,1,0,9,35], -"namespacemlx_1_1core_1_1random.html#ac461a0be91e448c9887b38b832c61cc2":[1,0,1,0,9,32], -"namespacemlx_1_1core_1_1random.html#ac4ad325b613257306df74595d3d0e23b":[1,0,1,0,9,26], -"namespacemlx_1_1core_1_1random.html#ac7e92c89a2bac1b0bed922a3d4c3c66b":[1,0,1,0,9,29], -"namespacemlx_1_1core_1_1random.html#acf04b6f42de11383e86dcc7f98c67bd8":[1,0,1,0,9,12], -"namespacemlx_1_1core_1_1random.html#ad7d1c0b530906538dd8fb31b17382f2b":[1,0,1,0,9,7], -"namespacemlx_1_1core_1_1random.html#ad7dc7ec016e0441749cf94325d624fba":[1,0,1,0,9,24], -"namespacemlx_1_1core_1_1random.html#ad7eb4467e2f9d5f74a5607b29a935b6e":[1,0,1,0,9,3], -"namespacemlx_1_1core_1_1random.html#ae4636a5e54c4dcc211d252fe9d97c413":[1,0,1,0,9,22], -"namespacemlx_1_1core_1_1random.html#ae6a8407fbca0817a4b8c94e02952f77d":[1,0,1,0,9,17], -"namespacemlx_1_1core_1_1random.html#aece7dc5a29e0488d8b9648f340dbff72":[1,0,1,0,9,30], -"namespacemlx_1_1core_1_1random.html#afa5f7f165b12ec57b1244f347f471bba":[1,0,1,0,9,13], -"namespacemlx_1_1core_1_1scheduler.html":[1,0,1,0,10], -"namespacemlx_1_1core_1_1scheduler.html#a1d06ffdbab36790b78deb6e34adc737f":[1,0,1,0,10,5], -"namespacemlx_1_1core_1_1scheduler.html#a6b7289e33cef665178fe614aac75c1b2":[1,0,1,0,10,4], -"namespacemlx_1_1core_1_1scheduler.html#a8cc4d5fd1f5ce722b377ead1863a2291":[1,0,1,0,10,7], -"namespacemlx_1_1core_1_1scheduler.html#a9bf641981df5fc16b0fb0dbacc0c3afd":[1,0,1,0,10,3], -"namespacemlx_1_1core_1_1scheduler.html#aa2d4eacf5d5cbc778a51aafd4fd8e4d7":[1,0,1,0,10,2], -"namespacemlx_1_1core_1_1scheduler.html#ae856e468c2f7c8f8ec672522cc13730b":[1,0,1,0,10,6], -"namespacemlx_1_1core_1_1simd.html":[1,0,1,0,11], -"namespacemlx_1_1core_1_1simd.html#a01259c9188e6ecd48979cdc2fd766372":[1,0,1,0,11,166], -"namespacemlx_1_1core_1_1simd.html#a034d7b57cb3c6ca711c573515327d1a8":[1,0,1,0,11,204] +"namespacemlx_1_1core_1_1cpu.html":[1,0,1,0,1], +"namespacemlx_1_1core_1_1cpu.html#a1fc5871c94ccee8536c6d43f8f6d5557":[1,0,1,0,1,3], +"namespacemlx_1_1core_1_1cpu.html#a3f721e92f604a57ed204a13d1ba9cad5":[1,0,1,0,1,1], +"namespacemlx_1_1core_1_1cpu.html#a65b1789c4b339a108e64fda5f102d933":[1,0,1,0,1,2], +"namespacemlx_1_1core_1_1detail.html":[1,0,1,0,2], +"namespacemlx_1_1core_1_1detail.html#a10d612cb45a17fa17b704a357a902a68":[1,0,1,0,2,71], +"namespacemlx_1_1core_1_1detail.html#a31a5582530faea230eb8acafc0f7e154":[1,0,1,0,2,75], +"namespacemlx_1_1core_1_1detail.html#a33c878c900ca06f35d479f99c57b9e39":[1,0,1,0,2,69], +"namespacemlx_1_1core_1_1detail.html#a38af45eb92e437207c722a088f381cd3":[1,0,1,0,2,74], +"namespacemlx_1_1core_1_1detail.html#a3cede3c723ea5766a87548140bc6728e":[1,0,1,0,2,72], +"namespacemlx_1_1core_1_1detail.html#a3fb927c209b946aefebb195993fbe4cf":[1,0,1,0,2,65], +"namespacemlx_1_1core_1_1detail.html#a545fccdb5dc365b154cf4f0a2ca4753b":[1,0,1,0,2,66], +"namespacemlx_1_1core_1_1detail.html#a56fc01df6ba4c508d1da8b366b1328ac":[1,0,1,0,2,68], +"namespacemlx_1_1core_1_1detail.html#a5ba794afe1a557e0505887cfb481c515":[1,0,1,0,2,76], +"namespacemlx_1_1core_1_1detail.html#a69eb76a14f845ca000f1ccb2edda0175":[1,0,1,0,2,67], +"namespacemlx_1_1core_1_1detail.html#aac5e13ecbb521f3ac0e27d98d15fa985":[1,0,1,0,2,62], +"namespacemlx_1_1core_1_1detail.html#ac2163a401119bb6edecfeb43373ef0dd":[1,0,1,0,2,70], +"namespacemlx_1_1core_1_1detail.html#aeeff2ba6ec3d9d4ed090de6d2681dbc2":[1,0,1,0,2,64], +"namespacemlx_1_1core_1_1detail.html#af556c7576658b2e2498ead70339d95e5":[1,0,1,0,2,63], +"namespacemlx_1_1core_1_1detail.html#af974e1a6f06acfc949e67a330898ac11":[1,0,1,0,2,73], +"namespacemlx_1_1core_1_1distributed.html":[1,0,1,0,3], +"namespacemlx_1_1core_1_1distributed.html#a24cdcd2aa23a3410a8973753ade3f772":[1,0,1,0,3,11], +"namespacemlx_1_1core_1_1distributed.html#a2822b78bce2c679e6ff940b2fca944f0":[1,0,1,0,3,14], +"namespacemlx_1_1core_1_1distributed.html#a5a8360edaa3a528a3927fce4d2cf1777":[1,0,1,0,3,15], +"namespacemlx_1_1core_1_1distributed.html#a67ccb1a5445fc6f5db49dd36a15e5980":[1,0,1,0,3,10], +"namespacemlx_1_1core_1_1distributed.html#a82ef5e8cc7ac62cd228e51b1c1b77cb7":[1,0,1,0,3,9], +"namespacemlx_1_1core_1_1distributed.html#a95655473cd0032c06e5fe3fca85aeef3":[1,0,1,0,3,12], +"namespacemlx_1_1core_1_1distributed.html#af93c1680b656e98158d5f6eed8e092e8":[1,0,1,0,3,13], +"namespacemlx_1_1core_1_1distributed_1_1detail.html":[1,0,1,0,3,0], +"namespacemlx_1_1core_1_1distributed_1_1detail.html#a042be875217168ccfc267fba19a627cb":[1,0,1,0,3,0,2], +"namespacemlx_1_1core_1_1distributed_1_1detail.html#a23c5cf992d4f2b2ce9dfa51593a4876d":[1,0,1,0,3,0,4], +"namespacemlx_1_1core_1_1distributed_1_1detail.html#a79bb934225482f2104e8ff270b0530c3":[1,0,1,0,3,0,3], +"namespacemlx_1_1core_1_1distributed_1_1detail.html#ab3dc0367476257f13fe15d4db946edf5":[1,0,1,0,3,0,1], +"namespacemlx_1_1core_1_1distributed_1_1mpi.html":[1,0,1,0,3,1], +"namespacemlx_1_1core_1_1distributed_1_1mpi.html#a86d8a52e75b15bae8fb0992b418a41c7":[1,0,1,0,3,1,2], +"namespacemlx_1_1core_1_1distributed_1_1mpi.html#ab40a34a8837956e24fb9b9661104c8f9":[1,0,1,0,3,1,1], +"namespacemlx_1_1core_1_1distributed_1_1mpi.html#ab9a91276b3c84ea63f1d1831ef4079dd":[1,0,1,0,3,1,0], +"namespacemlx_1_1core_1_1distributed_1_1ring.html":[1,0,1,0,3,2], +"namespacemlx_1_1core_1_1distributed_1_1ring.html#a1238e89ee95ba016741f0abe91b540ac":[1,0,1,0,3,2,2], +"namespacemlx_1_1core_1_1distributed_1_1ring.html#a6e4d590e07f0cf3cc2d15f258f9438ed":[1,0,1,0,3,2,0], +"namespacemlx_1_1core_1_1distributed_1_1ring.html#a81a13abe6f334d2f6b058b39a2221e67":[1,0,1,0,3,2,1], +"namespacemlx_1_1core_1_1env.html":[1,0,1,0,4], +"namespacemlx_1_1core_1_1env.html#a0efecbf9efe695adafad12b5a4945df3":[1,0,1,0,4,1], +"namespacemlx_1_1core_1_1env.html#aa532471d4506e11e0da615b9d6451083":[1,0,1,0,4,3], +"namespacemlx_1_1core_1_1env.html#ac3266e1259a64c8b56bdc6c7029179f2":[1,0,1,0,4,0], +"namespacemlx_1_1core_1_1env.html#afa1ecf087fe0c633d5460ddb2c31c945":[1,0,1,0,4,4], +"namespacemlx_1_1core_1_1env.html#afc55d7755889157ded85d52cde14f413":[1,0,1,0,4,2], +"namespacemlx_1_1core_1_1fast.html":[1,0,1,0,5], +"namespacemlx_1_1core_1_1fast.html#a01bd533ebd0e2415c4ee30032d51d7bf":[1,0,1,0,5,14], +"namespacemlx_1_1core_1_1fast.html#a12c7ef41409d6fb378008e67b6fab328":[1,0,1,0,5,12], +"namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39":[1,0,1,0,5,17], +"namespacemlx_1_1core_1_1fast.html#a4207ab2eb838335c0074f6bbb6b4cfc5":[1,0,1,0,5,19], +"namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab":[1,0,1,0,5,18], +"namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01":[1,0,1,0,5,16], +"namespacemlx_1_1core_1_1fast.html#a9390693ff7be931f3ef3428e2ea4c3f9":[1,0,1,0,5,11], +"namespacemlx_1_1core_1_1fast.html#aa45bf61e7a5c4ad0114b82ed80ae0dbd":[1,0,1,0,5,10], +"namespacemlx_1_1core_1_1fast.html#aa4b5f6886b2288cb6dfdd8598579f080":[1,0,1,0,5,13], +"namespacemlx_1_1core_1_1fast.html#ab16436b465dc10ce472193d541d8426e":[1,0,1,0,5,15], +"namespacemlx_1_1core_1_1fft.html":[1,0,1,0,6], +"namespacemlx_1_1core_1_1fft.html#a039a44197ad299a15a5847639292800c":[1,0,1,0,6,6], +"namespacemlx_1_1core_1_1fft.html#a1c9ad11121c5879d5c04bbde2ee238c3":[1,0,1,0,6,19], +"namespacemlx_1_1core_1_1fft.html#a2c6685806eef1cae8d2da53567d23e5c":[1,0,1,0,6,4], +"namespacemlx_1_1core_1_1fft.html#a2c6abf48be3fcf5afd88c172a5f038ea":[1,0,1,0,6,18], +"namespacemlx_1_1core_1_1fft.html#a3794c67262e4ab28d35fa89abfdfd063":[1,0,1,0,6,12], +"namespacemlx_1_1core_1_1fft.html#a3fe55b7b6eba32c4c8b2d206036216e0":[1,0,1,0,6,0], +"namespacemlx_1_1core_1_1fft.html#a464016cbc948bb3af17d43ce39cf54bd":[1,0,1,0,6,21], +"namespacemlx_1_1core_1_1fft.html#a53d44fd9b6c7645f9303c24099755bf2":[1,0,1,0,6,27], +"namespacemlx_1_1core_1_1fft.html#a59ca0c3c455e4ff1fed3dbd2327c55f0":[1,0,1,0,6,24], +"namespacemlx_1_1core_1_1fft.html#a6eb0c5f8b33694ddb56748a97d17e8b7":[1,0,1,0,6,3], +"namespacemlx_1_1core_1_1fft.html#a700e1659e101bc0f806de712079d9273":[1,0,1,0,6,7], +"namespacemlx_1_1core_1_1fft.html#a7a318ed0ab6a600cd7cba96ecbd72a1d":[1,0,1,0,6,2], +"namespacemlx_1_1core_1_1fft.html#a865adcb7d7fe35541ad8c21f963905e0":[1,0,1,0,6,10], +"namespacemlx_1_1core_1_1fft.html#a893a667b85d6bef9b27fb40b591352b3":[1,0,1,0,6,8], +"namespacemlx_1_1core_1_1fft.html#a8adeca9b76277676390ec7d04dc0620b":[1,0,1,0,6,13], +"namespacemlx_1_1core_1_1fft.html#a99397f5d9de6551f967120546ec96728":[1,0,1,0,6,23], +"namespacemlx_1_1core_1_1fft.html#a9c83e5b0498c63cac9c882494b6b3eb6":[1,0,1,0,6,9], +"namespacemlx_1_1core_1_1fft.html#a9cb0edfb831b1ed607a8124d38540c13":[1,0,1,0,6,22], +"namespacemlx_1_1core_1_1fft.html#aaa116429c2cb5bab20b464be890252c8":[1,0,1,0,6,5], +"namespacemlx_1_1core_1_1fft.html#aaf5a7ef93b3426b94c2363a23a5a5b36":[1,0,1,0,6,20], +"namespacemlx_1_1core_1_1fft.html#aafa721d0492e9f74913a6e86b4896ad8":[1,0,1,0,6,15], +"namespacemlx_1_1core_1_1fft.html#ab502e092ba4bb571ecc421a25e4cb968":[1,0,1,0,6,26], +"namespacemlx_1_1core_1_1fft.html#ab60d121ff5509c5a144b2fab7ae0f93b":[1,0,1,0,6,25], +"namespacemlx_1_1core_1_1fft.html#ad672de5ca029a6925b05f03bbebe5ad3":[1,0,1,0,6,1], +"namespacemlx_1_1core_1_1fft.html#ae2309d3a7a72c62dabdc16d5b38cc6b3":[1,0,1,0,6,16], +"namespacemlx_1_1core_1_1fft.html#ae29b70549a1106cf7e70a31a0f80e66a":[1,0,1,0,6,11], +"namespacemlx_1_1core_1_1fft.html#af7c7bbbbce26c2775a77473502a8de02":[1,0,1,0,6,17], +"namespacemlx_1_1core_1_1fft.html#afbd0035a3cf91f428838de1fcf01a3a3":[1,0,1,0,6,14], +"namespacemlx_1_1core_1_1io.html":[1,0,1,0,7], +"namespacemlx_1_1core_1_1io.html#a05f27b765443a178a972abae772e863d":[1,0,1,0,7,4], +"namespacemlx_1_1core_1_1linalg.html":[1,0,1,0,8], +"namespacemlx_1_1core_1_1linalg.html#a00c8e24432b0773dac64b8602bd142ba":[1,0,1,0,8,4], +"namespacemlx_1_1core_1_1linalg.html#a2180be504f639fd471ea622641c1b0ca":[1,0,1,0,8,3], +"namespacemlx_1_1core_1_1linalg.html#a229018071d5602e38d6248230f334a10":[1,0,1,0,8,10], +"namespacemlx_1_1core_1_1linalg.html#a44250cff34238f01471fd61e76036f03":[1,0,1,0,8,13], +"namespacemlx_1_1core_1_1linalg.html#a46c8a4f806f0a97a4323e91189aa512b":[1,0,1,0,8,0], +"namespacemlx_1_1core_1_1linalg.html#a5e6e53f7a04688baa1329d166511febe":[1,0,1,0,8,17], +"namespacemlx_1_1core_1_1linalg.html#a6358b3b4398289f30ada4c2712a9d88d":[1,0,1,0,8,18], +"namespacemlx_1_1core_1_1linalg.html#a64364b880e99914cf47bf756fa8dbaf0":[1,0,1,0,8,19], +"namespacemlx_1_1core_1_1linalg.html#a66590bfcec381e952b27630da0a31953":[1,0,1,0,8,16], +"namespacemlx_1_1core_1_1linalg.html#a7a426a92cb02c0d125e41f8915e66f7f":[1,0,1,0,8,6], +"namespacemlx_1_1core_1_1linalg.html#aba1994571326326717b5b5e38c2e0661":[1,0,1,0,8,20], +"namespacemlx_1_1core_1_1linalg.html#aba765b8e95e9a1d33d31f727a185919d":[1,0,1,0,8,8], +"namespacemlx_1_1core_1_1linalg.html#abcda3fbda45183c21e7f27aa0dde64e6":[1,0,1,0,8,2], +"namespacemlx_1_1core_1_1linalg.html#abf10561bef3450b83a45aef161ee8b6e":[1,0,1,0,8,7], +"namespacemlx_1_1core_1_1linalg.html#acaa85b4146821c268abecec2422c02d2":[1,0,1,0,8,9], +"namespacemlx_1_1core_1_1linalg.html#ad966a0b6bff176c9f933534ed62389a2":[1,0,1,0,8,5], +"namespacemlx_1_1core_1_1linalg.html#ad9f8348091e5ff4f74ad456e9fbd3e01":[1,0,1,0,8,14], +"namespacemlx_1_1core_1_1linalg.html#ae6d97829459353fe3b31c8a0867c0ca2":[1,0,1,0,8,15], +"namespacemlx_1_1core_1_1linalg.html#ae8da67e4c6e073f93889f1051203cd9e":[1,0,1,0,8,12], +"namespacemlx_1_1core_1_1linalg.html#aef0fe4894c5cf98792d59859c6d20511":[1,0,1,0,8,1], +"namespacemlx_1_1core_1_1linalg.html#af1ebe0c6dcba9a1c49b5e397dddf3264":[1,0,1,0,8,11], +"namespacemlx_1_1core_1_1metal.html":[1,0,1,0,9], +"namespacemlx_1_1core_1_1metal.html#a02edb6a90bdf30f4c9f0d6c25b0267b5":[1,0,1,0,9,47], +"namespacemlx_1_1core_1_1metal.html#a0cdf2c08c7bc0927a86070adc206987f":[1,0,1,0,9,30], +"namespacemlx_1_1core_1_1metal.html#a11b593b07e9a33e5f78fe4695fb99ec9":[1,0,1,0,9,54], +"namespacemlx_1_1core_1_1metal.html#a17764366deed71c160fb26091400a803":[1,0,1,0,9,48], +"namespacemlx_1_1core_1_1metal.html#a17b471fa52ea5f24ee63e081f46528f5":[1,0,1,0,9,56], +"namespacemlx_1_1core_1_1metal.html#a22b3384ebd17f2fca198f81b9f1b6dc3":[1,0,1,0,9,13], +"namespacemlx_1_1core_1_1metal.html#a269d591ec02e2f7c0f7a718fbfa37f73":[1,0,1,0,9,10], +"namespacemlx_1_1core_1_1metal.html#a272c36f0faf2570cbb2f36030e9a3f26":[1,0,1,0,9,9], +"namespacemlx_1_1core_1_1metal.html#a2d1c92ba6897c0a7a428fed63279b61f":[1,0,1,0,9,53], +"namespacemlx_1_1core_1_1metal.html#a2ec39572806310cf528aea06530e8af8":[1,0,1,0,9,35], +"namespacemlx_1_1core_1_1metal.html#a31eab4828d31d292bc84e07b0d961e1e":[1,0,1,0,9,42], +"namespacemlx_1_1core_1_1metal.html#a32e902c6cd6d35fcc3119ed6685a170f":[1,0,1,0,9,38], +"namespacemlx_1_1core_1_1metal.html#a39f43360d9e916fcf7e86c919b419554":[1,0,1,0,9,19], +"namespacemlx_1_1core_1_1metal.html#a3fb2c4a237fa4bfdff798156146c4937":[1,0,1,0,9,41], +"namespacemlx_1_1core_1_1metal.html#a43307654f62ed7c58e014be7fb03909c":[1,0,1,0,9,26], +"namespacemlx_1_1core_1_1metal.html#a46583a1aba89449fa72e6cb3a7090981":[1,0,1,0,9,31], +"namespacemlx_1_1core_1_1metal.html#a4b67d680cefa95f0ed5801f0e14e48ce":[1,0,1,0,9,28], +"namespacemlx_1_1core_1_1metal.html#a4fe937c2c584fd646926057f31d54ca6":[1,0,1,0,9,43], +"namespacemlx_1_1core_1_1metal.html#a529dc6c2d4a37ba544b66b2c3cd792cc":[1,0,1,0,9,57], +"namespacemlx_1_1core_1_1metal.html#a545de371fefba1feec2e70b7e9f4187c":[1,0,1,0,9,21], +"namespacemlx_1_1core_1_1metal.html#a5bfb8d4e6a7d1e51010d81ce008c3232":[1,0,1,0,9,20], +"namespacemlx_1_1core_1_1metal.html#a5fd6ba2040e53a254b9d71ae7ebd315f":[1,0,1,0,9,27], +"namespacemlx_1_1core_1_1metal.html#a616e09a1ef321d527770721cef264c54":[1,0,1,0,9,7], +"namespacemlx_1_1core_1_1metal.html#a74b3558bd518aecde6b14b0ba5e1a0d5":[1,0,1,0,9,8], +"namespacemlx_1_1core_1_1metal.html#a7b75c2639016ac4d350fa6c9da386667":[1,0,1,0,9,25], +"namespacemlx_1_1core_1_1metal.html#a81c2cf124b0803098a54a78f8f6873a6":[1,0,1,0,9,37], +"namespacemlx_1_1core_1_1metal.html#a87f378c14345e475d7e5701a987b66cd":[1,0,1,0,9,18], +"namespacemlx_1_1core_1_1metal.html#a88c1d42d525fcdfb2f9e8aa2c3f82ea6":[1,0,1,0,9,39], +"namespacemlx_1_1core_1_1metal.html#a8b4188f9a090a1da42d62b8a369bf106":[1,0,1,0,9,32], +"namespacemlx_1_1core_1_1metal.html#a8bd0072616087cd568c2c804e7114aa9":[1,0,1,0,9,29], +"namespacemlx_1_1core_1_1metal.html#a8db7f9cc781d4bfb08423a401665f322":[1,0,1,0,9,11], +"namespacemlx_1_1core_1_1metal.html#a910797b74824e6ee576fbb533dee8b57":[1,0,1,0,9,16], +"namespacemlx_1_1core_1_1metal.html#a92f1e559b1121d545746f81ff86eaca1":[1,0,1,0,9,46], +"namespacemlx_1_1core_1_1metal.html#a949f029424218ab5c5588563d2e076f5":[1,0,1,0,9,33], +"namespacemlx_1_1core_1_1metal.html#a962272ca73d26c08f76f706a128fd71f":[1,0,1,0,9,49], +"namespacemlx_1_1core_1_1metal.html#aa215e631e2680f04a591b88d91571719":[1,0,1,0,9,15], +"namespacemlx_1_1core_1_1metal.html#aa47cb5651bf3b65c46ab216b7e504d77":[1,0,1,0,9,45], +"namespacemlx_1_1core_1_1metal.html#ab09c9b60f1e886ab859e6a066c9a5b9d":[1,0,1,0,9,40], +"namespacemlx_1_1core_1_1metal.html#ab1704e853394c725668c06752ebb5c24":[1,0,1,0,9,14], +"namespacemlx_1_1core_1_1metal.html#ab77c9a9ecaeeab8c66b712862777c24b":[1,0,1,0,9,44], +"namespacemlx_1_1core_1_1metal.html#abb997ccbed4c9a9ccd975b1574755fca":[1,0,1,0,9,34], +"namespacemlx_1_1core_1_1metal.html#abc055b75e6a059618f279c35f8de36e7":[1,0,1,0,9,24], +"namespacemlx_1_1core_1_1metal.html#ac46fd23516a61fc56d997910e4144281":[1,0,1,0,9,23], +"namespacemlx_1_1core_1_1metal.html#ac90714424e36fb01e04550de69b8314f":[1,0,1,0,9,51], +"namespacemlx_1_1core_1_1metal.html#acc15b940ea02dcac263a1af9e39ec16b":[1,0,1,0,9,52], +"namespacemlx_1_1core_1_1metal.html#ad0dfd40ba7c09755711ceb731e57a5ac":[1,0,1,0,9,50], +"namespacemlx_1_1core_1_1metal.html#adc66b1b48b51ac2d2f1f5bfac1b95ee3":[1,0,1,0,9,22], +"namespacemlx_1_1core_1_1metal.html#adec8bb375da6c9dd5ff625a3a8434122":[1,0,1,0,9,36], +"namespacemlx_1_1core_1_1metal.html#aebddc0ae4bc73a1acebc4a844475593b":[1,0,1,0,9,17], +"namespacemlx_1_1core_1_1metal.html#aed047eec38b030ec5f29b9da54abf8cb":[1,0,1,0,9,12], +"namespacemlx_1_1core_1_1metal.html#afac64fd56ac492d6baf6de7e8a00b039":[1,0,1,0,9,55], +"namespacemlx_1_1core_1_1random.html":[1,0,1,0,10], +"namespacemlx_1_1core_1_1random.html#a035d36774135faabad33d8f64a879df7":[1,0,1,0,10,6], +"namespacemlx_1_1core_1_1random.html#a0ffb2f91da490f372f898ca2f82104a8":[1,0,1,0,10,33], +"namespacemlx_1_1core_1_1random.html#a1c601b637f60071dfc85cad19a841744":[1,0,1,0,10,1], +"namespacemlx_1_1core_1_1random.html#a1df350be44a32e2eefdd60bb21811246":[1,0,1,0,10,20], +"namespacemlx_1_1core_1_1random.html#a1ede4c7f5c86e7b7e834953853ffae9a":[1,0,1,0,10,8], +"namespacemlx_1_1core_1_1random.html#a2778876cd2318fec69cd1f3fc0955d68":[1,0,1,0,10,4], +"namespacemlx_1_1core_1_1random.html#a286295f9eba91eb2505f855636763add":[1,0,1,0,10,25], +"namespacemlx_1_1core_1_1random.html#a34c5efe846c68b62e65cdb26803d609c":[1,0,1,0,10,19], +"namespacemlx_1_1core_1_1random.html#a39663eda0fd7b274d01499a7b1c9035f":[1,0,1,0,10,31], +"namespacemlx_1_1core_1_1random.html#a42847b435d037a977592e355eed072af":[1,0,1,0,10,28], +"namespacemlx_1_1core_1_1random.html#a52913f952387ee3943b3c1f572583ac0":[1,0,1,0,10,34], +"namespacemlx_1_1core_1_1random.html#a529adc3488cc649103c0b7316c7ac9b2":[1,0,1,0,10,23], +"namespacemlx_1_1core_1_1random.html#a6e80f65fe0f64227fb904fb731c855aa":[1,0,1,0,10,15], +"namespacemlx_1_1core_1_1random.html#a6ec2c08e63d379594b0744cfc7d8dc41":[1,0,1,0,10,21], +"namespacemlx_1_1core_1_1random.html#a76f81f8f9468039a0b941513b46cb825":[1,0,1,0,10,11], +"namespacemlx_1_1core_1_1random.html#a7ec057064c7326c41b536f08178861e5":[1,0,1,0,10,27], +"namespacemlx_1_1core_1_1random.html#a980b9805dac939e80c2915f0046e6dee":[1,0,1,0,10,18], +"namespacemlx_1_1core_1_1random.html#a98ec5406d44ee64537fde896f7da7ce1":[1,0,1,0,10,16], +"namespacemlx_1_1core_1_1random.html#aa336e774783543705dffe2ad5b2c49c1":[1,0,1,0,10,9], +"namespacemlx_1_1core_1_1random.html#aa7104c436b3972a2480cfeb54554855f":[1,0,1,0,10,10], +"namespacemlx_1_1core_1_1random.html#aa9e360f9cb7bd23221352ed9e31d83c2":[1,0,1,0,10,5], +"namespacemlx_1_1core_1_1random.html#aaa49f6c2af5496822fa09435e54275cb":[1,0,1,0,10,2], +"namespacemlx_1_1core_1_1random.html#aba90074b8a60da9791451c10312bccfa":[1,0,1,0,10,14], +"namespacemlx_1_1core_1_1random.html#abe65438fbb52624386f50f77863a2c5e":[1,0,1,0,10,35], +"namespacemlx_1_1core_1_1random.html#ac461a0be91e448c9887b38b832c61cc2":[1,0,1,0,10,32], +"namespacemlx_1_1core_1_1random.html#ac4ad325b613257306df74595d3d0e23b":[1,0,1,0,10,26], +"namespacemlx_1_1core_1_1random.html#ac7e92c89a2bac1b0bed922a3d4c3c66b":[1,0,1,0,10,29], +"namespacemlx_1_1core_1_1random.html#acf04b6f42de11383e86dcc7f98c67bd8":[1,0,1,0,10,12], +"namespacemlx_1_1core_1_1random.html#ad7d1c0b530906538dd8fb31b17382f2b":[1,0,1,0,10,7], +"namespacemlx_1_1core_1_1random.html#ad7dc7ec016e0441749cf94325d624fba":[1,0,1,0,10,24], +"namespacemlx_1_1core_1_1random.html#ad7eb4467e2f9d5f74a5607b29a935b6e":[1,0,1,0,10,3], +"namespacemlx_1_1core_1_1random.html#ae4636a5e54c4dcc211d252fe9d97c413":[1,0,1,0,10,22], +"namespacemlx_1_1core_1_1random.html#ae6a8407fbca0817a4b8c94e02952f77d":[1,0,1,0,10,17], +"namespacemlx_1_1core_1_1random.html#aece7dc5a29e0488d8b9648f340dbff72":[1,0,1,0,10,30], +"namespacemlx_1_1core_1_1random.html#afa5f7f165b12ec57b1244f347f471bba":[1,0,1,0,10,13], +"namespacemlx_1_1core_1_1scheduler.html":[1,0,1,0,11], +"namespacemlx_1_1core_1_1scheduler.html#a1d06ffdbab36790b78deb6e34adc737f":[1,0,1,0,11,5], +"namespacemlx_1_1core_1_1scheduler.html#a6b7289e33cef665178fe614aac75c1b2":[1,0,1,0,11,4], +"namespacemlx_1_1core_1_1scheduler.html#a8cc4d5fd1f5ce722b377ead1863a2291":[1,0,1,0,11,7], +"namespacemlx_1_1core_1_1scheduler.html#a9bf641981df5fc16b0fb0dbacc0c3afd":[1,0,1,0,11,3], +"namespacemlx_1_1core_1_1scheduler.html#aa2d4eacf5d5cbc778a51aafd4fd8e4d7":[1,0,1,0,11,2], +"namespacemlx_1_1core_1_1scheduler.html#ae856e468c2f7c8f8ec672522cc13730b":[1,0,1,0,11,6], +"namespacemlx_1_1core_1_1simd.html":[1,0,1,0,12], +"namespacemlx_1_1core_1_1simd.html#a01259c9188e6ecd48979cdc2fd766372":[1,0,1,0,12,166], +"namespacemlx_1_1core_1_1simd.html#a034d7b57cb3c6ca711c573515327d1a8":[1,0,1,0,12,204], +"namespacemlx_1_1core_1_1simd.html#a05240b8fd6f54632b676d4b66449f799":[1,0,1,0,12,181], +"namespacemlx_1_1core_1_1simd.html#a0585ea196b665710115e48b7ebef0fc1":[1,0,1,0,12,150] }; diff --git a/docs/build/html/navtreeindex22.js b/docs/build/html/navtreeindex22.js index d50e93ff9..9c421bdb2 100644 --- a/docs/build/html/navtreeindex22.js +++ b/docs/build/html/navtreeindex22.js @@ -1,253 +1,253 @@ var NAVTREEINDEX22 = { -"namespacemlx_1_1core_1_1simd.html#a05240b8fd6f54632b676d4b66449f799":[1,0,1,0,11,181], -"namespacemlx_1_1core_1_1simd.html#a0585ea196b665710115e48b7ebef0fc1":[1,0,1,0,11,150], -"namespacemlx_1_1core_1_1simd.html#a05f4422a037c3bef343fb11f71363b65":[1,0,1,0,11,62], -"namespacemlx_1_1core_1_1simd.html#a069963ffb15f06d1c48258054750dadf":[1,0,1,0,11,23], -"namespacemlx_1_1core_1_1simd.html#a06cb29f91deeaec69471058044abd2aa":[1,0,1,0,11,290], -"namespacemlx_1_1core_1_1simd.html#a070f1fa094cf2da5ab7d6baecbbf4f56":[1,0,1,0,11,115], -"namespacemlx_1_1core_1_1simd.html#a0727c897502944659b3e32b3cde9ee9b":[1,0,1,0,11,104], -"namespacemlx_1_1core_1_1simd.html#a075f637ff3f983ada0fd6288ab8d91d7":[1,0,1,0,11,155], -"namespacemlx_1_1core_1_1simd.html#a08c1e7a00b1b4bc60e30d1554f4f46f2":[1,0,1,0,11,121], -"namespacemlx_1_1core_1_1simd.html#a09a2f3f2bc999c16babf3d8d90994d6e":[1,0,1,0,11,262], -"namespacemlx_1_1core_1_1simd.html#a0a26dff48b078fb3e9fef688232183ed":[1,0,1,0,11,241], -"namespacemlx_1_1core_1_1simd.html#a0c8bd67982681ecd53cd8d739be3a5a9":[1,0,1,0,11,234], -"namespacemlx_1_1core_1_1simd.html#a0cc9ca2925c25d2eb225af9125bd6bc4":[1,0,1,0,11,289], -"namespacemlx_1_1core_1_1simd.html#a0cd57bba23daed624df5e2b06b676dca":[1,0,1,0,11,226], -"namespacemlx_1_1core_1_1simd.html#a0ff63db5f193a57ef3b1fffa374eb15a":[1,0,1,0,11,83], -"namespacemlx_1_1core_1_1simd.html#a1108d186d57c2010c743d3f9297befc7":[1,0,1,0,11,210], -"namespacemlx_1_1core_1_1simd.html#a125cbaa7c5dd0931b0abd11003ab584a":[1,0,1,0,11,100], -"namespacemlx_1_1core_1_1simd.html#a12b1553495a0c99d52472bd2a6626ddb":[1,0,1,0,11,293], -"namespacemlx_1_1core_1_1simd.html#a146d2a834c936a381c1f86caffa822d7":[1,0,1,0,11,39], -"namespacemlx_1_1core_1_1simd.html#a155df1de3c26e1a3725b63e9e97c0b53":[1,0,1,0,11,284], -"namespacemlx_1_1core_1_1simd.html#a160075943b92d541f2e7f7472eaa5167":[1,0,1,0,11,84], -"namespacemlx_1_1core_1_1simd.html#a16c4a2c8fc59a2e2fcc05db243289706":[1,0,1,0,11,218], -"namespacemlx_1_1core_1_1simd.html#a16fa3c809e46b5cae3e8abfaf98199a4":[1,0,1,0,11,217], -"namespacemlx_1_1core_1_1simd.html#a17f7baec6300f2ff96ec53fb1943cb49":[1,0,1,0,11,91], -"namespacemlx_1_1core_1_1simd.html#a18a2689f4ae197c5b204fe9b3370da4c":[1,0,1,0,11,154], -"namespacemlx_1_1core_1_1simd.html#a18d330fd2c7360b2890a722232ba35b7":[1,0,1,0,11,33], -"namespacemlx_1_1core_1_1simd.html#a1958f026f26f313d17155ac87ea6eca3":[1,0,1,0,11,9], -"namespacemlx_1_1core_1_1simd.html#a1996e77a8c3c24b1ba706113ed9028c4":[1,0,1,0,11,90], -"namespacemlx_1_1core_1_1simd.html#a19d535de1fc179cc39ec9643c9863cbc":[1,0,1,0,11,238], -"namespacemlx_1_1core_1_1simd.html#a1c61bd3ac3ec5d8d2da65b45d59f543e":[1,0,1,0,11,153], -"namespacemlx_1_1core_1_1simd.html#a1d45c3b97cecfff86a2e43ae1f7fa185":[1,0,1,0,11,152], -"namespacemlx_1_1core_1_1simd.html#a1eca7cf07b2a238307459c28204319fb":[1,0,1,0,11,114], -"namespacemlx_1_1core_1_1simd.html#a20ffdefe25beda96860a1dc9a6f4aa02":[1,0,1,0,11,60], -"namespacemlx_1_1core_1_1simd.html#a23b59272b0760326844fffe20db9b3e2":[1,0,1,0,11,161], -"namespacemlx_1_1core_1_1simd.html#a23dba4ee3f0811b41c381733a6e6ff16":[1,0,1,0,11,30], -"namespacemlx_1_1core_1_1simd.html#a25b3de1947dbab7c4864b41ec226453b":[1,0,1,0,11,215], -"namespacemlx_1_1core_1_1simd.html#a271cedfc48efc69db43813e8c424bf7c":[1,0,1,0,11,243], -"namespacemlx_1_1core_1_1simd.html#a273fcc5387c1c9878e658ba6bc32f00c":[1,0,1,0,11,184], -"namespacemlx_1_1core_1_1simd.html#a27dfc3843dbefbbebed5b7137bacbb59":[1,0,1,0,11,131], -"namespacemlx_1_1core_1_1simd.html#a290787dda17296d27af7afdef3c732a9":[1,0,1,0,11,237], -"namespacemlx_1_1core_1_1simd.html#a29fe8445e54a61f6bccc8d50f142ca54":[1,0,1,0,11,280], -"namespacemlx_1_1core_1_1simd.html#a2a381e5ec89406074b8d1921304238bb":[1,0,1,0,11,110], -"namespacemlx_1_1core_1_1simd.html#a2ba6c75c0821db3e9ac525a89b3ac859":[1,0,1,0,11,266], -"namespacemlx_1_1core_1_1simd.html#a312ecd0ae1c38d32147cee71fd8539d7":[1,0,1,0,11,77], -"namespacemlx_1_1core_1_1simd.html#a33232e2342d5a3e542c9428924a25830":[1,0,1,0,11,168], -"namespacemlx_1_1core_1_1simd.html#a3345cb53830d1afd625acc7bdc3a0435":[1,0,1,0,11,254], -"namespacemlx_1_1core_1_1simd.html#a35d875fa7bce02a6171f37240a346e1d":[1,0,1,0,11,192], -"namespacemlx_1_1core_1_1simd.html#a369178519e0e91fa936c0fd4aa9ee109":[1,0,1,0,11,216], -"namespacemlx_1_1core_1_1simd.html#a3699410174385f5e597cfccad57fc736":[1,0,1,0,11,101], -"namespacemlx_1_1core_1_1simd.html#a38e83534a648d0743dc4c7deb9a7fd49":[1,0,1,0,11,227], -"namespacemlx_1_1core_1_1simd.html#a3a060a225b6ead483ca93247c9ad8e4d":[1,0,1,0,11,106], -"namespacemlx_1_1core_1_1simd.html#a3b5ebb46e7beae839c97b2e7ed9c7426":[1,0,1,0,11,258], -"namespacemlx_1_1core_1_1simd.html#a3c42ac1dc74f6c0bb934dfa45986875b":[1,0,1,0,11,105], -"namespacemlx_1_1core_1_1simd.html#a3cb6ea94836e999c07329b34c501ed85":[1,0,1,0,11,67], -"namespacemlx_1_1core_1_1simd.html#a3d4f9d08d1902e3d62c6f63d39329dbd":[1,0,1,0,11,12], -"namespacemlx_1_1core_1_1simd.html#a3f63139b42029ba8d7b3b8ef10f5ac96":[1,0,1,0,11,159], -"namespacemlx_1_1core_1_1simd.html#a3fa3d1f571027c5cdd1dce5d2cd041e3":[1,0,1,0,11,282], -"namespacemlx_1_1core_1_1simd.html#a400d89d040f43d471b306a8e8bdb3974":[1,0,1,0,11,253], -"namespacemlx_1_1core_1_1simd.html#a4030444ea38ce1529a8cbb8c183a28bd":[1,0,1,0,11,126], -"namespacemlx_1_1core_1_1simd.html#a4041676517d96870293e5448c7e2b5a4":[1,0,1,0,11,63], -"namespacemlx_1_1core_1_1simd.html#a40879bf874309c0a5abef783aea2057d":[1,0,1,0,11,263], -"namespacemlx_1_1core_1_1simd.html#a4113a94fb8dcd0d88f14ec9d82089508":[1,0,1,0,11,199], -"namespacemlx_1_1core_1_1simd.html#a417109cdd61f35954ba2cc37af9b4460":[1,0,1,0,11,129], -"namespacemlx_1_1core_1_1simd.html#a421845a6f68f88c58f520d2c1fa15914":[1,0,1,0,11,28], -"namespacemlx_1_1core_1_1simd.html#a445ddc4ed928656df64d889942588cfd":[1,0,1,0,11,272], -"namespacemlx_1_1core_1_1simd.html#a4555cd6a3b50af00700f97fdf00f63a7":[1,0,1,0,11,124], -"namespacemlx_1_1core_1_1simd.html#a464687a8809d0180035acc9af2943a94":[1,0,1,0,11,52], -"namespacemlx_1_1core_1_1simd.html#a46c6ea18a9edd2a9cdba2ab62ca4782c":[1,0,1,0,11,179], -"namespacemlx_1_1core_1_1simd.html#a46ede415296683771bb22246a813482a":[1,0,1,0,11,189], -"namespacemlx_1_1core_1_1simd.html#a479ccddac341bd0760857b77e449e5e1":[1,0,1,0,11,264], -"namespacemlx_1_1core_1_1simd.html#a4877ae5406d081680b785a86ad656e03":[1,0,1,0,11,186], -"namespacemlx_1_1core_1_1simd.html#a495d15a18ee4a6dda22e37e8dc02e45b":[1,0,1,0,11,225], -"namespacemlx_1_1core_1_1simd.html#a4971bfe7f9f9319f859b3040c18f39ca":[1,0,1,0,11,97], -"namespacemlx_1_1core_1_1simd.html#a4ba3690489c2bf861e22e1175255438c":[1,0,1,0,11,17], -"namespacemlx_1_1core_1_1simd.html#a4bf8c887eb6943563ceb1e603d1325b1":[1,0,1,0,11,211], -"namespacemlx_1_1core_1_1simd.html#a4c6ed06d523db05f99df7ef21b374c41":[1,0,1,0,11,236], -"namespacemlx_1_1core_1_1simd.html#a4d5e4c31af23d2871e09b88c1f6e418c":[1,0,1,0,11,175], -"namespacemlx_1_1core_1_1simd.html#a4e54bd4ceb51ec41b0f95ebabe558713":[1,0,1,0,11,37], -"namespacemlx_1_1core_1_1simd.html#a4e65febbfa8b4df2970c1d78801b3c66":[1,0,1,0,11,207], -"namespacemlx_1_1core_1_1simd.html#a4ecd782ffa497ac7dc2482a232b0dd00":[1,0,1,0,11,170], -"namespacemlx_1_1core_1_1simd.html#a4f3cc8b2493586e83fd65640df3b60ad":[1,0,1,0,11,10], -"namespacemlx_1_1core_1_1simd.html#a4f8a64e7742fcd8f759f723a36a7c826":[1,0,1,0,11,14], -"namespacemlx_1_1core_1_1simd.html#a50044315dc365f026830416f6b615c77":[1,0,1,0,11,171], -"namespacemlx_1_1core_1_1simd.html#a51071c8104494b5bd8097990da3bf943":[1,0,1,0,11,15], -"namespacemlx_1_1core_1_1simd.html#a5109118acb6766855878b9e8a56b156a":[1,0,1,0,11,18], -"namespacemlx_1_1core_1_1simd.html#a51de2acf3dcd55c7c52e3ce7ed6ed9d7":[1,0,1,0,11,190], -"namespacemlx_1_1core_1_1simd.html#a530ac8728e4d7e7be2482d5b2467906c":[1,0,1,0,11,203], -"namespacemlx_1_1core_1_1simd.html#a5373c1af09825b5f701ebd106508fa6b":[1,0,1,0,11,120], -"namespacemlx_1_1core_1_1simd.html#a53b547b886918dc13d4da88eeb8811d2":[1,0,1,0,11,271], -"namespacemlx_1_1core_1_1simd.html#a54c7f2f2b995eb767462b1228982967f":[1,0,1,0,11,249], -"namespacemlx_1_1core_1_1simd.html#a567c06bf988af03988478679055a6c45":[1,0,1,0,11,40], -"namespacemlx_1_1core_1_1simd.html#a56fccba38270fe3ae9fa7b2ecdeb5e87":[1,0,1,0,11,172], -"namespacemlx_1_1core_1_1simd.html#a5abc381a85fe8b0e9cb472f874704652":[1,0,1,0,11,273], -"namespacemlx_1_1core_1_1simd.html#a5b877b5eb7044d9b2a42a9af4af21f01":[1,0,1,0,11,219], -"namespacemlx_1_1core_1_1simd.html#a5c49123bf2647a5ca4f0579a54f3e53a":[1,0,1,0,11,102], -"namespacemlx_1_1core_1_1simd.html#a5ebae2e6cce1889513f15be3adb265ea":[1,0,1,0,11,34], -"namespacemlx_1_1core_1_1simd.html#a60805b5f57ddbbf74f700b54cd3fc4f8":[1,0,1,0,11,222], -"namespacemlx_1_1core_1_1simd.html#a60e33ebb16d9bab375a64aec8015a5c2":[1,0,1,0,11,47], -"namespacemlx_1_1core_1_1simd.html#a6235990c43aaf0e0c126c82d10f01b45":[1,0,1,0,11,245], -"namespacemlx_1_1core_1_1simd.html#a63768090c16e5dcffccadf550d169abc":[1,0,1,0,11,187], -"namespacemlx_1_1core_1_1simd.html#a6449faa1666afe1186d55b61bb3e5b5a":[1,0,1,0,11,223], -"namespacemlx_1_1core_1_1simd.html#a64e80f096a8baf99ba8d396414473cc7":[1,0,1,0,11,279], -"namespacemlx_1_1core_1_1simd.html#a660b79a51fb439f4aba91e2aea276300":[1,0,1,0,11,42], -"namespacemlx_1_1core_1_1simd.html#a66426c28a4324b9f617b7018d9354ea1":[1,0,1,0,11,73], -"namespacemlx_1_1core_1_1simd.html#a673b4d8d228f35f06cf5b882335f04d5":[1,0,1,0,11,205], -"namespacemlx_1_1core_1_1simd.html#a678cddce777549a39474449d56fd1de6":[1,0,1,0,11,145], -"namespacemlx_1_1core_1_1simd.html#a68e7b952915e629d246d1ffac98b54ce":[1,0,1,0,11,169], -"namespacemlx_1_1core_1_1simd.html#a6cce6db46c391a5d06dcb262e21b81fc":[1,0,1,0,11,96], -"namespacemlx_1_1core_1_1simd.html#a6cd6e41660608d17ca8d38658d5e385c":[1,0,1,0,11,160], -"namespacemlx_1_1core_1_1simd.html#a6e39cc693b30ad8e530392baf4bb5b0e":[1,0,1,0,11,137], -"namespacemlx_1_1core_1_1simd.html#a6e45c9c2f0591d9d5dd37a07ebcc3c2a":[1,0,1,0,11,209], -"namespacemlx_1_1core_1_1simd.html#a6f6d26e3fe39ee1ba0a7380d0ecf7b45":[1,0,1,0,11,119], -"namespacemlx_1_1core_1_1simd.html#a6fcea259041cecfd042d0c4e6afc4b8f":[1,0,1,0,11,78], -"namespacemlx_1_1core_1_1simd.html#a70563bcd6c28802d11199812ffef38c8":[1,0,1,0,11,140], -"namespacemlx_1_1core_1_1simd.html#a71a6902e729e3facdc609e93cd12d485":[1,0,1,0,11,198], -"namespacemlx_1_1core_1_1simd.html#a727a13b3d26f9e7cae7f091105867904":[1,0,1,0,11,139], -"namespacemlx_1_1core_1_1simd.html#a7434ba1ab2ad798fe8557a9b45035e81":[1,0,1,0,11,146], -"namespacemlx_1_1core_1_1simd.html#a745e05627c77152ec13d8d90c19cc9bf":[1,0,1,0,11,94], -"namespacemlx_1_1core_1_1simd.html#a74ac0fd799967b0f303bfd26fc6a17cf":[1,0,1,0,11,255], -"namespacemlx_1_1core_1_1simd.html#a75349994f899aecb68553c2247580163":[1,0,1,0,11,22], -"namespacemlx_1_1core_1_1simd.html#a757838b9d56e132e797a381d3bb0dc86":[1,0,1,0,11,98], -"namespacemlx_1_1core_1_1simd.html#a7687f3d14077b51fb421f0efb5b626db":[1,0,1,0,11,48], -"namespacemlx_1_1core_1_1simd.html#a7696a0628a1c6ccb293ebd6f2328ea48":[1,0,1,0,11,8], -"namespacemlx_1_1core_1_1simd.html#a771b6597803beb800ff5e7560c41e341":[1,0,1,0,11,278], -"namespacemlx_1_1core_1_1simd.html#a7913cb2854ffc37efcf26635a097f0a9":[1,0,1,0,11,287], -"namespacemlx_1_1core_1_1simd.html#a7928482ed5d25932be80413c7239125c":[1,0,1,0,11,185], -"namespacemlx_1_1core_1_1simd.html#a797196eccc3690aac5c45e5f9c804ceb":[1,0,1,0,11,252], -"namespacemlx_1_1core_1_1simd.html#a7a1c3be1c37d41e450469f2e98cd9dde":[1,0,1,0,11,230], -"namespacemlx_1_1core_1_1simd.html#a7b47a5f370e8e59e1debfa5405e13266":[1,0,1,0,11,26], -"namespacemlx_1_1core_1_1simd.html#a7e63a5eb08898b84fd4000dadc460fd9":[1,0,1,0,11,286], -"namespacemlx_1_1core_1_1simd.html#a7e80d3e33f2edd02310641d3e3dd5658":[1,0,1,0,11,265], -"namespacemlx_1_1core_1_1simd.html#a7f1cebaff9cb88df59b5ec7557b5d167":[1,0,1,0,11,99], -"namespacemlx_1_1core_1_1simd.html#a7f7a298284e71ddbd2ba0bb6d98b0d16":[1,0,1,0,11,82], -"namespacemlx_1_1core_1_1simd.html#a82676bd32059d1172296f8074a841de6":[1,0,1,0,11,113], -"namespacemlx_1_1core_1_1simd.html#a829842f854aecfae93b7d42f83aec9a7":[1,0,1,0,11,274], -"namespacemlx_1_1core_1_1simd.html#a830591eb3007fef5d87dc296f5615108":[1,0,1,0,11,72], -"namespacemlx_1_1core_1_1simd.html#a832bbc02ed5589e70106c831c04500f1":[1,0,1,0,11,109], -"namespacemlx_1_1core_1_1simd.html#a835d71dd0bb2f9494a397d9939696ec2":[1,0,1,0,11,49], -"namespacemlx_1_1core_1_1simd.html#a85999467c83b07e4fa5f093f7ddf19e1":[1,0,1,0,11,13], -"namespacemlx_1_1core_1_1simd.html#a85c23e7ed6fe0ec6dfe4c61f7412a362":[1,0,1,0,11,112], -"namespacemlx_1_1core_1_1simd.html#a87e11ab36aae3328fe3d5230bdf31692":[1,0,1,0,11,202], -"namespacemlx_1_1core_1_1simd.html#a89be64949908f19dd42aa7e38b320b0c":[1,0,1,0,11,156], -"namespacemlx_1_1core_1_1simd.html#a8a2c8aea209236b06c594c8451017ecb":[1,0,1,0,11,118], -"namespacemlx_1_1core_1_1simd.html#a8aa81ebff4c26f21cae2253d885fd87a":[1,0,1,0,11,57], -"namespacemlx_1_1core_1_1simd.html#a8b622c47d07b171b2303ea744bf72284":[1,0,1,0,11,136], -"namespacemlx_1_1core_1_1simd.html#a8beb567724ab9735b616afb777b93abd":[1,0,1,0,11,108], -"namespacemlx_1_1core_1_1simd.html#a8c200919c0eeefb2e2e5d9d19741a805":[1,0,1,0,11,251], -"namespacemlx_1_1core_1_1simd.html#a8cec82f4fb15bfd31d7554c6c09ceed4":[1,0,1,0,11,64], -"namespacemlx_1_1core_1_1simd.html#a8d7dcf1914ce8fe8518d84b0f2a5fe91":[1,0,1,0,11,201], -"namespacemlx_1_1core_1_1simd.html#a8e22c484298d9af10b6604c835e52052":[1,0,1,0,11,55], -"namespacemlx_1_1core_1_1simd.html#a8f731e5a287c714dfc92879fe37503d5":[1,0,1,0,11,292], -"namespacemlx_1_1core_1_1simd.html#a8f73d1dac82177e0aeadaeda349c4f96":[1,0,1,0,11,51], -"namespacemlx_1_1core_1_1simd.html#a90092f3826ad3be4b2b1785f7ff4a86b":[1,0,1,0,11,16], -"namespacemlx_1_1core_1_1simd.html#a914e821c358e05dfe8d0208888646793":[1,0,1,0,11,177], -"namespacemlx_1_1core_1_1simd.html#a92fcc8037ddb767bff517814ab55c259":[1,0,1,0,11,71], -"namespacemlx_1_1core_1_1simd.html#a9323e370f6740651ebfd51367985d0e2":[1,0,1,0,11,25], -"namespacemlx_1_1core_1_1simd.html#a93e69a8170b8fe14f0a3188b4e8ccd49":[1,0,1,0,11,220], -"namespacemlx_1_1core_1_1simd.html#a9407980793ecff5d5eb19c9a2cbda1eb":[1,0,1,0,11,50], -"namespacemlx_1_1core_1_1simd.html#a96ce7d90b3b8b6dddab36ef5b49fffc2":[1,0,1,0,11,270], -"namespacemlx_1_1core_1_1simd.html#a96db878d780a8da6abad19ac772d08ca":[1,0,1,0,11,85], -"namespacemlx_1_1core_1_1simd.html#a97a8ca857fe0edd84c68dc0f3dc2c6c4":[1,0,1,0,11,66], -"namespacemlx_1_1core_1_1simd.html#a97c69b04852ccba242f1348fda17ca20":[1,0,1,0,11,59], -"namespacemlx_1_1core_1_1simd.html#a98b77f1ca24bff373f48ef62f0013a02":[1,0,1,0,11,132], -"namespacemlx_1_1core_1_1simd.html#a99099c338377518773b55d4042f9410d":[1,0,1,0,11,56], -"namespacemlx_1_1core_1_1simd.html#a995da0f1b4ca8077abbbc6f6a6dfd663":[1,0,1,0,11,76], -"namespacemlx_1_1core_1_1simd.html#a99e84cece5722fb764844a2badc5426b":[1,0,1,0,11,29], -"namespacemlx_1_1core_1_1simd.html#a9ac36abfb7dffc7ad24b4d0c295452e5":[1,0,1,0,11,213], -"namespacemlx_1_1core_1_1simd.html#a9c7723fc49137394fa817136a7ffb50f":[1,0,1,0,11,21], -"namespacemlx_1_1core_1_1simd.html#a9d968537ad5ef18630f5afce8453b30e":[1,0,1,0,11,20], -"namespacemlx_1_1core_1_1simd.html#a9ddc7f119cc1dc04372ec1adcaf55f70":[1,0,1,0,11,58], -"namespacemlx_1_1core_1_1simd.html#a9e0c9b3e986809be5e87aacc4612bb8e":[1,0,1,0,11,158], -"namespacemlx_1_1core_1_1simd.html#a9e3e7b35d564c70de8fa0b6150570ed8":[1,0,1,0,11,257], -"namespacemlx_1_1core_1_1simd.html#aa17e031474fa87f6ea7855257dcc9ece":[1,0,1,0,11,191], -"namespacemlx_1_1core_1_1simd.html#aa244fbe7456b653aa50a473108fd6a2b":[1,0,1,0,11,275], -"namespacemlx_1_1core_1_1simd.html#aa35a2aab733e4bfc80a9f4e3f508daee":[1,0,1,0,11,214], -"namespacemlx_1_1core_1_1simd.html#aa396efa6e9c94f4ac1f8381d5e07f069":[1,0,1,0,11,54], -"namespacemlx_1_1core_1_1simd.html#aa5b4f7d3b776e8d16907e15a11800f01":[1,0,1,0,11,46], -"namespacemlx_1_1core_1_1simd.html#aa73282cb05b65b931b97ce35c46bae20":[1,0,1,0,11,147], -"namespacemlx_1_1core_1_1simd.html#aa7550a1210e50c996d0db84034b8a22e":[1,0,1,0,11,27], -"namespacemlx_1_1core_1_1simd.html#aa78385c9cf0b87aabc377b1b47b2929d":[1,0,1,0,11,80], -"namespacemlx_1_1core_1_1simd.html#aa78806bf6a3be64b44e9a1f04bad3862":[1,0,1,0,11,135], -"namespacemlx_1_1core_1_1simd.html#aa837052ddcb02f4d9bc39b07399b4d91":[1,0,1,0,11,188], -"namespacemlx_1_1core_1_1simd.html#aa9ac1951153211b2ff95dd34a3427797":[1,0,1,0,11,233], -"namespacemlx_1_1core_1_1simd.html#aaa76bdf1db09261d84da51d394837f5d":[1,0,1,0,11,24], -"namespacemlx_1_1core_1_1simd.html#aaacbf6671080409e822fbb218e3fdf00":[1,0,1,0,11,182], -"namespacemlx_1_1core_1_1simd.html#aab8837750c84794369e630d8ea0b408c":[1,0,1,0,11,149], -"namespacemlx_1_1core_1_1simd.html#aac6acd134f1498b4fb45fdbc882335bf":[1,0,1,0,11,130], -"namespacemlx_1_1core_1_1simd.html#aad2d440fbb9e5478b5ed24400a859942":[1,0,1,0,11,231], -"namespacemlx_1_1core_1_1simd.html#aad9cc064528e4189a5b7dd816a134ae6":[1,0,1,0,11,138], -"namespacemlx_1_1core_1_1simd.html#aadb0ed44c238d8d643c056298d5b20ca":[1,0,1,0,11,92], -"namespacemlx_1_1core_1_1simd.html#aadd49786edc08f867e592d234327a031":[1,0,1,0,11,178], -"namespacemlx_1_1core_1_1simd.html#aaf29bfdcfdbb9a0acb9f4a6ed622868f":[1,0,1,0,11,164], -"namespacemlx_1_1core_1_1simd.html#ab020d2c434fad0cdf79fd37b0f6c1676":[1,0,1,0,11,250], -"namespacemlx_1_1core_1_1simd.html#ab0e7c082fc6bed52d522765ef91d205d":[1,0,1,0,11,269], -"namespacemlx_1_1core_1_1simd.html#ab179f429e34cd6d5c37050ea7e7c54ad":[1,0,1,0,11,43], -"namespacemlx_1_1core_1_1simd.html#ab18b3a88a2439fd026b6551b38d1f14a":[1,0,1,0,11,240], -"namespacemlx_1_1core_1_1simd.html#ab1f7f553d3a9176a70404a29cad06619":[1,0,1,0,11,143], -"namespacemlx_1_1core_1_1simd.html#ab25fc96fa6f00d0a8c335b8da293fbbb":[1,0,1,0,11,285], -"namespacemlx_1_1core_1_1simd.html#ab2b540d7329491000e7722f9b3ef797d":[1,0,1,0,11,221], -"namespacemlx_1_1core_1_1simd.html#ab2bc61c02b9096163e9db91a3f88788f":[1,0,1,0,11,232], -"namespacemlx_1_1core_1_1simd.html#ab35a129d6e31b86c06b61252c7b26d4e":[1,0,1,0,11,144], -"namespacemlx_1_1core_1_1simd.html#ab367b9b65be2fda4830a56fc9cc0cd2f":[1,0,1,0,11,291], -"namespacemlx_1_1core_1_1simd.html#ab380b8f73672727a38ea0931e731fe4a":[1,0,1,0,11,229], -"namespacemlx_1_1core_1_1simd.html#ab4d582d72c0a7ee313e19c906e43cef1":[1,0,1,0,11,260], -"namespacemlx_1_1core_1_1simd.html#ab54ff0f073be504e8428912f8e21effd":[1,0,1,0,11,81], -"namespacemlx_1_1core_1_1simd.html#ab6a73491bcb185cd91ae4db6b0f21e49":[1,0,1,0,11,122], -"namespacemlx_1_1core_1_1simd.html#ab7b291b3559792e18208e17432d25342":[1,0,1,0,11,196], -"namespacemlx_1_1core_1_1simd.html#ab80a7db8d99e3f4032e761c60216027d":[1,0,1,0,11,276], -"namespacemlx_1_1core_1_1simd.html#ab9097573af69cc66d1427d0f52507e7a":[1,0,1,0,11,200], -"namespacemlx_1_1core_1_1simd.html#aba81b735e8f99cedf8b4846b2ab4e236":[1,0,1,0,11,69], -"namespacemlx_1_1core_1_1simd.html#abaa09259e92f0fe758dc979d54c327e8":[1,0,1,0,11,87], -"namespacemlx_1_1core_1_1simd.html#abc6a26b6e28d3d532fc356f96c97df1d":[1,0,1,0,11,95], -"namespacemlx_1_1core_1_1simd.html#abd09d3f5989558ce5156549a94d0fb04":[1,0,1,0,11,65], -"namespacemlx_1_1core_1_1simd.html#abd37e62eff936a64677b5aba787b4d18":[1,0,1,0,11,193], -"namespacemlx_1_1core_1_1simd.html#ac1c6c9b8bc7f3cd32ae39fa84975194d":[1,0,1,0,11,61], -"namespacemlx_1_1core_1_1simd.html#ac27cdc630e86b25ad607ca409de2b274":[1,0,1,0,11,242], -"namespacemlx_1_1core_1_1simd.html#ac33643b5f3cdbd3be0fa7d5784e35007":[1,0,1,0,11,134], -"namespacemlx_1_1core_1_1simd.html#ac34f6b278627949d2ee68cdbf3d2f50f":[1,0,1,0,11,235], -"namespacemlx_1_1core_1_1simd.html#ac368e4701363cfece4935e57f3c709b1":[1,0,1,0,11,288], -"namespacemlx_1_1core_1_1simd.html#ac50da923a4b7ac682554bd1d74c306d9":[1,0,1,0,11,125], -"namespacemlx_1_1core_1_1simd.html#ac5d10f465c21ab259041042ff0159187":[1,0,1,0,11,157], -"namespacemlx_1_1core_1_1simd.html#ac6104b5667e0eb379528bf7e2de23bee":[1,0,1,0,11,32], -"namespacemlx_1_1core_1_1simd.html#ac66bdf1a8e86a4d350c85037bc764da5":[1,0,1,0,11,248], -"namespacemlx_1_1core_1_1simd.html#ac790406f4cf51cbc40d750d377dd741b":[1,0,1,0,11,107], -"namespacemlx_1_1core_1_1simd.html#ac7f3848b48c8e23c71c85fcc9909b933":[1,0,1,0,11,208], -"namespacemlx_1_1core_1_1simd.html#ac836568622a3e5957c275e115e2fcaf3":[1,0,1,0,11,89], -"namespacemlx_1_1core_1_1simd.html#ac86a54a5e2ccc79bc92739f143bc0bef":[1,0,1,0,11,151], -"namespacemlx_1_1core_1_1simd.html#ac91bd36c7caafd3c7ff176e7e2f81887":[1,0,1,0,11,281], -"namespacemlx_1_1core_1_1simd.html#ac962a14c88c87082fc70a9c0370f35b0":[1,0,1,0,11,163], -"namespacemlx_1_1core_1_1simd.html#ac971bfa5c7ec8abc432eab5f3c5646aa":[1,0,1,0,11,195], -"namespacemlx_1_1core_1_1simd.html#acafae9e62680565cd1f1c50c64d7ce4f":[1,0,1,0,11,183], -"namespacemlx_1_1core_1_1simd.html#acb1c49b90d029bc4a7eed257ec52791d":[1,0,1,0,11,75], -"namespacemlx_1_1core_1_1simd.html#acc490f7f5195acfa7b7c5df7afb39438":[1,0,1,0,11,148], -"namespacemlx_1_1core_1_1simd.html#accd17f741cab18590fdbe388d4783967":[1,0,1,0,11,173], -"namespacemlx_1_1core_1_1simd.html#acd4196d0c66204cfae70b064c305e146":[1,0,1,0,11,86], -"namespacemlx_1_1core_1_1simd.html#acd57dc91aa205d9d3f8804df4261a7fb":[1,0,1,0,11,224], -"namespacemlx_1_1core_1_1simd.html#acd5ac48dc7895f06daf55f0a7e0667fb":[1,0,1,0,11,123], -"namespacemlx_1_1core_1_1simd.html#acdcdaea84869a0b05c08139c10f13a06":[1,0,1,0,11,228], -"namespacemlx_1_1core_1_1simd.html#acdf822b7626bbab6a495552aea3457b5":[1,0,1,0,11,244], -"namespacemlx_1_1core_1_1simd.html#acf2391cc4d945887d7820501ba14ba89":[1,0,1,0,11,197], -"namespacemlx_1_1core_1_1simd.html#acf35d81032bb9043804fd1de43540f60":[1,0,1,0,11,162], -"namespacemlx_1_1core_1_1simd.html#ad06680bbc041e76efe2dbff4e11b9a13":[1,0,1,0,11,70], -"namespacemlx_1_1core_1_1simd.html#ad1570f6937d194a09e61d0e3a70ef578":[1,0,1,0,11,174], -"namespacemlx_1_1core_1_1simd.html#ad5761065b4a655cd086d88846ae08d97":[1,0,1,0,11,142], -"namespacemlx_1_1core_1_1simd.html#ad6b89aecafefe57b6ce69bec143ccd6e":[1,0,1,0,11,53], -"namespacemlx_1_1core_1_1simd.html#ad78056685c9732c3465c0d8b8ec1bef7":[1,0,1,0,11,261], -"namespacemlx_1_1core_1_1simd.html#ad78f543dc5da87a14ca113a1dd9852fd":[1,0,1,0,11,277], -"namespacemlx_1_1core_1_1simd.html#ad8b67f9ced9c7f3cb472b9c3df817f08":[1,0,1,0,11,194], -"namespacemlx_1_1core_1_1simd.html#ad9bebf95b37fa0c6517be82af5ccd4eb":[1,0,1,0,11,165], -"namespacemlx_1_1core_1_1simd.html#adf754ade6cc1dd0e0bae0e31c7b513a2":[1,0,1,0,11,68] +"namespacemlx_1_1core_1_1simd.html#a05f4422a037c3bef343fb11f71363b65":[1,0,1,0,12,62], +"namespacemlx_1_1core_1_1simd.html#a069963ffb15f06d1c48258054750dadf":[1,0,1,0,12,23], +"namespacemlx_1_1core_1_1simd.html#a06cb29f91deeaec69471058044abd2aa":[1,0,1,0,12,290], +"namespacemlx_1_1core_1_1simd.html#a070f1fa094cf2da5ab7d6baecbbf4f56":[1,0,1,0,12,115], +"namespacemlx_1_1core_1_1simd.html#a0727c897502944659b3e32b3cde9ee9b":[1,0,1,0,12,104], +"namespacemlx_1_1core_1_1simd.html#a075f637ff3f983ada0fd6288ab8d91d7":[1,0,1,0,12,155], +"namespacemlx_1_1core_1_1simd.html#a08c1e7a00b1b4bc60e30d1554f4f46f2":[1,0,1,0,12,121], +"namespacemlx_1_1core_1_1simd.html#a09a2f3f2bc999c16babf3d8d90994d6e":[1,0,1,0,12,262], +"namespacemlx_1_1core_1_1simd.html#a0a26dff48b078fb3e9fef688232183ed":[1,0,1,0,12,241], +"namespacemlx_1_1core_1_1simd.html#a0c8bd67982681ecd53cd8d739be3a5a9":[1,0,1,0,12,234], +"namespacemlx_1_1core_1_1simd.html#a0cc9ca2925c25d2eb225af9125bd6bc4":[1,0,1,0,12,289], +"namespacemlx_1_1core_1_1simd.html#a0cd57bba23daed624df5e2b06b676dca":[1,0,1,0,12,226], +"namespacemlx_1_1core_1_1simd.html#a0ff63db5f193a57ef3b1fffa374eb15a":[1,0,1,0,12,83], +"namespacemlx_1_1core_1_1simd.html#a1108d186d57c2010c743d3f9297befc7":[1,0,1,0,12,210], +"namespacemlx_1_1core_1_1simd.html#a125cbaa7c5dd0931b0abd11003ab584a":[1,0,1,0,12,100], +"namespacemlx_1_1core_1_1simd.html#a12b1553495a0c99d52472bd2a6626ddb":[1,0,1,0,12,293], +"namespacemlx_1_1core_1_1simd.html#a146d2a834c936a381c1f86caffa822d7":[1,0,1,0,12,39], +"namespacemlx_1_1core_1_1simd.html#a155df1de3c26e1a3725b63e9e97c0b53":[1,0,1,0,12,284], +"namespacemlx_1_1core_1_1simd.html#a160075943b92d541f2e7f7472eaa5167":[1,0,1,0,12,84], +"namespacemlx_1_1core_1_1simd.html#a16c4a2c8fc59a2e2fcc05db243289706":[1,0,1,0,12,218], +"namespacemlx_1_1core_1_1simd.html#a16fa3c809e46b5cae3e8abfaf98199a4":[1,0,1,0,12,217], +"namespacemlx_1_1core_1_1simd.html#a17f7baec6300f2ff96ec53fb1943cb49":[1,0,1,0,12,91], +"namespacemlx_1_1core_1_1simd.html#a18a2689f4ae197c5b204fe9b3370da4c":[1,0,1,0,12,154], +"namespacemlx_1_1core_1_1simd.html#a18d330fd2c7360b2890a722232ba35b7":[1,0,1,0,12,33], +"namespacemlx_1_1core_1_1simd.html#a1958f026f26f313d17155ac87ea6eca3":[1,0,1,0,12,9], +"namespacemlx_1_1core_1_1simd.html#a1996e77a8c3c24b1ba706113ed9028c4":[1,0,1,0,12,90], +"namespacemlx_1_1core_1_1simd.html#a19d535de1fc179cc39ec9643c9863cbc":[1,0,1,0,12,238], +"namespacemlx_1_1core_1_1simd.html#a1c61bd3ac3ec5d8d2da65b45d59f543e":[1,0,1,0,12,153], +"namespacemlx_1_1core_1_1simd.html#a1d45c3b97cecfff86a2e43ae1f7fa185":[1,0,1,0,12,152], +"namespacemlx_1_1core_1_1simd.html#a1eca7cf07b2a238307459c28204319fb":[1,0,1,0,12,114], +"namespacemlx_1_1core_1_1simd.html#a20ffdefe25beda96860a1dc9a6f4aa02":[1,0,1,0,12,60], +"namespacemlx_1_1core_1_1simd.html#a23b59272b0760326844fffe20db9b3e2":[1,0,1,0,12,161], +"namespacemlx_1_1core_1_1simd.html#a23dba4ee3f0811b41c381733a6e6ff16":[1,0,1,0,12,30], +"namespacemlx_1_1core_1_1simd.html#a25b3de1947dbab7c4864b41ec226453b":[1,0,1,0,12,215], +"namespacemlx_1_1core_1_1simd.html#a271cedfc48efc69db43813e8c424bf7c":[1,0,1,0,12,243], +"namespacemlx_1_1core_1_1simd.html#a273fcc5387c1c9878e658ba6bc32f00c":[1,0,1,0,12,184], +"namespacemlx_1_1core_1_1simd.html#a27dfc3843dbefbbebed5b7137bacbb59":[1,0,1,0,12,131], +"namespacemlx_1_1core_1_1simd.html#a290787dda17296d27af7afdef3c732a9":[1,0,1,0,12,237], +"namespacemlx_1_1core_1_1simd.html#a29fe8445e54a61f6bccc8d50f142ca54":[1,0,1,0,12,280], +"namespacemlx_1_1core_1_1simd.html#a2a381e5ec89406074b8d1921304238bb":[1,0,1,0,12,110], +"namespacemlx_1_1core_1_1simd.html#a2ba6c75c0821db3e9ac525a89b3ac859":[1,0,1,0,12,266], +"namespacemlx_1_1core_1_1simd.html#a312ecd0ae1c38d32147cee71fd8539d7":[1,0,1,0,12,77], +"namespacemlx_1_1core_1_1simd.html#a33232e2342d5a3e542c9428924a25830":[1,0,1,0,12,168], +"namespacemlx_1_1core_1_1simd.html#a3345cb53830d1afd625acc7bdc3a0435":[1,0,1,0,12,254], +"namespacemlx_1_1core_1_1simd.html#a35d875fa7bce02a6171f37240a346e1d":[1,0,1,0,12,192], +"namespacemlx_1_1core_1_1simd.html#a369178519e0e91fa936c0fd4aa9ee109":[1,0,1,0,12,216], +"namespacemlx_1_1core_1_1simd.html#a3699410174385f5e597cfccad57fc736":[1,0,1,0,12,101], +"namespacemlx_1_1core_1_1simd.html#a38e83534a648d0743dc4c7deb9a7fd49":[1,0,1,0,12,227], +"namespacemlx_1_1core_1_1simd.html#a3a060a225b6ead483ca93247c9ad8e4d":[1,0,1,0,12,106], +"namespacemlx_1_1core_1_1simd.html#a3b5ebb46e7beae839c97b2e7ed9c7426":[1,0,1,0,12,258], +"namespacemlx_1_1core_1_1simd.html#a3c42ac1dc74f6c0bb934dfa45986875b":[1,0,1,0,12,105], +"namespacemlx_1_1core_1_1simd.html#a3cb6ea94836e999c07329b34c501ed85":[1,0,1,0,12,67], +"namespacemlx_1_1core_1_1simd.html#a3d4f9d08d1902e3d62c6f63d39329dbd":[1,0,1,0,12,12], +"namespacemlx_1_1core_1_1simd.html#a3f63139b42029ba8d7b3b8ef10f5ac96":[1,0,1,0,12,159], +"namespacemlx_1_1core_1_1simd.html#a3fa3d1f571027c5cdd1dce5d2cd041e3":[1,0,1,0,12,282], +"namespacemlx_1_1core_1_1simd.html#a400d89d040f43d471b306a8e8bdb3974":[1,0,1,0,12,253], +"namespacemlx_1_1core_1_1simd.html#a4030444ea38ce1529a8cbb8c183a28bd":[1,0,1,0,12,126], +"namespacemlx_1_1core_1_1simd.html#a4041676517d96870293e5448c7e2b5a4":[1,0,1,0,12,63], +"namespacemlx_1_1core_1_1simd.html#a40879bf874309c0a5abef783aea2057d":[1,0,1,0,12,263], +"namespacemlx_1_1core_1_1simd.html#a4113a94fb8dcd0d88f14ec9d82089508":[1,0,1,0,12,199], +"namespacemlx_1_1core_1_1simd.html#a417109cdd61f35954ba2cc37af9b4460":[1,0,1,0,12,129], +"namespacemlx_1_1core_1_1simd.html#a421845a6f68f88c58f520d2c1fa15914":[1,0,1,0,12,28], +"namespacemlx_1_1core_1_1simd.html#a445ddc4ed928656df64d889942588cfd":[1,0,1,0,12,272], +"namespacemlx_1_1core_1_1simd.html#a4555cd6a3b50af00700f97fdf00f63a7":[1,0,1,0,12,124], +"namespacemlx_1_1core_1_1simd.html#a464687a8809d0180035acc9af2943a94":[1,0,1,0,12,52], +"namespacemlx_1_1core_1_1simd.html#a46c6ea18a9edd2a9cdba2ab62ca4782c":[1,0,1,0,12,179], +"namespacemlx_1_1core_1_1simd.html#a46ede415296683771bb22246a813482a":[1,0,1,0,12,189], +"namespacemlx_1_1core_1_1simd.html#a479ccddac341bd0760857b77e449e5e1":[1,0,1,0,12,264], +"namespacemlx_1_1core_1_1simd.html#a4877ae5406d081680b785a86ad656e03":[1,0,1,0,12,186], +"namespacemlx_1_1core_1_1simd.html#a495d15a18ee4a6dda22e37e8dc02e45b":[1,0,1,0,12,225], +"namespacemlx_1_1core_1_1simd.html#a4971bfe7f9f9319f859b3040c18f39ca":[1,0,1,0,12,97], +"namespacemlx_1_1core_1_1simd.html#a4ba3690489c2bf861e22e1175255438c":[1,0,1,0,12,17], +"namespacemlx_1_1core_1_1simd.html#a4bf8c887eb6943563ceb1e603d1325b1":[1,0,1,0,12,211], +"namespacemlx_1_1core_1_1simd.html#a4c6ed06d523db05f99df7ef21b374c41":[1,0,1,0,12,236], +"namespacemlx_1_1core_1_1simd.html#a4d5e4c31af23d2871e09b88c1f6e418c":[1,0,1,0,12,175], +"namespacemlx_1_1core_1_1simd.html#a4e54bd4ceb51ec41b0f95ebabe558713":[1,0,1,0,12,37], +"namespacemlx_1_1core_1_1simd.html#a4e65febbfa8b4df2970c1d78801b3c66":[1,0,1,0,12,207], +"namespacemlx_1_1core_1_1simd.html#a4ecd782ffa497ac7dc2482a232b0dd00":[1,0,1,0,12,170], +"namespacemlx_1_1core_1_1simd.html#a4f3cc8b2493586e83fd65640df3b60ad":[1,0,1,0,12,10], +"namespacemlx_1_1core_1_1simd.html#a4f8a64e7742fcd8f759f723a36a7c826":[1,0,1,0,12,14], +"namespacemlx_1_1core_1_1simd.html#a50044315dc365f026830416f6b615c77":[1,0,1,0,12,171], +"namespacemlx_1_1core_1_1simd.html#a51071c8104494b5bd8097990da3bf943":[1,0,1,0,12,15], +"namespacemlx_1_1core_1_1simd.html#a5109118acb6766855878b9e8a56b156a":[1,0,1,0,12,18], +"namespacemlx_1_1core_1_1simd.html#a51de2acf3dcd55c7c52e3ce7ed6ed9d7":[1,0,1,0,12,190], +"namespacemlx_1_1core_1_1simd.html#a530ac8728e4d7e7be2482d5b2467906c":[1,0,1,0,12,203], +"namespacemlx_1_1core_1_1simd.html#a5373c1af09825b5f701ebd106508fa6b":[1,0,1,0,12,120], +"namespacemlx_1_1core_1_1simd.html#a53b547b886918dc13d4da88eeb8811d2":[1,0,1,0,12,271], +"namespacemlx_1_1core_1_1simd.html#a54c7f2f2b995eb767462b1228982967f":[1,0,1,0,12,249], +"namespacemlx_1_1core_1_1simd.html#a567c06bf988af03988478679055a6c45":[1,0,1,0,12,40], +"namespacemlx_1_1core_1_1simd.html#a56fccba38270fe3ae9fa7b2ecdeb5e87":[1,0,1,0,12,172], +"namespacemlx_1_1core_1_1simd.html#a5abc381a85fe8b0e9cb472f874704652":[1,0,1,0,12,273], +"namespacemlx_1_1core_1_1simd.html#a5b877b5eb7044d9b2a42a9af4af21f01":[1,0,1,0,12,219], +"namespacemlx_1_1core_1_1simd.html#a5c49123bf2647a5ca4f0579a54f3e53a":[1,0,1,0,12,102], +"namespacemlx_1_1core_1_1simd.html#a5ebae2e6cce1889513f15be3adb265ea":[1,0,1,0,12,34], +"namespacemlx_1_1core_1_1simd.html#a60805b5f57ddbbf74f700b54cd3fc4f8":[1,0,1,0,12,222], +"namespacemlx_1_1core_1_1simd.html#a60e33ebb16d9bab375a64aec8015a5c2":[1,0,1,0,12,47], +"namespacemlx_1_1core_1_1simd.html#a6235990c43aaf0e0c126c82d10f01b45":[1,0,1,0,12,245], +"namespacemlx_1_1core_1_1simd.html#a63768090c16e5dcffccadf550d169abc":[1,0,1,0,12,187], +"namespacemlx_1_1core_1_1simd.html#a6449faa1666afe1186d55b61bb3e5b5a":[1,0,1,0,12,223], +"namespacemlx_1_1core_1_1simd.html#a64e80f096a8baf99ba8d396414473cc7":[1,0,1,0,12,279], +"namespacemlx_1_1core_1_1simd.html#a660b79a51fb439f4aba91e2aea276300":[1,0,1,0,12,42], +"namespacemlx_1_1core_1_1simd.html#a66426c28a4324b9f617b7018d9354ea1":[1,0,1,0,12,73], +"namespacemlx_1_1core_1_1simd.html#a673b4d8d228f35f06cf5b882335f04d5":[1,0,1,0,12,205], +"namespacemlx_1_1core_1_1simd.html#a678cddce777549a39474449d56fd1de6":[1,0,1,0,12,145], +"namespacemlx_1_1core_1_1simd.html#a68e7b952915e629d246d1ffac98b54ce":[1,0,1,0,12,169], +"namespacemlx_1_1core_1_1simd.html#a6cce6db46c391a5d06dcb262e21b81fc":[1,0,1,0,12,96], +"namespacemlx_1_1core_1_1simd.html#a6cd6e41660608d17ca8d38658d5e385c":[1,0,1,0,12,160], +"namespacemlx_1_1core_1_1simd.html#a6e39cc693b30ad8e530392baf4bb5b0e":[1,0,1,0,12,137], +"namespacemlx_1_1core_1_1simd.html#a6e45c9c2f0591d9d5dd37a07ebcc3c2a":[1,0,1,0,12,209], +"namespacemlx_1_1core_1_1simd.html#a6f6d26e3fe39ee1ba0a7380d0ecf7b45":[1,0,1,0,12,119], +"namespacemlx_1_1core_1_1simd.html#a6fcea259041cecfd042d0c4e6afc4b8f":[1,0,1,0,12,78], +"namespacemlx_1_1core_1_1simd.html#a70563bcd6c28802d11199812ffef38c8":[1,0,1,0,12,140], +"namespacemlx_1_1core_1_1simd.html#a71a6902e729e3facdc609e93cd12d485":[1,0,1,0,12,198], +"namespacemlx_1_1core_1_1simd.html#a727a13b3d26f9e7cae7f091105867904":[1,0,1,0,12,139], +"namespacemlx_1_1core_1_1simd.html#a7434ba1ab2ad798fe8557a9b45035e81":[1,0,1,0,12,146], +"namespacemlx_1_1core_1_1simd.html#a745e05627c77152ec13d8d90c19cc9bf":[1,0,1,0,12,94], +"namespacemlx_1_1core_1_1simd.html#a74ac0fd799967b0f303bfd26fc6a17cf":[1,0,1,0,12,255], +"namespacemlx_1_1core_1_1simd.html#a75349994f899aecb68553c2247580163":[1,0,1,0,12,22], +"namespacemlx_1_1core_1_1simd.html#a757838b9d56e132e797a381d3bb0dc86":[1,0,1,0,12,98], +"namespacemlx_1_1core_1_1simd.html#a7687f3d14077b51fb421f0efb5b626db":[1,0,1,0,12,48], +"namespacemlx_1_1core_1_1simd.html#a7696a0628a1c6ccb293ebd6f2328ea48":[1,0,1,0,12,8], +"namespacemlx_1_1core_1_1simd.html#a771b6597803beb800ff5e7560c41e341":[1,0,1,0,12,278], +"namespacemlx_1_1core_1_1simd.html#a7913cb2854ffc37efcf26635a097f0a9":[1,0,1,0,12,287], +"namespacemlx_1_1core_1_1simd.html#a7928482ed5d25932be80413c7239125c":[1,0,1,0,12,185], +"namespacemlx_1_1core_1_1simd.html#a797196eccc3690aac5c45e5f9c804ceb":[1,0,1,0,12,252], +"namespacemlx_1_1core_1_1simd.html#a7a1c3be1c37d41e450469f2e98cd9dde":[1,0,1,0,12,230], +"namespacemlx_1_1core_1_1simd.html#a7b47a5f370e8e59e1debfa5405e13266":[1,0,1,0,12,26], +"namespacemlx_1_1core_1_1simd.html#a7e63a5eb08898b84fd4000dadc460fd9":[1,0,1,0,12,286], +"namespacemlx_1_1core_1_1simd.html#a7e80d3e33f2edd02310641d3e3dd5658":[1,0,1,0,12,265], +"namespacemlx_1_1core_1_1simd.html#a7f1cebaff9cb88df59b5ec7557b5d167":[1,0,1,0,12,99], +"namespacemlx_1_1core_1_1simd.html#a7f7a298284e71ddbd2ba0bb6d98b0d16":[1,0,1,0,12,82], +"namespacemlx_1_1core_1_1simd.html#a82676bd32059d1172296f8074a841de6":[1,0,1,0,12,113], +"namespacemlx_1_1core_1_1simd.html#a829842f854aecfae93b7d42f83aec9a7":[1,0,1,0,12,274], +"namespacemlx_1_1core_1_1simd.html#a830591eb3007fef5d87dc296f5615108":[1,0,1,0,12,72], +"namespacemlx_1_1core_1_1simd.html#a832bbc02ed5589e70106c831c04500f1":[1,0,1,0,12,109], +"namespacemlx_1_1core_1_1simd.html#a835d71dd0bb2f9494a397d9939696ec2":[1,0,1,0,12,49], +"namespacemlx_1_1core_1_1simd.html#a85999467c83b07e4fa5f093f7ddf19e1":[1,0,1,0,12,13], +"namespacemlx_1_1core_1_1simd.html#a85c23e7ed6fe0ec6dfe4c61f7412a362":[1,0,1,0,12,112], +"namespacemlx_1_1core_1_1simd.html#a87e11ab36aae3328fe3d5230bdf31692":[1,0,1,0,12,202], +"namespacemlx_1_1core_1_1simd.html#a89be64949908f19dd42aa7e38b320b0c":[1,0,1,0,12,156], +"namespacemlx_1_1core_1_1simd.html#a8a2c8aea209236b06c594c8451017ecb":[1,0,1,0,12,118], +"namespacemlx_1_1core_1_1simd.html#a8aa81ebff4c26f21cae2253d885fd87a":[1,0,1,0,12,57], +"namespacemlx_1_1core_1_1simd.html#a8b622c47d07b171b2303ea744bf72284":[1,0,1,0,12,136], +"namespacemlx_1_1core_1_1simd.html#a8beb567724ab9735b616afb777b93abd":[1,0,1,0,12,108], +"namespacemlx_1_1core_1_1simd.html#a8c200919c0eeefb2e2e5d9d19741a805":[1,0,1,0,12,251], +"namespacemlx_1_1core_1_1simd.html#a8cec82f4fb15bfd31d7554c6c09ceed4":[1,0,1,0,12,64], +"namespacemlx_1_1core_1_1simd.html#a8d7dcf1914ce8fe8518d84b0f2a5fe91":[1,0,1,0,12,201], +"namespacemlx_1_1core_1_1simd.html#a8e22c484298d9af10b6604c835e52052":[1,0,1,0,12,55], +"namespacemlx_1_1core_1_1simd.html#a8f731e5a287c714dfc92879fe37503d5":[1,0,1,0,12,292], +"namespacemlx_1_1core_1_1simd.html#a8f73d1dac82177e0aeadaeda349c4f96":[1,0,1,0,12,51], +"namespacemlx_1_1core_1_1simd.html#a90092f3826ad3be4b2b1785f7ff4a86b":[1,0,1,0,12,16], +"namespacemlx_1_1core_1_1simd.html#a914e821c358e05dfe8d0208888646793":[1,0,1,0,12,177], +"namespacemlx_1_1core_1_1simd.html#a92fcc8037ddb767bff517814ab55c259":[1,0,1,0,12,71], +"namespacemlx_1_1core_1_1simd.html#a9323e370f6740651ebfd51367985d0e2":[1,0,1,0,12,25], +"namespacemlx_1_1core_1_1simd.html#a93e69a8170b8fe14f0a3188b4e8ccd49":[1,0,1,0,12,220], +"namespacemlx_1_1core_1_1simd.html#a9407980793ecff5d5eb19c9a2cbda1eb":[1,0,1,0,12,50], +"namespacemlx_1_1core_1_1simd.html#a96ce7d90b3b8b6dddab36ef5b49fffc2":[1,0,1,0,12,270], +"namespacemlx_1_1core_1_1simd.html#a96db878d780a8da6abad19ac772d08ca":[1,0,1,0,12,85], +"namespacemlx_1_1core_1_1simd.html#a97a8ca857fe0edd84c68dc0f3dc2c6c4":[1,0,1,0,12,66], +"namespacemlx_1_1core_1_1simd.html#a97c69b04852ccba242f1348fda17ca20":[1,0,1,0,12,59], +"namespacemlx_1_1core_1_1simd.html#a98b77f1ca24bff373f48ef62f0013a02":[1,0,1,0,12,132], +"namespacemlx_1_1core_1_1simd.html#a99099c338377518773b55d4042f9410d":[1,0,1,0,12,56], +"namespacemlx_1_1core_1_1simd.html#a995da0f1b4ca8077abbbc6f6a6dfd663":[1,0,1,0,12,76], +"namespacemlx_1_1core_1_1simd.html#a99e84cece5722fb764844a2badc5426b":[1,0,1,0,12,29], +"namespacemlx_1_1core_1_1simd.html#a9ac36abfb7dffc7ad24b4d0c295452e5":[1,0,1,0,12,213], +"namespacemlx_1_1core_1_1simd.html#a9c7723fc49137394fa817136a7ffb50f":[1,0,1,0,12,21], +"namespacemlx_1_1core_1_1simd.html#a9d968537ad5ef18630f5afce8453b30e":[1,0,1,0,12,20], +"namespacemlx_1_1core_1_1simd.html#a9ddc7f119cc1dc04372ec1adcaf55f70":[1,0,1,0,12,58], +"namespacemlx_1_1core_1_1simd.html#a9e0c9b3e986809be5e87aacc4612bb8e":[1,0,1,0,12,158], +"namespacemlx_1_1core_1_1simd.html#a9e3e7b35d564c70de8fa0b6150570ed8":[1,0,1,0,12,257], +"namespacemlx_1_1core_1_1simd.html#aa17e031474fa87f6ea7855257dcc9ece":[1,0,1,0,12,191], +"namespacemlx_1_1core_1_1simd.html#aa244fbe7456b653aa50a473108fd6a2b":[1,0,1,0,12,275], +"namespacemlx_1_1core_1_1simd.html#aa35a2aab733e4bfc80a9f4e3f508daee":[1,0,1,0,12,214], +"namespacemlx_1_1core_1_1simd.html#aa396efa6e9c94f4ac1f8381d5e07f069":[1,0,1,0,12,54], +"namespacemlx_1_1core_1_1simd.html#aa5b4f7d3b776e8d16907e15a11800f01":[1,0,1,0,12,46], +"namespacemlx_1_1core_1_1simd.html#aa73282cb05b65b931b97ce35c46bae20":[1,0,1,0,12,147], +"namespacemlx_1_1core_1_1simd.html#aa7550a1210e50c996d0db84034b8a22e":[1,0,1,0,12,27], +"namespacemlx_1_1core_1_1simd.html#aa78385c9cf0b87aabc377b1b47b2929d":[1,0,1,0,12,80], +"namespacemlx_1_1core_1_1simd.html#aa78806bf6a3be64b44e9a1f04bad3862":[1,0,1,0,12,135], +"namespacemlx_1_1core_1_1simd.html#aa837052ddcb02f4d9bc39b07399b4d91":[1,0,1,0,12,188], +"namespacemlx_1_1core_1_1simd.html#aa9ac1951153211b2ff95dd34a3427797":[1,0,1,0,12,233], +"namespacemlx_1_1core_1_1simd.html#aaa76bdf1db09261d84da51d394837f5d":[1,0,1,0,12,24], +"namespacemlx_1_1core_1_1simd.html#aaacbf6671080409e822fbb218e3fdf00":[1,0,1,0,12,182], +"namespacemlx_1_1core_1_1simd.html#aab8837750c84794369e630d8ea0b408c":[1,0,1,0,12,149], +"namespacemlx_1_1core_1_1simd.html#aac6acd134f1498b4fb45fdbc882335bf":[1,0,1,0,12,130], +"namespacemlx_1_1core_1_1simd.html#aad2d440fbb9e5478b5ed24400a859942":[1,0,1,0,12,231], +"namespacemlx_1_1core_1_1simd.html#aad9cc064528e4189a5b7dd816a134ae6":[1,0,1,0,12,138], +"namespacemlx_1_1core_1_1simd.html#aadb0ed44c238d8d643c056298d5b20ca":[1,0,1,0,12,92], +"namespacemlx_1_1core_1_1simd.html#aadd49786edc08f867e592d234327a031":[1,0,1,0,12,178], +"namespacemlx_1_1core_1_1simd.html#aaf29bfdcfdbb9a0acb9f4a6ed622868f":[1,0,1,0,12,164], +"namespacemlx_1_1core_1_1simd.html#ab020d2c434fad0cdf79fd37b0f6c1676":[1,0,1,0,12,250], +"namespacemlx_1_1core_1_1simd.html#ab0e7c082fc6bed52d522765ef91d205d":[1,0,1,0,12,269], +"namespacemlx_1_1core_1_1simd.html#ab179f429e34cd6d5c37050ea7e7c54ad":[1,0,1,0,12,43], +"namespacemlx_1_1core_1_1simd.html#ab18b3a88a2439fd026b6551b38d1f14a":[1,0,1,0,12,240], +"namespacemlx_1_1core_1_1simd.html#ab1f7f553d3a9176a70404a29cad06619":[1,0,1,0,12,143], +"namespacemlx_1_1core_1_1simd.html#ab25fc96fa6f00d0a8c335b8da293fbbb":[1,0,1,0,12,285], +"namespacemlx_1_1core_1_1simd.html#ab2b540d7329491000e7722f9b3ef797d":[1,0,1,0,12,221], +"namespacemlx_1_1core_1_1simd.html#ab2bc61c02b9096163e9db91a3f88788f":[1,0,1,0,12,232], +"namespacemlx_1_1core_1_1simd.html#ab35a129d6e31b86c06b61252c7b26d4e":[1,0,1,0,12,144], +"namespacemlx_1_1core_1_1simd.html#ab367b9b65be2fda4830a56fc9cc0cd2f":[1,0,1,0,12,291], +"namespacemlx_1_1core_1_1simd.html#ab380b8f73672727a38ea0931e731fe4a":[1,0,1,0,12,229], +"namespacemlx_1_1core_1_1simd.html#ab4d582d72c0a7ee313e19c906e43cef1":[1,0,1,0,12,260], +"namespacemlx_1_1core_1_1simd.html#ab54ff0f073be504e8428912f8e21effd":[1,0,1,0,12,81], +"namespacemlx_1_1core_1_1simd.html#ab6a73491bcb185cd91ae4db6b0f21e49":[1,0,1,0,12,122], +"namespacemlx_1_1core_1_1simd.html#ab7b291b3559792e18208e17432d25342":[1,0,1,0,12,196], +"namespacemlx_1_1core_1_1simd.html#ab80a7db8d99e3f4032e761c60216027d":[1,0,1,0,12,276], +"namespacemlx_1_1core_1_1simd.html#ab9097573af69cc66d1427d0f52507e7a":[1,0,1,0,12,200], +"namespacemlx_1_1core_1_1simd.html#aba81b735e8f99cedf8b4846b2ab4e236":[1,0,1,0,12,69], +"namespacemlx_1_1core_1_1simd.html#abaa09259e92f0fe758dc979d54c327e8":[1,0,1,0,12,87], +"namespacemlx_1_1core_1_1simd.html#abc6a26b6e28d3d532fc356f96c97df1d":[1,0,1,0,12,95], +"namespacemlx_1_1core_1_1simd.html#abd09d3f5989558ce5156549a94d0fb04":[1,0,1,0,12,65], +"namespacemlx_1_1core_1_1simd.html#abd37e62eff936a64677b5aba787b4d18":[1,0,1,0,12,193], +"namespacemlx_1_1core_1_1simd.html#ac1c6c9b8bc7f3cd32ae39fa84975194d":[1,0,1,0,12,61], +"namespacemlx_1_1core_1_1simd.html#ac27cdc630e86b25ad607ca409de2b274":[1,0,1,0,12,242], +"namespacemlx_1_1core_1_1simd.html#ac33643b5f3cdbd3be0fa7d5784e35007":[1,0,1,0,12,134], +"namespacemlx_1_1core_1_1simd.html#ac34f6b278627949d2ee68cdbf3d2f50f":[1,0,1,0,12,235], +"namespacemlx_1_1core_1_1simd.html#ac368e4701363cfece4935e57f3c709b1":[1,0,1,0,12,288], +"namespacemlx_1_1core_1_1simd.html#ac50da923a4b7ac682554bd1d74c306d9":[1,0,1,0,12,125], +"namespacemlx_1_1core_1_1simd.html#ac5d10f465c21ab259041042ff0159187":[1,0,1,0,12,157], +"namespacemlx_1_1core_1_1simd.html#ac6104b5667e0eb379528bf7e2de23bee":[1,0,1,0,12,32], +"namespacemlx_1_1core_1_1simd.html#ac66bdf1a8e86a4d350c85037bc764da5":[1,0,1,0,12,248], +"namespacemlx_1_1core_1_1simd.html#ac790406f4cf51cbc40d750d377dd741b":[1,0,1,0,12,107], +"namespacemlx_1_1core_1_1simd.html#ac7f3848b48c8e23c71c85fcc9909b933":[1,0,1,0,12,208], +"namespacemlx_1_1core_1_1simd.html#ac836568622a3e5957c275e115e2fcaf3":[1,0,1,0,12,89], +"namespacemlx_1_1core_1_1simd.html#ac86a54a5e2ccc79bc92739f143bc0bef":[1,0,1,0,12,151], +"namespacemlx_1_1core_1_1simd.html#ac91bd36c7caafd3c7ff176e7e2f81887":[1,0,1,0,12,281], +"namespacemlx_1_1core_1_1simd.html#ac962a14c88c87082fc70a9c0370f35b0":[1,0,1,0,12,163], +"namespacemlx_1_1core_1_1simd.html#ac971bfa5c7ec8abc432eab5f3c5646aa":[1,0,1,0,12,195], +"namespacemlx_1_1core_1_1simd.html#acafae9e62680565cd1f1c50c64d7ce4f":[1,0,1,0,12,183], +"namespacemlx_1_1core_1_1simd.html#acb1c49b90d029bc4a7eed257ec52791d":[1,0,1,0,12,75], +"namespacemlx_1_1core_1_1simd.html#acc490f7f5195acfa7b7c5df7afb39438":[1,0,1,0,12,148], +"namespacemlx_1_1core_1_1simd.html#accd17f741cab18590fdbe388d4783967":[1,0,1,0,12,173], +"namespacemlx_1_1core_1_1simd.html#acd4196d0c66204cfae70b064c305e146":[1,0,1,0,12,86], +"namespacemlx_1_1core_1_1simd.html#acd57dc91aa205d9d3f8804df4261a7fb":[1,0,1,0,12,224], +"namespacemlx_1_1core_1_1simd.html#acd5ac48dc7895f06daf55f0a7e0667fb":[1,0,1,0,12,123], +"namespacemlx_1_1core_1_1simd.html#acdcdaea84869a0b05c08139c10f13a06":[1,0,1,0,12,228], +"namespacemlx_1_1core_1_1simd.html#acdf822b7626bbab6a495552aea3457b5":[1,0,1,0,12,244], +"namespacemlx_1_1core_1_1simd.html#acf2391cc4d945887d7820501ba14ba89":[1,0,1,0,12,197], +"namespacemlx_1_1core_1_1simd.html#acf35d81032bb9043804fd1de43540f60":[1,0,1,0,12,162], +"namespacemlx_1_1core_1_1simd.html#ad06680bbc041e76efe2dbff4e11b9a13":[1,0,1,0,12,70], +"namespacemlx_1_1core_1_1simd.html#ad1570f6937d194a09e61d0e3a70ef578":[1,0,1,0,12,174], +"namespacemlx_1_1core_1_1simd.html#ad5761065b4a655cd086d88846ae08d97":[1,0,1,0,12,142], +"namespacemlx_1_1core_1_1simd.html#ad6b89aecafefe57b6ce69bec143ccd6e":[1,0,1,0,12,53], +"namespacemlx_1_1core_1_1simd.html#ad78056685c9732c3465c0d8b8ec1bef7":[1,0,1,0,12,261], +"namespacemlx_1_1core_1_1simd.html#ad78f543dc5da87a14ca113a1dd9852fd":[1,0,1,0,12,277], +"namespacemlx_1_1core_1_1simd.html#ad8b67f9ced9c7f3cb472b9c3df817f08":[1,0,1,0,12,194], +"namespacemlx_1_1core_1_1simd.html#ad9bebf95b37fa0c6517be82af5ccd4eb":[1,0,1,0,12,165], +"namespacemlx_1_1core_1_1simd.html#adf754ade6cc1dd0e0bae0e31c7b513a2":[1,0,1,0,12,68], +"namespacemlx_1_1core_1_1simd.html#ae0fcb84973e4762a543ad3843db4f153":[1,0,1,0,12,180], +"namespacemlx_1_1core_1_1simd.html#ae1265896d855818d20f2de2a9ebb684a":[1,0,1,0,12,45] }; diff --git a/docs/build/html/navtreeindex23.js b/docs/build/html/navtreeindex23.js index e0ebf3063..331fb57b0 100644 --- a/docs/build/html/navtreeindex23.js +++ b/docs/build/html/navtreeindex23.js @@ -1,61 +1,59 @@ var NAVTREEINDEX23 = { -"namespacemlx_1_1core_1_1simd.html#ae0fcb84973e4762a543ad3843db4f153":[1,0,1,0,11,180], -"namespacemlx_1_1core_1_1simd.html#ae1265896d855818d20f2de2a9ebb684a":[1,0,1,0,11,45], -"namespacemlx_1_1core_1_1simd.html#ae1d5460c58c507a0104d8dfa90343f12":[1,0,1,0,11,38], -"namespacemlx_1_1core_1_1simd.html#ae1f11d9c2c15ebecf001d11b3fca5da2":[1,0,1,0,11,79], -"namespacemlx_1_1core_1_1simd.html#ae21cbfd232edd7fe0f6f6c9fa11a354e":[1,0,1,0,11,167], -"namespacemlx_1_1core_1_1simd.html#ae344abefc91c7d9c0a9506c868a84d61":[1,0,1,0,11,247], -"namespacemlx_1_1core_1_1simd.html#ae39b8e1d1fff94947406eeb8ec6e0414":[1,0,1,0,11,267], -"namespacemlx_1_1core_1_1simd.html#ae3b138b4bbcee0ca70b58a3e2ebd818c":[1,0,1,0,11,19], -"namespacemlx_1_1core_1_1simd.html#ae4be4d88cd8eba7a8c1784fd53b86edb":[1,0,1,0,11,41], -"namespacemlx_1_1core_1_1simd.html#ae4ec5f1f081d20b46b13eb83eb1b6431":[1,0,1,0,11,127], -"namespacemlx_1_1core_1_1simd.html#ae55fd26c3e18a6a27679d2b47566f8bc":[1,0,1,0,11,35], -"namespacemlx_1_1core_1_1simd.html#ae5714693df24c8e26384fe5b5888376d":[1,0,1,0,11,36], -"namespacemlx_1_1core_1_1simd.html#ae623449dfa7aab3031aa2f14c1b10a2d":[1,0,1,0,11,11], -"namespacemlx_1_1core_1_1simd.html#ae690b57b386cbad40565487d6d2393bb":[1,0,1,0,11,128], -"namespacemlx_1_1core_1_1simd.html#ae745e117cacfe455df39aa4569c34c11":[1,0,1,0,11,283], -"namespacemlx_1_1core_1_1simd.html#ae8ca6615d51866d876b5efb3425600ed":[1,0,1,0,11,103], -"namespacemlx_1_1core_1_1simd.html#ae9ce2f34c97aba7b99223792a86d5c83":[1,0,1,0,11,88], -"namespacemlx_1_1core_1_1simd.html#aea75ddf8c696efc2e5e924667ed48e70":[1,0,1,0,11,256], -"namespacemlx_1_1core_1_1simd.html#aebf93b8179621e83bb3f3c4a8816eca8":[1,0,1,0,11,212], -"namespacemlx_1_1core_1_1simd.html#aec6783f79ca181d6782a810ffb267482":[1,0,1,0,11,176], -"namespacemlx_1_1core_1_1simd.html#aecdc08fcc70b158749a93a7a0f688aa3":[1,0,1,0,11,206], -"namespacemlx_1_1core_1_1simd.html#aed655ffa017ade5e0f954f906d9f7ae6":[1,0,1,0,11,133], -"namespacemlx_1_1core_1_1simd.html#aedc18b6fdb820cce9125c977c02833aa":[1,0,1,0,11,44], -"namespacemlx_1_1core_1_1simd.html#af5be79b8dada8f8e91ae7c03c16606ec":[1,0,1,0,11,141], -"namespacemlx_1_1core_1_1simd.html#af5e8e8230c7d7af8201a3aaa7f491a2d":[1,0,1,0,11,31], -"namespacemlx_1_1core_1_1simd.html#af8f245dfc5154c04c0865a208ab1cfe9":[1,0,1,0,11,116], -"namespacemlx_1_1core_1_1simd.html#af97917ef704103c6ea1d0e44f22ec0d3":[1,0,1,0,11,117], -"namespacemlx_1_1core_1_1simd.html#af9d5f107ce0c40c3b6a2f176cbb70cd7":[1,0,1,0,11,111], -"namespacemlx_1_1core_1_1simd.html#af9eafa15692dec783860ddae3dd8c072":[1,0,1,0,11,74], -"namespacemlx_1_1core_1_1simd.html#afa2236afddfdec312eb7e27b89a5316a":[1,0,1,0,11,268], -"namespacemlx_1_1core_1_1simd.html#afaa6ce61de4d80a4b7e9b2ab7454fff4":[1,0,1,0,11,93], -"namespacemlx_1_1core_1_1simd.html#afb3bcbd8d8b34128cd0c8eb677a170ef":[1,0,1,0,11,259], -"namespacemlx_1_1core_1_1simd.html#afc915aed256295475ac88fde3a736f1f":[1,0,1,0,11,246], -"namespacemlx_1_1core_1_1simd.html#afe3d50bc4a11061898aa57377fa9536d":[1,0,1,0,11,239], +"namespacemlx_1_1core_1_1simd.html#ae1d5460c58c507a0104d8dfa90343f12":[1,0,1,0,12,38], +"namespacemlx_1_1core_1_1simd.html#ae1f11d9c2c15ebecf001d11b3fca5da2":[1,0,1,0,12,79], +"namespacemlx_1_1core_1_1simd.html#ae21cbfd232edd7fe0f6f6c9fa11a354e":[1,0,1,0,12,167], +"namespacemlx_1_1core_1_1simd.html#ae344abefc91c7d9c0a9506c868a84d61":[1,0,1,0,12,247], +"namespacemlx_1_1core_1_1simd.html#ae39b8e1d1fff94947406eeb8ec6e0414":[1,0,1,0,12,267], +"namespacemlx_1_1core_1_1simd.html#ae3b138b4bbcee0ca70b58a3e2ebd818c":[1,0,1,0,12,19], +"namespacemlx_1_1core_1_1simd.html#ae4be4d88cd8eba7a8c1784fd53b86edb":[1,0,1,0,12,41], +"namespacemlx_1_1core_1_1simd.html#ae4ec5f1f081d20b46b13eb83eb1b6431":[1,0,1,0,12,127], +"namespacemlx_1_1core_1_1simd.html#ae55fd26c3e18a6a27679d2b47566f8bc":[1,0,1,0,12,35], +"namespacemlx_1_1core_1_1simd.html#ae5714693df24c8e26384fe5b5888376d":[1,0,1,0,12,36], +"namespacemlx_1_1core_1_1simd.html#ae623449dfa7aab3031aa2f14c1b10a2d":[1,0,1,0,12,11], +"namespacemlx_1_1core_1_1simd.html#ae690b57b386cbad40565487d6d2393bb":[1,0,1,0,12,128], +"namespacemlx_1_1core_1_1simd.html#ae745e117cacfe455df39aa4569c34c11":[1,0,1,0,12,283], +"namespacemlx_1_1core_1_1simd.html#ae8ca6615d51866d876b5efb3425600ed":[1,0,1,0,12,103], +"namespacemlx_1_1core_1_1simd.html#ae9ce2f34c97aba7b99223792a86d5c83":[1,0,1,0,12,88], +"namespacemlx_1_1core_1_1simd.html#aea75ddf8c696efc2e5e924667ed48e70":[1,0,1,0,12,256], +"namespacemlx_1_1core_1_1simd.html#aebf93b8179621e83bb3f3c4a8816eca8":[1,0,1,0,12,212], +"namespacemlx_1_1core_1_1simd.html#aec6783f79ca181d6782a810ffb267482":[1,0,1,0,12,176], +"namespacemlx_1_1core_1_1simd.html#aecdc08fcc70b158749a93a7a0f688aa3":[1,0,1,0,12,206], +"namespacemlx_1_1core_1_1simd.html#aed655ffa017ade5e0f954f906d9f7ae6":[1,0,1,0,12,133], +"namespacemlx_1_1core_1_1simd.html#aedc18b6fdb820cce9125c977c02833aa":[1,0,1,0,12,44], +"namespacemlx_1_1core_1_1simd.html#af5be79b8dada8f8e91ae7c03c16606ec":[1,0,1,0,12,141], +"namespacemlx_1_1core_1_1simd.html#af5e8e8230c7d7af8201a3aaa7f491a2d":[1,0,1,0,12,31], +"namespacemlx_1_1core_1_1simd.html#af8f245dfc5154c04c0865a208ab1cfe9":[1,0,1,0,12,116], +"namespacemlx_1_1core_1_1simd.html#af97917ef704103c6ea1d0e44f22ec0d3":[1,0,1,0,12,117], +"namespacemlx_1_1core_1_1simd.html#af9d5f107ce0c40c3b6a2f176cbb70cd7":[1,0,1,0,12,111], +"namespacemlx_1_1core_1_1simd.html#af9eafa15692dec783860ddae3dd8c072":[1,0,1,0,12,74], +"namespacemlx_1_1core_1_1simd.html#afa2236afddfdec312eb7e27b89a5316a":[1,0,1,0,12,268], +"namespacemlx_1_1core_1_1simd.html#afaa6ce61de4d80a4b7e9b2ab7454fff4":[1,0,1,0,12,93], +"namespacemlx_1_1core_1_1simd.html#afb3bcbd8d8b34128cd0c8eb677a170ef":[1,0,1,0,12,259], +"namespacemlx_1_1core_1_1simd.html#afc915aed256295475ac88fde3a736f1f":[1,0,1,0,12,246], +"namespacemlx_1_1core_1_1simd.html#afe3d50bc4a11061898aa57377fa9536d":[1,0,1,0,12,239], "namespacemlx_1_1steel.html":[1,0,1,1], -"namespacemlx_1_1steel.html#a12ff4f38aa8474bf76770c7b8e3e18cb":[1,0,1,1,45], -"namespacemlx_1_1steel.html#a1bb3ac5061a04e407fc4cdcc9f6ea03f":[1,0,1,1,53], -"namespacemlx_1_1steel.html#a594a6ccb75b38b5ae4ddd0d9ad047b3a":[1,0,1,1,41], -"namespacemlx_1_1steel.html#a6353bf11881842e25c46b56f92b7044f":[1,0,1,1,43], -"namespacemlx_1_1steel.html#a6bde717aca2051499f73a3eee199bfdd":[1,0,1,1,47], -"namespacemlx_1_1steel.html#a6cc3bab5e7f6e7c719c82afa90ad2827":[1,0,1,1,49], -"namespacemlx_1_1steel.html#a7512eadda6160e4c9d9e6aa4049fac20":[1,0,1,1,51], -"namespacemlx_1_1steel.html#a92a3465716ea7fd682d22cecc08d45fd":[1,0,1,1,58], -"namespacemlx_1_1steel.html#aa0c2d29950926ae579adf6337fbea64b":[1,0,1,1,44], -"namespacemlx_1_1steel.html#aa3c95c60cf69603705bb4636de547bcb":[1,0,1,1,52], -"namespacemlx_1_1steel.html#aa4364eda56525cf7576ff00e550175e6":[1,0,1,1,42], -"namespacemlx_1_1steel.html#ab0ef721cedc2b5a97f60d76b765aff2e":[1,0,1,1,39], -"namespacemlx_1_1steel.html#ab4a6ddea4beb7c447cf5b69b9d46cc3b":[1,0,1,1,54], -"namespacemlx_1_1steel.html#ab9fdcb06fb1f639f9120ab14cfedd150":[1,0,1,1,56], -"namespacemlx_1_1steel.html#abcc797f27e87e857b41c1a8d33ee2c78":[1,0,1,1,50], -"namespacemlx_1_1steel.html#aca8ef21c16984ccb329b3bd0c1e4be48":[1,0,1,1,46], -"namespacemlx_1_1steel.html#acd6e194d37b617d7a5818bc384a97fe4":[1,0,1,1,55], -"namespacemlx_1_1steel.html#ad583e6038efc119542410f43b603d4ad":[1,0,1,1,57], -"namespacemlx_1_1steel.html#adb5f24b57d98214fc215a06475f21412":[1,0,1,1,48], -"namespacemlx_1_1steel.html#adbb34bcf0d2dca6b9fb803d591d00da9":[1,0,1,1,38], -"namespacemlx_1_1steel.html#afe36ddf6725498d273e5eef4f1579891":[1,0,1,1,40], +"namespacemlx_1_1steel.html#a12ff4f38aa8474bf76770c7b8e3e18cb":[1,0,1,1,46], +"namespacemlx_1_1steel.html#a1bb3ac5061a04e407fc4cdcc9f6ea03f":[1,0,1,1,54], +"namespacemlx_1_1steel.html#a594a6ccb75b38b5ae4ddd0d9ad047b3a":[1,0,1,1,42], +"namespacemlx_1_1steel.html#a6353bf11881842e25c46b56f92b7044f":[1,0,1,1,44], +"namespacemlx_1_1steel.html#a6bde717aca2051499f73a3eee199bfdd":[1,0,1,1,48], +"namespacemlx_1_1steel.html#a6cc3bab5e7f6e7c719c82afa90ad2827":[1,0,1,1,50], +"namespacemlx_1_1steel.html#a7512eadda6160e4c9d9e6aa4049fac20":[1,0,1,1,52], +"namespacemlx_1_1steel.html#a92a3465716ea7fd682d22cecc08d45fd":[1,0,1,1,59], +"namespacemlx_1_1steel.html#aa0c2d29950926ae579adf6337fbea64b":[1,0,1,1,45], +"namespacemlx_1_1steel.html#aa3c95c60cf69603705bb4636de547bcb":[1,0,1,1,53], +"namespacemlx_1_1steel.html#aa4364eda56525cf7576ff00e550175e6":[1,0,1,1,43], +"namespacemlx_1_1steel.html#ab0ef721cedc2b5a97f60d76b765aff2e":[1,0,1,1,40], +"namespacemlx_1_1steel.html#ab4a6ddea4beb7c447cf5b69b9d46cc3b":[1,0,1,1,55], +"namespacemlx_1_1steel.html#ab9fdcb06fb1f639f9120ab14cfedd150":[1,0,1,1,57], +"namespacemlx_1_1steel.html#abcc797f27e87e857b41c1a8d33ee2c78":[1,0,1,1,51], +"namespacemlx_1_1steel.html#aca8ef21c16984ccb329b3bd0c1e4be48":[1,0,1,1,47], +"namespacemlx_1_1steel.html#acd6e194d37b617d7a5818bc384a97fe4":[1,0,1,1,56], +"namespacemlx_1_1steel.html#ad583e6038efc119542410f43b603d4ad":[1,0,1,1,58], +"namespacemlx_1_1steel.html#adb5f24b57d98214fc215a06475f21412":[1,0,1,1,49], +"namespacemlx_1_1steel.html#adbb34bcf0d2dca6b9fb803d591d00da9":[1,0,1,1,39], +"namespacemlx_1_1steel.html#afe36ddf6725498d273e5eef4f1579891":[1,0,1,1,41], "namespacepocketfft.html":[1,0,2], "namespacepocketfft.html#a072a67f2c4b3b3ebd030604f3383e1ed":[1,0,2,9], "namespacepocketfft.html#a1ccca4cbbc6150d65620e2f9cdff62ac":[1,0,2,8], @@ -124,8 +122,8 @@ var NAVTREEINDEX23 = "neon__fp16__simd_8h.html#a9fcd94c7369a6b4437f9c310a805c79d":[3,0,0,1,1,0,4,2], "neon__fp16__simd_8h.html#af8138a463be93b9e0c9b685e94a1fd00":[3,0,0,1,1,0,4,3], "neon__fp16__simd_8h_source.html":[3,0,0,1,1,0,4], -"ops_8h.html":[3,0,0,22], -"ops_8h_source.html":[3,0,0,22], +"ops_8h.html":[3,0,0,23], +"ops_8h_source.html":[3,0,0,23], "pages.html":[], "pocketfft_8h.html":[3,0,0,0,0], "pocketfft_8h.html#a078bc2bd38ab0ffb15b981878c9de03c":[3,0,0,0,0,39], @@ -148,13 +146,13 @@ var NAVTREEINDEX23 = "pocketfft_8h.html#ae7c4d0cda5b3824f84eac54addabd6ec":[3,0,0,0,0,47], "pocketfft_8h.html#af7de1f82911a973d8446cf3f40ff3044":[3,0,0,0,0,41], "pocketfft_8h_source.html":[3,0,0,0,0], -"primitives_8h.html":[3,0,0,23], -"primitives_8h.html#a0fb9d19207dc4869aca35abfbdf4d70a":[3,0,0,23,111], -"primitives_8h.html#a1d3a37af519e16f6a703b1e9ebd0f592":[3,0,0,23,114], -"primitives_8h.html#a649a06267b75e007224ea4ddefedb999":[3,0,0,23,113], -"primitives_8h.html#a77abdcb55bc2eb0f9a45edc5ee639bf6":[3,0,0,23,112], -"primitives_8h.html#adc0fbd79fe0d1114dc85da4ed99798bd":[3,0,0,23,115], -"primitives_8h_source.html":[3,0,0,23], +"primitives_8h.html":[3,0,0,24], +"primitives_8h.html#a0fb9d19207dc4869aca35abfbdf4d70a":[3,0,0,24,111], +"primitives_8h.html#a1d3a37af519e16f6a703b1e9ebd0f592":[3,0,0,24,114], +"primitives_8h.html#a649a06267b75e007224ea4ddefedb999":[3,0,0,24,113], +"primitives_8h.html#a77abdcb55bc2eb0f9a45edc5ee639bf6":[3,0,0,24,112], +"primitives_8h.html#adc0fbd79fe0d1114dc85da4ed99798bd":[3,0,0,24,115], +"primitives_8h_source.html":[3,0,0,24], "quantized_8h.html":[3,0,0,1,2,1,23], "quantized_8h.html#a0386011c52d03e60885a31e6fbd903dd":[3,0,0,1,2,1,23,1], "quantized_8h.html#a07b26d2d0b0d65dfe925c452c453fa42":[3,0,0,1,2,1,23,15], @@ -204,8 +202,8 @@ var NAVTREEINDEX23 = "radix_8h.html#ac5cf950316b9445296ee9ecfc56a56bd":[3,0,0,1,2,1,0,0,2], "radix_8h.html#afaaa5de58a97f0a5e6a84fc0d598a884":[3,0,0,1,2,1,0,0,11], "radix_8h_source.html":[3,0,0,1,2,1,0,0], -"random_8h.html":[3,0,0,24], -"random_8h_source.html":[3,0,0,24], +"random_8h.html":[3,0,0,25], +"random_8h_source.html":[3,0,0,25], "readwrite_8h.html":[3,0,0,1,2,1,0,1], "readwrite_8h.html#a7b6e56afa21f022c5e754b000955735a":[3,0,0,1,2,1,0,1,1], "readwrite_8h_source.html":[3,0,0,1,2,1,0,1], @@ -233,8 +231,8 @@ var NAVTREEINDEX23 = "reduce__row_8h_source.html":[3,0,0,1,2,1,4,4], "reduce__utils_8h.html":[3,0,0,1,2,1,25], "reduce__utils_8h_source.html":[3,0,0,1,2,1,25], -"resident_8h.html":[3,0,0,1,2,13], -"resident_8h_source.html":[3,0,0,1,2,13], +"resident_8h.html":[3,0,0,1,2,11], +"resident_8h_source.html":[3,0,0,1,2,11], "ring_8h.html":[3,0,0,2,1,0], "ring_8h_source.html":[3,0,0,2,1,0], "scan_8h.html":[3,0,0,1,2,1,26], @@ -249,5 +247,7 @@ var NAVTREEINDEX23 = "scan_8h_source.html":[3,0,0,1,2,1,26], "scatter_8h.html":[3,0,0,1,2,1,27], "scatter_8h.html#ab72d4fe1dbd4ae4dc529ee2ec8164fa4":[3,0,0,1,2,1,27,0], -"scatter_8h_source.html":[3,0,0,1,2,1,27] +"scatter_8h_source.html":[3,0,0,1,2,1,27], +"scatter__axis_8h.html":[3,0,0,1,2,1,28], +"scatter__axis_8h.html#af78a7935b05dabd42c2cdff4cf375130":[3,0,0,1,2,1,28,0] }; diff --git a/docs/build/html/navtreeindex24.js b/docs/build/html/navtreeindex24.js index ef0d1dc4c..6805d0038 100644 --- a/docs/build/html/navtreeindex24.js +++ b/docs/build/html/navtreeindex24.js @@ -1,16 +1,14 @@ var NAVTREEINDEX24 = { -"scatter__axis_8h.html":[3,0,0,1,2,1,28], -"scatter__axis_8h.html#af78a7935b05dabd42c2cdff4cf375130":[3,0,0,1,2,1,28,0], "scatter__axis_8h_source.html":[3,0,0,1,2,1,28], -"scheduler_8h.html":[3,0,0,25], -"scheduler_8h_source.html":[3,0,0,25], +"scheduler_8h.html":[3,0,0,26], +"scheduler_8h_source.html":[3,0,0,26], "sdpa__vector_8h.html":[3,0,0,1,2,1,29], "sdpa__vector_8h.html#a0c2c54bcc20cc4783a5040d47fa3ba81":[3,0,0,1,2,1,29,4], +"sdpa__vector_8h.html#a1cdf4f03898ffe2800519892f7f6e0ad":[3,0,0,1,2,1,29,1], +"sdpa__vector_8h.html#a3289383906473a108e6aee1993a72816":[3,0,0,1,2,1,29,0], "sdpa__vector_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81":[3,0,0,1,2,1,29,3], -"sdpa__vector_8h.html#aa83885125881230b6c4657dd3d0eba18":[3,0,0,1,2,1,29,0], "sdpa__vector_8h.html#ae1be83816bf9332277dab185aa1b58c2":[3,0,0,1,2,1,29,2], -"sdpa__vector_8h.html#ae2a4a8d17e571578ed529f4d4afe93ac":[3,0,0,1,2,1,29,1], "sdpa__vector_8h_source.html":[3,0,0,1,2,1,29], "simd_8h.html":[3,0,0,1,1,0,5], "simd_8h_source.html":[3,0,0,1,1,0,5], @@ -31,8 +29,10 @@ var NAVTREEINDEX24 = "steel_2defines_8h_source.html":[3,0,0,1,2,1,5,4], "steel__attention_8h.html":[3,0,0,1,2,1,5,0,0,0], "steel__attention_8h.html#a171fdea1b23976453f5dc5e6b3161982":[3,0,0,1,2,1,5,0,0,0,9], -"steel__attention_8h.html#a5423b2a414f5e3c14166d568dedfbd33":[3,0,0,1,2,1,5,0,0,0,7], +"steel__attention_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81":[3,0,0,1,2,1,5,0,0,0,11], +"steel__attention_8h.html#a835f90451dd42ce2d52352d5cce0722a":[3,0,0,1,2,1,5,0,0,0,7], "steel__attention_8h.html#a8bdd2cecf97aa5b033152b1d0f0d2416":[3,0,0,1,2,1,5,0,0,0,8], +"steel__attention_8h.html#abfa50278ba59a90e0acb7e5d94500741":[3,0,0,1,2,1,5,0,0,0,10], "steel__attention_8h_source.html":[3,0,0,1,2,1,5,0,0,0], "steel__conv_8h.html":[3,0,0,1,2,1,5,1,0,0], "steel__conv_8h.html#a5728711d1c2ee4038457babb7ac12888":[3,0,0,1,2,1,5,1,0,0,0], @@ -60,8 +60,8 @@ var NAVTREEINDEX24 = "steel__gemm__splitk_8h.html#abeb921bf1dc7941125188ddd390b0907":[3,0,0,1,2,1,5,2,0,2,1], "steel__gemm__splitk_8h.html#acc33fdfaaf3eb3a0629b3d52c7043dc1":[3,0,0,1,2,1,5,2,0,2,2], "steel__gemm__splitk_8h_source.html":[3,0,0,1,2,1,5,2,0,2], -"stream_8h.html":[3,0,0,26], -"stream_8h_source.html":[3,0,0,26], +"stream_8h.html":[3,0,0,27], +"stream_8h_source.html":[3,0,0,27], "struct___m_l_x___b_float16.html":[2,0,3], "struct___m_l_x___b_float16.html#a1d523f87740fcb852db6ab57896c245a":[2,0,3,12], "struct___m_l_x___b_float16.html#a21998a3c852d0e0f52681f8b453172bf":[2,0,3,3], @@ -204,31 +204,31 @@ var NAVTREEINDEX24 = "struct_floor_divide.html#ae91719a15f7e643d552129f476089c6a":[2,0,43,2], "struct_floor_divide.html#afc16a2b2a745225e0bc95640f3fc0219":[2,0,43,1], "struct_g_e_m_v_kernel.html":[2,0,44], -"struct_g_e_m_v_kernel.html#a04bb72da9a93d6d1eba468fa311bbba7":[2,0,44,0], -"struct_g_e_m_v_kernel.html#a0edbf2dd6a6563e7afa6dab6b670615c":[2,0,44,6], -"struct_g_e_m_v_kernel.html#a1dd943fcbf5e7be435fc36bed589a641":[2,0,44,11], -"struct_g_e_m_v_kernel.html#a2fef17f9c9aa0bdf530ad3554fb0988b":[2,0,44,4], -"struct_g_e_m_v_kernel.html#a47bfab7d21dd18760d3e0937ad36b19d":[2,0,44,12], -"struct_g_e_m_v_kernel.html#a6013e9c5b2f72fa1311dd038172df0ce":[2,0,44,1], -"struct_g_e_m_v_kernel.html#a7281520100658811076400060663903c":[2,0,44,3], -"struct_g_e_m_v_kernel.html#a9ef4d0e62094d7033069f5dda5efb236":[2,0,44,10], -"struct_g_e_m_v_kernel.html#ab00784dff1512a7b0919fcb4cfa5d50e":[2,0,44,7], -"struct_g_e_m_v_kernel.html#ab8b64c94f4c8f6f09c0777415589b487":[2,0,44,8], -"struct_g_e_m_v_kernel.html#ac4a7b5011a0ea938ab1949bb1767fc1a":[2,0,44,2], -"struct_g_e_m_v_kernel.html#ad47223ee49b3cb7bf3746a2cec45f883":[2,0,44,5], -"struct_g_e_m_v_kernel.html#ae8113fddf6fb637acfd12efd978b704c":[2,0,44,9], +"struct_g_e_m_v_kernel.html#a047eca250e7cbc928bce0e13de98e558":[2,0,44,0], +"struct_g_e_m_v_kernel.html#a09f0e646822d45dc2543e31509552258":[2,0,44,5], +"struct_g_e_m_v_kernel.html#a188ef7ed5c1d74d9b540b6d4ebf12f2e":[2,0,44,3], +"struct_g_e_m_v_kernel.html#a23142b7400f1f678e5d6d69d87f51032":[2,0,44,12], +"struct_g_e_m_v_kernel.html#a3b0b9ccf11bd5d7de50b9626fa9a22cc":[2,0,44,8], +"struct_g_e_m_v_kernel.html#a53514fa199efc5b7328052dac45aabab":[2,0,44,10], +"struct_g_e_m_v_kernel.html#a68bad880d1e689228ae4d3c6958cc6c1":[2,0,44,7], +"struct_g_e_m_v_kernel.html#ac1a9e1d9853489dd928916912cc627a7":[2,0,44,2], +"struct_g_e_m_v_kernel.html#ad54fb5c6f0f9a820365b638542693291":[2,0,44,6], +"struct_g_e_m_v_kernel.html#ae1c8e57e6718f22732570cc92d9bcf99":[2,0,44,9], +"struct_g_e_m_v_kernel.html#af22b6e5ed1a9d350866aaafa35d63a8a":[2,0,44,4], +"struct_g_e_m_v_kernel.html#af96a768a213a95e7a4d8f3ec1948034f":[2,0,44,1], +"struct_g_e_m_v_kernel.html#afbe7ab8ebfa912ffbf3ba2cf4db24940":[2,0,44,11], "struct_g_e_m_v_t_kernel.html":[2,0,45], -"struct_g_e_m_v_t_kernel.html#a2ae8ce535d59cccf453381b4485a77f0":[2,0,45,1], -"struct_g_e_m_v_t_kernel.html#a48a09a21d7b822f380d040c752b785d7":[2,0,45,8], -"struct_g_e_m_v_t_kernel.html#a4a53e73a581aa8881b1f86ce653519e6":[2,0,45,9], -"struct_g_e_m_v_t_kernel.html#a5d68656832de892f33db939005713927":[2,0,45,0], -"struct_g_e_m_v_t_kernel.html#a60be87666006ba0bf88bc8e6902da42a":[2,0,45,2], -"struct_g_e_m_v_t_kernel.html#a6729d6e63e76a1e9c7c8e78d9aac4869":[2,0,45,5], -"struct_g_e_m_v_t_kernel.html#a67be7ec69c3791f02e97ccdb00ae0e03":[2,0,45,7], -"struct_g_e_m_v_t_kernel.html#a8db6f01f96a36b216acd801c34a96ef5":[2,0,45,3], -"struct_g_e_m_v_t_kernel.html#a8eb06f6569e4042e24fee220b11fa10d":[2,0,45,4], -"struct_g_e_m_v_t_kernel.html#aaefdf8f023da255bbb70a0c3e3408626":[2,0,45,6], -"struct_g_e_m_v_t_kernel.html#ade6f15a9744616de9dd71498ad7e758d":[2,0,45,10], +"struct_g_e_m_v_t_kernel.html#a09cb1cda991a8d1b8dc83b22f8cab994":[2,0,45,9], +"struct_g_e_m_v_t_kernel.html#a0cb1a4fa56fab7090b7c0fdc69a5470a":[2,0,45,7], +"struct_g_e_m_v_t_kernel.html#a19bcb2d9377493a81da072f33711de33":[2,0,45,6], +"struct_g_e_m_v_t_kernel.html#a19df54577e341044dc8e57cc5b6147f3":[2,0,45,4], +"struct_g_e_m_v_t_kernel.html#a1a96467ee6957e62c2aa1061431095a4":[2,0,45,0], +"struct_g_e_m_v_t_kernel.html#a2091b9804b702cbb995899312e3da417":[2,0,45,2], +"struct_g_e_m_v_t_kernel.html#a2c30d01fd0932dfc3b4ef1e7e650d30f":[2,0,45,10], +"struct_g_e_m_v_t_kernel.html#a3521f62aa2f4070fdc6858874121e3b4":[2,0,45,8], +"struct_g_e_m_v_t_kernel.html#a94f56f0ecf1f148f0513312325f33653":[2,0,45,3], +"struct_g_e_m_v_t_kernel.html#aa3f9e771c59770a72b73fb673eb7bf71":[2,0,45,1], +"struct_g_e_m_v_t_kernel.html#aef8622b2f76d1ff272ced396c89e829d":[2,0,45,5], "struct_greater.html":[2,0,46], "struct_greater.html#a98d7d8ee360cd0f469c6eb9a017560f5":[2,0,46,0], "struct_greater_equal.html":[2,0,47], diff --git a/docs/build/html/navtreeindex26.js b/docs/build/html/navtreeindex26.js index c85bc1287..709c33a18 100644 --- a/docs/build/html/navtreeindex26.js +++ b/docs/build/html/navtreeindex26.js @@ -178,76 +178,76 @@ var NAVTREEINDEX26 = "structmetal_1_1pointer__element_3_01threadgroup_01_t_01_5_01_4.html":[2,0,0,8], "structmetal_1_1pointer__element_3_01threadgroup_01_t_01_5_01_4.html#a78c718d6da9d393c139a385f42472362":[1,0,0,10,0], "structmetal_1_1pointer__element_3_01threadgroup_01_t_01_5_01_4.html#a78c718d6da9d393c139a385f42472362":[2,0,0,8,0], -"structmlx_1_1core_1_1___m_l_x___b_float16.html":[1,0,1,0,12], -"structmlx_1_1core_1_1___m_l_x___b_float16.html":[2,0,1,0,9], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3":[1,0,1,0,12,5], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3":[2,0,1,0,9,5], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#a2c81f14fea4c01255a191f2146515917":[1,0,1,0,12,0], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#a2c81f14fea4c01255a191f2146515917":[2,0,1,0,9,0], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#aaae72e5340ce91325f1925be36ba46cb":[1,0,1,0,12,3], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#aaae72e5340ce91325f1925be36ba46cb":[2,0,1,0,9,3], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14":[1,0,1,0,12,4], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14":[2,0,1,0,9,4], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#aca48963f820065c3d8ecab24265ab3fc":[1,0,1,0,12,6], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#aca48963f820065c3d8ecab24265ab3fc":[2,0,1,0,9,6], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#ad43561d38ca00f9c37e8b130220233c0":[1,0,1,0,12,1], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#ad43561d38ca00f9c37e8b130220233c0":[2,0,1,0,9,1], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#aedbead2d935a12e8d5a4ff6269ba9ab2":[1,0,1,0,12,2], -"structmlx_1_1core_1_1___m_l_x___b_float16.html#aedbead2d935a12e8d5a4ff6269ba9ab2":[2,0,1,0,9,2], -"structmlx_1_1core_1_1___m_l_x___float16.html":[1,0,1,0,13], -"structmlx_1_1core_1_1___m_l_x___float16.html":[2,0,1,0,10], -"structmlx_1_1core_1_1___m_l_x___float16.html#a0d7ed78b78c6d446f220f83b0cdebb86":[1,0,1,0,13,1], -"structmlx_1_1core_1_1___m_l_x___float16.html#a0d7ed78b78c6d446f220f83b0cdebb86":[2,0,1,0,10,1], -"structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d":[1,0,1,0,13,4], -"structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d":[2,0,1,0,10,4], -"structmlx_1_1core_1_1___m_l_x___float16.html#a363de5054f3673bddc90293fc3c9bb99":[1,0,1,0,13,3], -"structmlx_1_1core_1_1___m_l_x___float16.html#a363de5054f3673bddc90293fc3c9bb99":[2,0,1,0,10,3], -"structmlx_1_1core_1_1___m_l_x___float16.html#a5203fe52424fd32bce6eb7917dd9288b":[1,0,1,0,13,6], -"structmlx_1_1core_1_1___m_l_x___float16.html#a5203fe52424fd32bce6eb7917dd9288b":[2,0,1,0,10,6], -"structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c":[1,0,1,0,13,5], -"structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c":[2,0,1,0,10,5], -"structmlx_1_1core_1_1___m_l_x___float16.html#a69a4ab5b456c4f3b786f43632e9a4fbc":[1,0,1,0,13,0], -"structmlx_1_1core_1_1___m_l_x___float16.html#a69a4ab5b456c4f3b786f43632e9a4fbc":[2,0,1,0,10,0], -"structmlx_1_1core_1_1___m_l_x___float16.html#afde284cbe678e0333ae277ffc8b131c0":[1,0,1,0,13,2], -"structmlx_1_1core_1_1___m_l_x___float16.html#afde284cbe678e0333ae277ffc8b131c0":[2,0,1,0,10,2], -"structmlx_1_1core_1_1_command_encoder.html":[1,0,1,0,38], -"structmlx_1_1core_1_1_command_encoder.html":[2,0,1,0,35], -"structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[1,0,1,0,38,6], -"structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[2,0,1,0,35,6], -"structmlx_1_1core_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[1,0,1,0,38,7], -"structmlx_1_1core_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[2,0,1,0,35,7], -"structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[1,0,1,0,38,9], -"structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[2,0,1,0,35,9], -"structmlx_1_1core_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[1,0,1,0,38,20], -"structmlx_1_1core_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[2,0,1,0,35,20], -"structmlx_1_1core_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[1,0,1,0,38,19], -"structmlx_1_1core_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[2,0,1,0,35,19], -"structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[1,0,1,0,38,17], -"structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[2,0,1,0,35,17], -"structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[1,0,1,0,38,15], -"structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[2,0,1,0,35,15], -"structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[1,0,1,0,38,1], -"structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[2,0,1,0,35,1], -"structmlx_1_1core_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[1,0,1,0,38,18], -"structmlx_1_1core_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[2,0,1,0,35,18], -"structmlx_1_1core_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[1,0,1,0,38,4], -"structmlx_1_1core_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[2,0,1,0,35,4], -"structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[1,0,1,0,38,5], -"structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[2,0,1,0,35,5], -"structmlx_1_1core_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[1,0,1,0,38,3], -"structmlx_1_1core_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[2,0,1,0,35,3], -"structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[1,0,1,0,38,14], -"structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[2,0,1,0,35,14], -"structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[1,0,1,0,38,16], -"structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[2,0,1,0,35,16], -"structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[1,0,1,0,38,13], -"structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[2,0,1,0,35,13], -"structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[1,0,1,0,38,2], -"structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[2,0,1,0,35,2], -"structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[1,0,1,0,38,8], -"structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[2,0,1,0,35,8], -"structmlx_1_1core_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a":[1,0,1,0,38,11], -"structmlx_1_1core_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a":[2,0,1,0,35,11], -"structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[1,0,1,0,38,12], -"structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[2,0,1,0,35,12] +"structmlx_1_1core_1_1___m_l_x___b_float16.html":[1,0,1,0,13], +"structmlx_1_1core_1_1___m_l_x___b_float16.html":[2,0,1,0,10], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3":[1,0,1,0,13,5], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3":[2,0,1,0,10,5], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#a2c81f14fea4c01255a191f2146515917":[1,0,1,0,13,0], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#a2c81f14fea4c01255a191f2146515917":[2,0,1,0,10,0], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#aaae72e5340ce91325f1925be36ba46cb":[1,0,1,0,13,3], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#aaae72e5340ce91325f1925be36ba46cb":[2,0,1,0,10,3], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14":[1,0,1,0,13,4], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14":[2,0,1,0,10,4], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#aca48963f820065c3d8ecab24265ab3fc":[1,0,1,0,13,6], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#aca48963f820065c3d8ecab24265ab3fc":[2,0,1,0,10,6], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#ad43561d38ca00f9c37e8b130220233c0":[1,0,1,0,13,1], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#ad43561d38ca00f9c37e8b130220233c0":[2,0,1,0,10,1], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#aedbead2d935a12e8d5a4ff6269ba9ab2":[1,0,1,0,13,2], +"structmlx_1_1core_1_1___m_l_x___b_float16.html#aedbead2d935a12e8d5a4ff6269ba9ab2":[2,0,1,0,10,2], +"structmlx_1_1core_1_1___m_l_x___float16.html":[1,0,1,0,14], +"structmlx_1_1core_1_1___m_l_x___float16.html":[2,0,1,0,11], +"structmlx_1_1core_1_1___m_l_x___float16.html#a0d7ed78b78c6d446f220f83b0cdebb86":[1,0,1,0,14,1], +"structmlx_1_1core_1_1___m_l_x___float16.html#a0d7ed78b78c6d446f220f83b0cdebb86":[2,0,1,0,11,1], +"structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d":[1,0,1,0,14,4], +"structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d":[2,0,1,0,11,4], +"structmlx_1_1core_1_1___m_l_x___float16.html#a363de5054f3673bddc90293fc3c9bb99":[1,0,1,0,14,3], +"structmlx_1_1core_1_1___m_l_x___float16.html#a363de5054f3673bddc90293fc3c9bb99":[2,0,1,0,11,3], +"structmlx_1_1core_1_1___m_l_x___float16.html#a5203fe52424fd32bce6eb7917dd9288b":[1,0,1,0,14,6], +"structmlx_1_1core_1_1___m_l_x___float16.html#a5203fe52424fd32bce6eb7917dd9288b":[2,0,1,0,11,6], +"structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c":[1,0,1,0,14,5], +"structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c":[2,0,1,0,11,5], +"structmlx_1_1core_1_1___m_l_x___float16.html#a69a4ab5b456c4f3b786f43632e9a4fbc":[1,0,1,0,14,0], +"structmlx_1_1core_1_1___m_l_x___float16.html#a69a4ab5b456c4f3b786f43632e9a4fbc":[2,0,1,0,11,0], +"structmlx_1_1core_1_1___m_l_x___float16.html#afde284cbe678e0333ae277ffc8b131c0":[1,0,1,0,14,2], +"structmlx_1_1core_1_1___m_l_x___float16.html#afde284cbe678e0333ae277ffc8b131c0":[2,0,1,0,11,2], +"structmlx_1_1core_1_1_command_encoder.html":[1,0,1,0,39], +"structmlx_1_1core_1_1_command_encoder.html":[2,0,1,0,36], +"structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[1,0,1,0,39,6], +"structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[2,0,1,0,36,6], +"structmlx_1_1core_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[1,0,1,0,39,7], +"structmlx_1_1core_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[2,0,1,0,36,7], +"structmlx_1_1core_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f":[1,0,1,0,39,11], +"structmlx_1_1core_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f":[2,0,1,0,36,11], +"structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[1,0,1,0,39,9], +"structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[2,0,1,0,36,9], +"structmlx_1_1core_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[1,0,1,0,39,20], +"structmlx_1_1core_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[2,0,1,0,36,20], +"structmlx_1_1core_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[1,0,1,0,39,19], +"structmlx_1_1core_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[2,0,1,0,36,19], +"structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[1,0,1,0,39,17], +"structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[2,0,1,0,36,17], +"structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[1,0,1,0,39,15], +"structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[2,0,1,0,36,15], +"structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[1,0,1,0,39,1], +"structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[2,0,1,0,36,1], +"structmlx_1_1core_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[1,0,1,0,39,18], +"structmlx_1_1core_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[2,0,1,0,36,18], +"structmlx_1_1core_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[1,0,1,0,39,4], +"structmlx_1_1core_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[2,0,1,0,36,4], +"structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[1,0,1,0,39,5], +"structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[2,0,1,0,36,5], +"structmlx_1_1core_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[1,0,1,0,39,3], +"structmlx_1_1core_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[2,0,1,0,36,3], +"structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[1,0,1,0,39,14], +"structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[2,0,1,0,36,14], +"structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[1,0,1,0,39,16], +"structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[2,0,1,0,36,16], +"structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[1,0,1,0,39,13], +"structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[2,0,1,0,36,13], +"structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[1,0,1,0,39,2], +"structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[2,0,1,0,36,2], +"structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[1,0,1,0,39,8], +"structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[2,0,1,0,36,8], +"structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[1,0,1,0,39,12], +"structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[2,0,1,0,36,12] }; diff --git a/docs/build/html/navtreeindex27.js b/docs/build/html/navtreeindex27.js index 486833c17..c8491d8c3 100644 --- a/docs/build/html/navtreeindex27.js +++ b/docs/build/html/navtreeindex27.js @@ -1,253 +1,253 @@ var NAVTREEINDEX27 = { -"structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[1,0,1,0,38,21], -"structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[2,0,1,0,35,21], -"structmlx_1_1core_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[1,0,1,0,38,10], -"structmlx_1_1core_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[2,0,1,0,35,10], -"structmlx_1_1core_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[1,0,1,0,38,22], -"structmlx_1_1core_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[2,0,1,0,35,22], -"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html":[1,0,1,0,38,0], -"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html":[2,0,1,0,35,0], -"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[1,0,1,0,38,0,1], -"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[2,0,1,0,35,0,1], -"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[1,0,1,0,38,0,0], -"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[2,0,1,0,35,0,0], -"structmlx_1_1core_1_1_contiguous_iterator.html":[1,0,1,0,45], -"structmlx_1_1core_1_1_contiguous_iterator.html":[2,0,1,0,42], -"structmlx_1_1core_1_1_contiguous_iterator.html#a5ea4f0e40900e8c7e0830e1fb561af1a":[1,0,1,0,45,6], -"structmlx_1_1core_1_1_contiguous_iterator.html#a5ea4f0e40900e8c7e0830e1fb561af1a":[2,0,1,0,42,6], -"structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3":[1,0,1,0,45,0], -"structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3":[2,0,1,0,42,0], -"structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375":[1,0,1,0,45,2], -"structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375":[2,0,1,0,42,2], -"structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735":[1,0,1,0,45,1], -"structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735":[2,0,1,0,42,1], -"structmlx_1_1core_1_1_contiguous_iterator.html#aad921dd422adb0a0f555e19a2f42239c":[1,0,1,0,45,5], -"structmlx_1_1core_1_1_contiguous_iterator.html#aad921dd422adb0a0f555e19a2f42239c":[2,0,1,0,42,5], -"structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5":[1,0,1,0,45,4], -"structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5":[2,0,1,0,42,4], -"structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a":[1,0,1,0,45,3], -"structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a":[2,0,1,0,42,3], -"structmlx_1_1core_1_1_device.html":[1,0,1,0,52], -"structmlx_1_1core_1_1_device.html":[2,0,1,0,49], -"structmlx_1_1core_1_1_device.html#a45ed081b56ae5d4ddd39c83a5d8a1616":[1,0,1,0,52,3], -"structmlx_1_1core_1_1_device.html#a45ed081b56ae5d4ddd39c83a5d8a1616":[2,0,1,0,49,3], -"structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489":[1,0,1,0,52,1], -"structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489":[2,0,1,0,49,1], -"structmlx_1_1core_1_1_device.html#a5e345748fe318a267833ab7398b364ac":[1,0,1,0,52,4], -"structmlx_1_1core_1_1_device.html#a5e345748fe318a267833ab7398b364ac":[2,0,1,0,49,4], -"structmlx_1_1core_1_1_device.html#a69ee81924251dec96f1945c9d91506fd":[1,0,1,0,52,2], -"structmlx_1_1core_1_1_device.html#a69ee81924251dec96f1945c9d91506fd":[2,0,1,0,49,2], -"structmlx_1_1core_1_1_device.html#a763264ec90f7f23c5dced36c3f0db2e5":[1,0,1,0,52,5], -"structmlx_1_1core_1_1_device.html#a763264ec90f7f23c5dced36c3f0db2e5":[2,0,1,0,49,5], -"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdb":[1,0,1,0,52,0], -"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdb":[2,0,1,0,49,0], -"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdba0aa0be2a866411d9ff03515227454947":[1,0,1,0,52,0,1], -"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdba0aa0be2a866411d9ff03515227454947":[2,0,1,0,49,0,1], -"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdbad9747e2da342bdb995f6389533ad1a3d":[1,0,1,0,52,0,0], -"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdbad9747e2da342bdb995f6389533ad1a3d":[2,0,1,0,49,0,0], -"structmlx_1_1core_1_1_dtype.html":[1,0,1,0,55], -"structmlx_1_1core_1_1_dtype.html":[2,0,1,0,52], -"structmlx_1_1core_1_1_dtype.html#a3b3bc059be5836476da3cb88a4f5e9fd":[1,0,1,0,55,4], -"structmlx_1_1core_1_1_dtype.html#a3b3bc059be5836476da3cb88a4f5e9fd":[2,0,1,0,52,4], -"structmlx_1_1core_1_1_dtype.html#a7a99656f121c8922ab82e72c8e9bd7f1":[1,0,1,0,55,6], -"structmlx_1_1core_1_1_dtype.html#a7a99656f121c8922ab82e72c8e9bd7f1":[2,0,1,0,52,6], -"structmlx_1_1core_1_1_dtype.html#ab54051563d85212c7f0f049166bc9971":[1,0,1,0,55,5], -"structmlx_1_1core_1_1_dtype.html#ab54051563d85212c7f0f049166bc9971":[2,0,1,0,52,5], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2d":[1,0,1,0,55,0], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2d":[2,0,1,0,52,0], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da157db7df530023575515d366c9b672e8":[1,0,1,0,55,0,5], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da157db7df530023575515d366c9b672e8":[2,0,1,0,52,0,5], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da374515b23d6f106696387776a6077d17":[1,0,1,0,55,0,1], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da374515b23d6f106696387776a6077d17":[2,0,1,0,52,0,1], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da3d517f8924ac7fd03699a29d97dc52d9":[1,0,1,0,55,0,7], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da3d517f8924ac7fd03699a29d97dc52d9":[2,0,1,0,52,0,7], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da9c035d4e66b2c72f583cde964cf3a0d3":[1,0,1,0,55,0,4], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da9c035d4e66b2c72f583cde964cf3a0d3":[2,0,1,0,52,0,4], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dab1bc248a7ff2b2e95569f56de68615df":[1,0,1,0,55,0,6], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dab1bc248a7ff2b2e95569f56de68615df":[2,0,1,0,52,0,6], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dae03b116564cd944b048fde87dbd4d5c9":[1,0,1,0,55,0,2], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dae03b116564cd944b048fde87dbd4d5c9":[2,0,1,0,52,0,2], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2daed58b4631ff157bec9e35ed1182d2c10":[1,0,1,0,55,0,3], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2daed58b4631ff157bec9e35ed1182d2c10":[2,0,1,0,52,0,3], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dafb203630099d501ff7c255a574bc4812":[1,0,1,0,55,0,0], -"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dafb203630099d501ff7c255a574bc4812":[2,0,1,0,52,0,0], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715":[1,0,1,0,55,1], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715":[2,0,1,0,52,1], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a4a8a08f09d37b73795649038408b5f33":[1,0,1,0,55,1,4], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a4a8a08f09d37b73795649038408b5f33":[2,0,1,0,52,1,4], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a5206560a306a2e085a437fd258eb57ce":[1,0,1,0,55,1,5], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a5206560a306a2e085a437fd258eb57ce":[2,0,1,0,52,1,5], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a7b774effe4a349c6dd82ad4f4f21d34c":[1,0,1,0,55,1,1], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a7b774effe4a349c6dd82ad4f4f21d34c":[2,0,1,0,52,1,1], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a865c0c0b4ab0e063e5caa3387c1a8741":[1,0,1,0,55,1,2], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a865c0c0b4ab0e063e5caa3387c1a8741":[2,0,1,0,52,1,2], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a8fa14cdd754f91cc6554c9e71929cce7":[1,0,1,0,55,1,3], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a8fa14cdd754f91cc6554c9e71929cce7":[2,0,1,0,52,1,3], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a92eb5ffee6ae2fec3ad71c777531578f":[1,0,1,0,55,1,0], -"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a92eb5ffee6ae2fec3ad71c777531578f":[2,0,1,0,52,1,0], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1da":[1,0,1,0,55,2], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1da":[2,0,1,0,52,2], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa0241adbbd83925f051b694d40f02747f":[1,0,1,0,55,2,7], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa0241adbbd83925f051b694d40f02747f":[2,0,1,0,52,2,7], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa098e7844282e240fdee28a9dac11c1c6":[1,0,1,0,55,2,9], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa098e7844282e240fdee28a9dac11c1c6":[2,0,1,0,52,2,9], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa27c006cc56b1ba88f960cf8b5144fcac":[1,0,1,0,55,2,5], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa27c006cc56b1ba88f960cf8b5144fcac":[2,0,1,0,52,2,5], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa2e8d31865e5d4b9d8611e1b991baed07":[1,0,1,0,55,2,4], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa2e8d31865e5d4b9d8611e1b991baed07":[2,0,1,0,52,2,4], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa3de84ad0700f2a1571f633d399e1900e":[1,0,1,0,55,2,3], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa3de84ad0700f2a1571f633d399e1900e":[2,0,1,0,52,2,3], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa444fe01f3a7a54d1809aef0912846a47":[1,0,1,0,55,2,12], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa444fe01f3a7a54d1809aef0912846a47":[2,0,1,0,52,2,12], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa467afb5838aa377d55cce81f84c5512b":[1,0,1,0,55,2,0], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa467afb5838aa377d55cce81f84c5512b":[2,0,1,0,52,2,0], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa5f423e669d0a8f4ab7c4c3e6da27161a":[1,0,1,0,55,2,1], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa5f423e669d0a8f4ab7c4c3e6da27161a":[2,0,1,0,52,2,1], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa8c022579455bcd2c681f007e84f4e2cf":[1,0,1,0,55,2,13], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa8c022579455bcd2c681f007e84f4e2cf":[2,0,1,0,52,2,13], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaa00ef2ef85ff67b7b39339886f19044f":[1,0,1,0,55,2,2], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaa00ef2ef85ff67b7b39339886f19044f":[2,0,1,0,52,2,2], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daace80d5ec65b1d2a2f1049eadc100db23":[1,0,1,0,55,2,6], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daace80d5ec65b1d2a2f1049eadc100db23":[2,0,1,0,52,2,6], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daad33ec2b0bbea6d471a4706cea030e1e3":[1,0,1,0,55,2,10], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daad33ec2b0bbea6d471a4706cea030e1e3":[2,0,1,0,52,2,10], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daafb7fa22ede616c04c68a7663d0f81e92":[1,0,1,0,55,2,11], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daafb7fa22ede616c04c68a7663d0f81e92":[2,0,1,0,52,2,11], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaff9b3f96d37353c528517bc3656a00a8":[1,0,1,0,55,2,8], -"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaff9b3f96d37353c528517bc3656a00a8":[2,0,1,0,52,2,8], -"structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1":[1,0,1,0,55,3], -"structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1":[2,0,1,0,52,3], -"structmlx_1_1core_1_1_function_exporter.html":[1,0,1,0,72], -"structmlx_1_1core_1_1_function_exporter.html":[2,0,1,0,69], -"structmlx_1_1core_1_1_function_exporter.html#a35a3c1d94249ce0fe0e82b0ea047d441":[1,0,1,0,72,4], -"structmlx_1_1core_1_1_function_exporter.html#a35a3c1d94249ce0fe0e82b0ea047d441":[2,0,1,0,69,4], -"structmlx_1_1core_1_1_function_exporter.html#a3921e0f41f795708c33bda7c50a72055":[1,0,1,0,72,8], -"structmlx_1_1core_1_1_function_exporter.html#a3921e0f41f795708c33bda7c50a72055":[2,0,1,0,69,8], -"structmlx_1_1core_1_1_function_exporter.html#a43454277d21709d2f9b23a7ead0e674f":[1,0,1,0,72,2], -"structmlx_1_1core_1_1_function_exporter.html#a43454277d21709d2f9b23a7ead0e674f":[2,0,1,0,69,2], -"structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7":[1,0,1,0,72,7], -"structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7":[2,0,1,0,69,7], -"structmlx_1_1core_1_1_function_exporter.html#a82aeb5fa32ef5638f42dc2372278427e":[1,0,1,0,72,3], -"structmlx_1_1core_1_1_function_exporter.html#a82aeb5fa32ef5638f42dc2372278427e":[2,0,1,0,69,3], -"structmlx_1_1core_1_1_function_exporter.html#a82eb4ca466592b97225e8252f1cdb2e4":[1,0,1,0,72,10], -"structmlx_1_1core_1_1_function_exporter.html#a82eb4ca466592b97225e8252f1cdb2e4":[2,0,1,0,69,10], -"structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c":[1,0,1,0,72,0], -"structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c":[2,0,1,0,69,0], -"structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2":[1,0,1,0,72,1], -"structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2":[2,0,1,0,69,1], -"structmlx_1_1core_1_1_function_exporter.html#ac8b8fa0a23d58a94e2e9b923dc7324e8":[1,0,1,0,72,5], -"structmlx_1_1core_1_1_function_exporter.html#ac8b8fa0a23d58a94e2e9b923dc7324e8":[2,0,1,0,69,5], -"structmlx_1_1core_1_1_function_exporter.html#ada4e13daeb3ba0f5ebe20ec0663727b3":[1,0,1,0,72,6], -"structmlx_1_1core_1_1_function_exporter.html#ada4e13daeb3ba0f5ebe20ec0663727b3":[2,0,1,0,69,6], -"structmlx_1_1core_1_1_function_exporter.html#ae53b863ba9fea62cc7c1b9eb55993269":[1,0,1,0,72,9], -"structmlx_1_1core_1_1_function_exporter.html#ae53b863ba9fea62cc7c1b9eb55993269":[2,0,1,0,69,9], -"structmlx_1_1core_1_1_imported_function.html":[1,0,1,0,81], -"structmlx_1_1core_1_1_imported_function.html":[2,0,1,0,78], -"structmlx_1_1core_1_1_imported_function.html#a10fec4eab5851ed825a9b46a31cedcc9":[1,0,1,0,81,2], -"structmlx_1_1core_1_1_imported_function.html#a10fec4eab5851ed825a9b46a31cedcc9":[2,0,1,0,78,2], -"structmlx_1_1core_1_1_imported_function.html#a3555db23026d30eaeee265fed99947b2":[1,0,1,0,81,3], -"structmlx_1_1core_1_1_imported_function.html#a3555db23026d30eaeee265fed99947b2":[2,0,1,0,78,3], -"structmlx_1_1core_1_1_imported_function.html#a5953b3f47c094cc47bcbb0845379ca8d":[1,0,1,0,81,0], -"structmlx_1_1core_1_1_imported_function.html#a5953b3f47c094cc47bcbb0845379ca8d":[2,0,1,0,78,0], -"structmlx_1_1core_1_1_imported_function.html#a65f83405a292831a6fb2073a7db6fb90":[1,0,1,0,81,4], -"structmlx_1_1core_1_1_imported_function.html#a65f83405a292831a6fb2073a7db6fb90":[2,0,1,0,78,4], -"structmlx_1_1core_1_1_imported_function.html#a7d1accece61230eec256e0f70610776d":[1,0,1,0,81,1], -"structmlx_1_1core_1_1_imported_function.html#a7d1accece61230eec256e0f70610776d":[2,0,1,0,78,1], -"structmlx_1_1core_1_1_node_namer.html":[1,0,1,0,99], -"structmlx_1_1core_1_1_node_namer.html":[2,0,1,0,96], -"structmlx_1_1core_1_1_node_namer.html#a1690dd38de288c0aee2bb53156eb770e":[1,0,1,0,99,0], -"structmlx_1_1core_1_1_node_namer.html#a1690dd38de288c0aee2bb53156eb770e":[2,0,1,0,96,0], -"structmlx_1_1core_1_1_node_namer.html#a57823f9a2cdc60b2f06f857b36019277":[1,0,1,0,99,2], -"structmlx_1_1core_1_1_node_namer.html#a57823f9a2cdc60b2f06f857b36019277":[2,0,1,0,96,2], -"structmlx_1_1core_1_1_node_namer.html#a57a574e48f8a9cd122616d80b138c768":[1,0,1,0,99,1], -"structmlx_1_1core_1_1_node_namer.html#a57a574e48f8a9cd122616d80b138c768":[2,0,1,0,96,1], -"structmlx_1_1core_1_1_print_formatter.html":[1,0,1,0,111], -"structmlx_1_1core_1_1_print_formatter.html":[2,0,1,0,108], -"structmlx_1_1core_1_1_print_formatter.html#a520adb07fafd911b22bc24b295e4f6cf":[1,0,1,0,111,10], -"structmlx_1_1core_1_1_print_formatter.html#a520adb07fafd911b22bc24b295e4f6cf":[2,0,1,0,108,10], -"structmlx_1_1core_1_1_print_formatter.html#a57af5c32561b95d6ac2a3a1dc4f5d43e":[1,0,1,0,111,4], -"structmlx_1_1core_1_1_print_formatter.html#a57af5c32561b95d6ac2a3a1dc4f5d43e":[2,0,1,0,108,4], -"structmlx_1_1core_1_1_print_formatter.html#a79fad4cf5844db8c92b066539146281b":[1,0,1,0,111,1], -"structmlx_1_1core_1_1_print_formatter.html#a79fad4cf5844db8c92b066539146281b":[2,0,1,0,108,1], -"structmlx_1_1core_1_1_print_formatter.html#a8287664c29d09f5eff3a0ba87e2c49fb":[1,0,1,0,111,3], -"structmlx_1_1core_1_1_print_formatter.html#a8287664c29d09f5eff3a0ba87e2c49fb":[2,0,1,0,108,3], -"structmlx_1_1core_1_1_print_formatter.html#a8da448a8adae671b26359341ea514316":[1,0,1,0,111,6], -"structmlx_1_1core_1_1_print_formatter.html#a8da448a8adae671b26359341ea514316":[2,0,1,0,108,6], -"structmlx_1_1core_1_1_print_formatter.html#a9d750c134a6fbfa8251c5b1d01d73287":[1,0,1,0,111,9], -"structmlx_1_1core_1_1_print_formatter.html#a9d750c134a6fbfa8251c5b1d01d73287":[2,0,1,0,108,9], -"structmlx_1_1core_1_1_print_formatter.html#a9e1dc67c9afb0a09966336504790823d":[1,0,1,0,111,2], -"structmlx_1_1core_1_1_print_formatter.html#a9e1dc67c9afb0a09966336504790823d":[2,0,1,0,108,2], -"structmlx_1_1core_1_1_print_formatter.html#ab0c702f1ae201e17cd328c9855cf522e":[1,0,1,0,111,8], -"structmlx_1_1core_1_1_print_formatter.html#ab0c702f1ae201e17cd328c9855cf522e":[2,0,1,0,108,8], -"structmlx_1_1core_1_1_print_formatter.html#ac4b7895d1168cfc1a3d1186d8a414d2f":[1,0,1,0,111,5], -"structmlx_1_1core_1_1_print_formatter.html#ac4b7895d1168cfc1a3d1186d8a414d2f":[2,0,1,0,108,5], -"structmlx_1_1core_1_1_print_formatter.html#ac59a5137ddd8b32aae057bb9826ee80d":[1,0,1,0,111,11], -"structmlx_1_1core_1_1_print_formatter.html#ac59a5137ddd8b32aae057bb9826ee80d":[2,0,1,0,108,11], -"structmlx_1_1core_1_1_print_formatter.html#adbbb9cbff767f9db73c659a0c07ba633":[1,0,1,0,111,7], -"structmlx_1_1core_1_1_print_formatter.html#adbbb9cbff767f9db73c659a0c07ba633":[2,0,1,0,108,7], -"structmlx_1_1core_1_1_print_formatter.html#adf49a949db36f0ba076842a6d675d79a":[1,0,1,0,111,12], -"structmlx_1_1core_1_1_print_formatter.html#adf49a949db36f0ba076842a6d675d79a":[2,0,1,0,108,12], -"structmlx_1_1core_1_1_print_formatter.html#ae21005f92bc641f2d657096f5d176a6d":[1,0,1,0,111,0], -"structmlx_1_1core_1_1_print_formatter.html#ae21005f92bc641f2d657096f5d176a6d":[2,0,1,0,108,0], -"structmlx_1_1core_1_1_reduction_plan.html":[1,0,1,0,117], -"structmlx_1_1core_1_1_reduction_plan.html":[2,0,1,0,114], -"structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8":[1,0,1,0,117,0], -"structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8":[2,0,1,0,114,0], -"structmlx_1_1core_1_1_reduction_plan.html#a1576dc3d2e01b3f1e11816151070dd1a":[1,0,1,0,117,2], -"structmlx_1_1core_1_1_reduction_plan.html#a1576dc3d2e01b3f1e11816151070dd1a":[2,0,1,0,114,2], -"structmlx_1_1core_1_1_reduction_plan.html#a24e407f13d4d02156380ecc1a6748a76":[1,0,1,0,117,4], -"structmlx_1_1core_1_1_reduction_plan.html#a24e407f13d4d02156380ecc1a6748a76":[2,0,1,0,114,4], -"structmlx_1_1core_1_1_reduction_plan.html#a58bc6189e5e7175dae92632a7bcfd53e":[1,0,1,0,117,3], -"structmlx_1_1core_1_1_reduction_plan.html#a58bc6189e5e7175dae92632a7bcfd53e":[2,0,1,0,114,3], -"structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4":[1,0,1,0,117,1], -"structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4":[2,0,1,0,114,1], -"structmlx_1_1core_1_1_scalar_vector.html":[1,0,1,0,121], -"structmlx_1_1core_1_1_scalar_vector.html":[2,0,1,0,118], -"structmlx_1_1core_1_1_scalar_vector.html#a69d6a3ddd7586e8e19a42c5e6f5a287b":[1,0,1,0,121,0], -"structmlx_1_1core_1_1_scalar_vector.html#a69d6a3ddd7586e8e19a42c5e6f5a287b":[2,0,1,0,118,0], -"structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1":[1,0,1,0,121,1], -"structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1":[2,0,1,0,118,1], -"structmlx_1_1core_1_1_scalar_vector.html#ac9c2214744bc972150740e169b603b9b":[1,0,1,0,121,2], -"structmlx_1_1core_1_1_scalar_vector.html#ac9c2214744bc972150740e169b603b9b":[2,0,1,0,118,2], -"structmlx_1_1core_1_1_stream.html":[1,0,1,0,139], -"structmlx_1_1core_1_1_stream.html":[2,0,1,0,136], -"structmlx_1_1core_1_1_stream.html#a406b1b0162287a4162fab1f70e2ff3bb":[1,0,1,0,139,1], -"structmlx_1_1core_1_1_stream.html#a406b1b0162287a4162fab1f70e2ff3bb":[2,0,1,0,136,1], -"structmlx_1_1core_1_1_stream.html#a7f0815ff4886da74cbbff5f93d82dd3e":[1,0,1,0,139,0], -"structmlx_1_1core_1_1_stream.html#a7f0815ff4886da74cbbff5f93d82dd3e":[2,0,1,0,136,0], -"structmlx_1_1core_1_1_stream.html#a9d0dafc1899333e1176eb2bbc0a8b626":[1,0,1,0,139,2], -"structmlx_1_1core_1_1_stream.html#a9d0dafc1899333e1176eb2bbc0a8b626":[2,0,1,0,136,2], -"structmlx_1_1core_1_1_stream_context.html":[1,0,1,0,140], -"structmlx_1_1core_1_1_stream_context.html":[2,0,1,0,137], -"structmlx_1_1core_1_1_stream_context.html#a89d803151e9d7dce29382aa83d5c6ef1":[1,0,1,0,140,0], -"structmlx_1_1core_1_1_stream_context.html#a89d803151e9d7dce29382aa83d5c6ef1":[2,0,1,0,137,0], -"structmlx_1_1core_1_1_stream_context.html#ac5be1c576d22b3d0b0a6fcc7e6abe659":[1,0,1,0,140,1], -"structmlx_1_1core_1_1_stream_context.html#ac5be1c576d22b3d0b0a6fcc7e6abe659":[2,0,1,0,137,1], -"structmlx_1_1core_1_1_type_to_dtype.html":[1,0,1,0,146], -"structmlx_1_1core_1_1_type_to_dtype.html":[2,0,1,0,143], -"structmlx_1_1core_1_1_type_to_dtype.html#aefdd0fd6a5bbf0197a3996ccd4adea13":[1,0,1,0,146,0], -"structmlx_1_1core_1_1_type_to_dtype.html#aefdd0fd6a5bbf0197a3996ccd4adea13":[2,0,1,0,143,0], -"structmlx_1_1core_1_1_vector_scalar.html":[1,0,1,0,149], -"structmlx_1_1core_1_1_vector_scalar.html":[2,0,1,0,146], -"structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f":[1,0,1,0,149,1], -"structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f":[2,0,1,0,146,1], -"structmlx_1_1core_1_1_vector_scalar.html#a5fe1744adb58aaa845acca1e46725537":[1,0,1,0,149,2], -"structmlx_1_1core_1_1_vector_scalar.html#a5fe1744adb58aaa845acca1e46725537":[2,0,1,0,146,2], -"structmlx_1_1core_1_1_vector_scalar.html#a97088143e6d301d753dcdd1ccdd82287":[1,0,1,0,149,0], -"structmlx_1_1core_1_1_vector_scalar.html#a97088143e6d301d753dcdd1ccdd82287":[2,0,1,0,146,0], -"structmlx_1_1core_1_1_vector_vector.html":[1,0,1,0,150], -"structmlx_1_1core_1_1_vector_vector.html":[2,0,1,0,147], -"structmlx_1_1core_1_1_vector_vector.html#a4867666c95c597a113afb64f173cc022":[1,0,1,0,150,0], -"structmlx_1_1core_1_1_vector_vector.html#a4867666c95c597a113afb64f173cc022":[2,0,1,0,147,0], -"structmlx_1_1core_1_1_vector_vector.html#a6d69d070c75cf0281e11e36e0717ab50":[1,0,1,0,150,2], -"structmlx_1_1core_1_1_vector_vector.html#a6d69d070c75cf0281e11e36e0717ab50":[2,0,1,0,147,2], -"structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215":[1,0,1,0,150,1], -"structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215":[2,0,1,0,147,1], -"structmlx_1_1core_1_1array_1_1_array_iterator.html":[1,0,1,0,28,0], -"structmlx_1_1core_1_1array_1_1_array_iterator.html":[2,0,1,0,25,0], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a153756072fda6d3e53bcca11b46a1238":[1,0,1,0,28,0,5], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a153756072fda6d3e53bcca11b46a1238":[2,0,1,0,25,0,5], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a1afd6d2a19a2b0d712063f221ab4eba7":[1,0,1,0,28,0,9], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a1afd6d2a19a2b0d712063f221ab4eba7":[2,0,1,0,25,0,9] +"structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[1,0,1,0,39,21], +"structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[2,0,1,0,36,21], +"structmlx_1_1core_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[1,0,1,0,39,10], +"structmlx_1_1core_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[2,0,1,0,36,10], +"structmlx_1_1core_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[1,0,1,0,39,22], +"structmlx_1_1core_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[2,0,1,0,36,22], +"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html":[1,0,1,0,39,0], +"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html":[2,0,1,0,36,0], +"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[1,0,1,0,39,0,1], +"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[2,0,1,0,36,0,1], +"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[1,0,1,0,39,0,0], +"structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[2,0,1,0,36,0,0], +"structmlx_1_1core_1_1_contiguous_iterator.html":[1,0,1,0,46], +"structmlx_1_1core_1_1_contiguous_iterator.html":[2,0,1,0,43], +"structmlx_1_1core_1_1_contiguous_iterator.html#a5ea4f0e40900e8c7e0830e1fb561af1a":[1,0,1,0,46,6], +"structmlx_1_1core_1_1_contiguous_iterator.html#a5ea4f0e40900e8c7e0830e1fb561af1a":[2,0,1,0,43,6], +"structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3":[1,0,1,0,46,0], +"structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3":[2,0,1,0,43,0], +"structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375":[1,0,1,0,46,2], +"structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375":[2,0,1,0,43,2], +"structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735":[1,0,1,0,46,1], +"structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735":[2,0,1,0,43,1], +"structmlx_1_1core_1_1_contiguous_iterator.html#aad921dd422adb0a0f555e19a2f42239c":[1,0,1,0,46,5], +"structmlx_1_1core_1_1_contiguous_iterator.html#aad921dd422adb0a0f555e19a2f42239c":[2,0,1,0,43,5], +"structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5":[1,0,1,0,46,4], +"structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5":[2,0,1,0,43,4], +"structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a":[1,0,1,0,46,3], +"structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a":[2,0,1,0,43,3], +"structmlx_1_1core_1_1_device.html":[1,0,1,0,53], +"structmlx_1_1core_1_1_device.html":[2,0,1,0,50], +"structmlx_1_1core_1_1_device.html#a45ed081b56ae5d4ddd39c83a5d8a1616":[1,0,1,0,53,3], +"structmlx_1_1core_1_1_device.html#a45ed081b56ae5d4ddd39c83a5d8a1616":[2,0,1,0,50,3], +"structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489":[1,0,1,0,53,1], +"structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489":[2,0,1,0,50,1], +"structmlx_1_1core_1_1_device.html#a5e345748fe318a267833ab7398b364ac":[1,0,1,0,53,4], +"structmlx_1_1core_1_1_device.html#a5e345748fe318a267833ab7398b364ac":[2,0,1,0,50,4], +"structmlx_1_1core_1_1_device.html#a69ee81924251dec96f1945c9d91506fd":[1,0,1,0,53,2], +"structmlx_1_1core_1_1_device.html#a69ee81924251dec96f1945c9d91506fd":[2,0,1,0,50,2], +"structmlx_1_1core_1_1_device.html#a763264ec90f7f23c5dced36c3f0db2e5":[1,0,1,0,53,5], +"structmlx_1_1core_1_1_device.html#a763264ec90f7f23c5dced36c3f0db2e5":[2,0,1,0,50,5], +"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdb":[1,0,1,0,53,0], +"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdb":[2,0,1,0,50,0], +"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdba0aa0be2a866411d9ff03515227454947":[1,0,1,0,53,0,1], +"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdba0aa0be2a866411d9ff03515227454947":[2,0,1,0,50,0,1], +"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdbad9747e2da342bdb995f6389533ad1a3d":[1,0,1,0,53,0,0], +"structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdbad9747e2da342bdb995f6389533ad1a3d":[2,0,1,0,50,0,0], +"structmlx_1_1core_1_1_dtype.html":[1,0,1,0,56], +"structmlx_1_1core_1_1_dtype.html":[2,0,1,0,53], +"structmlx_1_1core_1_1_dtype.html#a3b3bc059be5836476da3cb88a4f5e9fd":[1,0,1,0,56,4], +"structmlx_1_1core_1_1_dtype.html#a3b3bc059be5836476da3cb88a4f5e9fd":[2,0,1,0,53,4], +"structmlx_1_1core_1_1_dtype.html#a7a99656f121c8922ab82e72c8e9bd7f1":[1,0,1,0,56,6], +"structmlx_1_1core_1_1_dtype.html#a7a99656f121c8922ab82e72c8e9bd7f1":[2,0,1,0,53,6], +"structmlx_1_1core_1_1_dtype.html#ab54051563d85212c7f0f049166bc9971":[1,0,1,0,56,5], +"structmlx_1_1core_1_1_dtype.html#ab54051563d85212c7f0f049166bc9971":[2,0,1,0,53,5], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2d":[1,0,1,0,56,0], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2d":[2,0,1,0,53,0], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da157db7df530023575515d366c9b672e8":[1,0,1,0,56,0,5], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da157db7df530023575515d366c9b672e8":[2,0,1,0,53,0,5], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da374515b23d6f106696387776a6077d17":[1,0,1,0,56,0,1], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da374515b23d6f106696387776a6077d17":[2,0,1,0,53,0,1], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da3d517f8924ac7fd03699a29d97dc52d9":[1,0,1,0,56,0,7], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da3d517f8924ac7fd03699a29d97dc52d9":[2,0,1,0,53,0,7], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da9c035d4e66b2c72f583cde964cf3a0d3":[1,0,1,0,56,0,4], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da9c035d4e66b2c72f583cde964cf3a0d3":[2,0,1,0,53,0,4], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dab1bc248a7ff2b2e95569f56de68615df":[1,0,1,0,56,0,6], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dab1bc248a7ff2b2e95569f56de68615df":[2,0,1,0,53,0,6], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dae03b116564cd944b048fde87dbd4d5c9":[1,0,1,0,56,0,2], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dae03b116564cd944b048fde87dbd4d5c9":[2,0,1,0,53,0,2], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2daed58b4631ff157bec9e35ed1182d2c10":[1,0,1,0,56,0,3], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2daed58b4631ff157bec9e35ed1182d2c10":[2,0,1,0,53,0,3], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dafb203630099d501ff7c255a574bc4812":[1,0,1,0,56,0,0], +"structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dafb203630099d501ff7c255a574bc4812":[2,0,1,0,53,0,0], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715":[1,0,1,0,56,1], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715":[2,0,1,0,53,1], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a4a8a08f09d37b73795649038408b5f33":[1,0,1,0,56,1,4], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a4a8a08f09d37b73795649038408b5f33":[2,0,1,0,53,1,4], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a5206560a306a2e085a437fd258eb57ce":[1,0,1,0,56,1,5], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a5206560a306a2e085a437fd258eb57ce":[2,0,1,0,53,1,5], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a7b774effe4a349c6dd82ad4f4f21d34c":[1,0,1,0,56,1,1], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a7b774effe4a349c6dd82ad4f4f21d34c":[2,0,1,0,53,1,1], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a865c0c0b4ab0e063e5caa3387c1a8741":[1,0,1,0,56,1,2], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a865c0c0b4ab0e063e5caa3387c1a8741":[2,0,1,0,53,1,2], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a8fa14cdd754f91cc6554c9e71929cce7":[1,0,1,0,56,1,3], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a8fa14cdd754f91cc6554c9e71929cce7":[2,0,1,0,53,1,3], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a92eb5ffee6ae2fec3ad71c777531578f":[1,0,1,0,56,1,0], +"structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715a92eb5ffee6ae2fec3ad71c777531578f":[2,0,1,0,53,1,0], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1da":[1,0,1,0,56,2], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1da":[2,0,1,0,53,2], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa0241adbbd83925f051b694d40f02747f":[1,0,1,0,56,2,7], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa0241adbbd83925f051b694d40f02747f":[2,0,1,0,53,2,7], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa098e7844282e240fdee28a9dac11c1c6":[1,0,1,0,56,2,9], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa098e7844282e240fdee28a9dac11c1c6":[2,0,1,0,53,2,9], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa27c006cc56b1ba88f960cf8b5144fcac":[1,0,1,0,56,2,5], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa27c006cc56b1ba88f960cf8b5144fcac":[2,0,1,0,53,2,5], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa2e8d31865e5d4b9d8611e1b991baed07":[1,0,1,0,56,2,4], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa2e8d31865e5d4b9d8611e1b991baed07":[2,0,1,0,53,2,4], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa3de84ad0700f2a1571f633d399e1900e":[1,0,1,0,56,2,3], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa3de84ad0700f2a1571f633d399e1900e":[2,0,1,0,53,2,3], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa444fe01f3a7a54d1809aef0912846a47":[1,0,1,0,56,2,12], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa444fe01f3a7a54d1809aef0912846a47":[2,0,1,0,53,2,12], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa467afb5838aa377d55cce81f84c5512b":[1,0,1,0,56,2,0], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa467afb5838aa377d55cce81f84c5512b":[2,0,1,0,53,2,0], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa5f423e669d0a8f4ab7c4c3e6da27161a":[1,0,1,0,56,2,1], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa5f423e669d0a8f4ab7c4c3e6da27161a":[2,0,1,0,53,2,1], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa8c022579455bcd2c681f007e84f4e2cf":[1,0,1,0,56,2,13], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa8c022579455bcd2c681f007e84f4e2cf":[2,0,1,0,53,2,13], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaa00ef2ef85ff67b7b39339886f19044f":[1,0,1,0,56,2,2], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaa00ef2ef85ff67b7b39339886f19044f":[2,0,1,0,53,2,2], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daace80d5ec65b1d2a2f1049eadc100db23":[1,0,1,0,56,2,6], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daace80d5ec65b1d2a2f1049eadc100db23":[2,0,1,0,53,2,6], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daad33ec2b0bbea6d471a4706cea030e1e3":[1,0,1,0,56,2,10], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daad33ec2b0bbea6d471a4706cea030e1e3":[2,0,1,0,53,2,10], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daafb7fa22ede616c04c68a7663d0f81e92":[1,0,1,0,56,2,11], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daafb7fa22ede616c04c68a7663d0f81e92":[2,0,1,0,53,2,11], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaff9b3f96d37353c528517bc3656a00a8":[1,0,1,0,56,2,8], +"structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daaff9b3f96d37353c528517bc3656a00a8":[2,0,1,0,53,2,8], +"structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1":[1,0,1,0,56,3], +"structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1":[2,0,1,0,53,3], +"structmlx_1_1core_1_1_function_exporter.html":[1,0,1,0,73], +"structmlx_1_1core_1_1_function_exporter.html":[2,0,1,0,70], +"structmlx_1_1core_1_1_function_exporter.html#a35a3c1d94249ce0fe0e82b0ea047d441":[1,0,1,0,73,4], +"structmlx_1_1core_1_1_function_exporter.html#a35a3c1d94249ce0fe0e82b0ea047d441":[2,0,1,0,70,4], +"structmlx_1_1core_1_1_function_exporter.html#a3921e0f41f795708c33bda7c50a72055":[1,0,1,0,73,8], +"structmlx_1_1core_1_1_function_exporter.html#a3921e0f41f795708c33bda7c50a72055":[2,0,1,0,70,8], +"structmlx_1_1core_1_1_function_exporter.html#a43454277d21709d2f9b23a7ead0e674f":[1,0,1,0,73,2], +"structmlx_1_1core_1_1_function_exporter.html#a43454277d21709d2f9b23a7ead0e674f":[2,0,1,0,70,2], +"structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7":[1,0,1,0,73,7], +"structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7":[2,0,1,0,70,7], +"structmlx_1_1core_1_1_function_exporter.html#a82aeb5fa32ef5638f42dc2372278427e":[1,0,1,0,73,3], +"structmlx_1_1core_1_1_function_exporter.html#a82aeb5fa32ef5638f42dc2372278427e":[2,0,1,0,70,3], +"structmlx_1_1core_1_1_function_exporter.html#a82eb4ca466592b97225e8252f1cdb2e4":[1,0,1,0,73,10], +"structmlx_1_1core_1_1_function_exporter.html#a82eb4ca466592b97225e8252f1cdb2e4":[2,0,1,0,70,10], +"structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c":[1,0,1,0,73,0], +"structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c":[2,0,1,0,70,0], +"structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2":[1,0,1,0,73,1], +"structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2":[2,0,1,0,70,1], +"structmlx_1_1core_1_1_function_exporter.html#ac8b8fa0a23d58a94e2e9b923dc7324e8":[1,0,1,0,73,5], +"structmlx_1_1core_1_1_function_exporter.html#ac8b8fa0a23d58a94e2e9b923dc7324e8":[2,0,1,0,70,5], +"structmlx_1_1core_1_1_function_exporter.html#ada4e13daeb3ba0f5ebe20ec0663727b3":[1,0,1,0,73,6], +"structmlx_1_1core_1_1_function_exporter.html#ada4e13daeb3ba0f5ebe20ec0663727b3":[2,0,1,0,70,6], +"structmlx_1_1core_1_1_function_exporter.html#ae53b863ba9fea62cc7c1b9eb55993269":[1,0,1,0,73,9], +"structmlx_1_1core_1_1_function_exporter.html#ae53b863ba9fea62cc7c1b9eb55993269":[2,0,1,0,70,9], +"structmlx_1_1core_1_1_imported_function.html":[1,0,1,0,82], +"structmlx_1_1core_1_1_imported_function.html":[2,0,1,0,79], +"structmlx_1_1core_1_1_imported_function.html#a10fec4eab5851ed825a9b46a31cedcc9":[1,0,1,0,82,2], +"structmlx_1_1core_1_1_imported_function.html#a10fec4eab5851ed825a9b46a31cedcc9":[2,0,1,0,79,2], +"structmlx_1_1core_1_1_imported_function.html#a3555db23026d30eaeee265fed99947b2":[1,0,1,0,82,3], +"structmlx_1_1core_1_1_imported_function.html#a3555db23026d30eaeee265fed99947b2":[2,0,1,0,79,3], +"structmlx_1_1core_1_1_imported_function.html#a5953b3f47c094cc47bcbb0845379ca8d":[1,0,1,0,82,0], +"structmlx_1_1core_1_1_imported_function.html#a5953b3f47c094cc47bcbb0845379ca8d":[2,0,1,0,79,0], +"structmlx_1_1core_1_1_imported_function.html#a65f83405a292831a6fb2073a7db6fb90":[1,0,1,0,82,4], +"structmlx_1_1core_1_1_imported_function.html#a65f83405a292831a6fb2073a7db6fb90":[2,0,1,0,79,4], +"structmlx_1_1core_1_1_imported_function.html#a7d1accece61230eec256e0f70610776d":[1,0,1,0,82,1], +"structmlx_1_1core_1_1_imported_function.html#a7d1accece61230eec256e0f70610776d":[2,0,1,0,79,1], +"structmlx_1_1core_1_1_node_namer.html":[1,0,1,0,100], +"structmlx_1_1core_1_1_node_namer.html":[2,0,1,0,97], +"structmlx_1_1core_1_1_node_namer.html#a1690dd38de288c0aee2bb53156eb770e":[1,0,1,0,100,0], +"structmlx_1_1core_1_1_node_namer.html#a1690dd38de288c0aee2bb53156eb770e":[2,0,1,0,97,0], +"structmlx_1_1core_1_1_node_namer.html#a57823f9a2cdc60b2f06f857b36019277":[1,0,1,0,100,2], +"structmlx_1_1core_1_1_node_namer.html#a57823f9a2cdc60b2f06f857b36019277":[2,0,1,0,97,2], +"structmlx_1_1core_1_1_node_namer.html#a57a574e48f8a9cd122616d80b138c768":[1,0,1,0,100,1], +"structmlx_1_1core_1_1_node_namer.html#a57a574e48f8a9cd122616d80b138c768":[2,0,1,0,97,1], +"structmlx_1_1core_1_1_print_formatter.html":[1,0,1,0,112], +"structmlx_1_1core_1_1_print_formatter.html":[2,0,1,0,109], +"structmlx_1_1core_1_1_print_formatter.html#a520adb07fafd911b22bc24b295e4f6cf":[1,0,1,0,112,10], +"structmlx_1_1core_1_1_print_formatter.html#a520adb07fafd911b22bc24b295e4f6cf":[2,0,1,0,109,10], +"structmlx_1_1core_1_1_print_formatter.html#a57af5c32561b95d6ac2a3a1dc4f5d43e":[1,0,1,0,112,4], +"structmlx_1_1core_1_1_print_formatter.html#a57af5c32561b95d6ac2a3a1dc4f5d43e":[2,0,1,0,109,4], +"structmlx_1_1core_1_1_print_formatter.html#a79fad4cf5844db8c92b066539146281b":[1,0,1,0,112,1], +"structmlx_1_1core_1_1_print_formatter.html#a79fad4cf5844db8c92b066539146281b":[2,0,1,0,109,1], +"structmlx_1_1core_1_1_print_formatter.html#a8287664c29d09f5eff3a0ba87e2c49fb":[1,0,1,0,112,3], +"structmlx_1_1core_1_1_print_formatter.html#a8287664c29d09f5eff3a0ba87e2c49fb":[2,0,1,0,109,3], +"structmlx_1_1core_1_1_print_formatter.html#a8da448a8adae671b26359341ea514316":[1,0,1,0,112,6], +"structmlx_1_1core_1_1_print_formatter.html#a8da448a8adae671b26359341ea514316":[2,0,1,0,109,6], +"structmlx_1_1core_1_1_print_formatter.html#a9d750c134a6fbfa8251c5b1d01d73287":[1,0,1,0,112,9], +"structmlx_1_1core_1_1_print_formatter.html#a9d750c134a6fbfa8251c5b1d01d73287":[2,0,1,0,109,9], +"structmlx_1_1core_1_1_print_formatter.html#a9e1dc67c9afb0a09966336504790823d":[1,0,1,0,112,2], +"structmlx_1_1core_1_1_print_formatter.html#a9e1dc67c9afb0a09966336504790823d":[2,0,1,0,109,2], +"structmlx_1_1core_1_1_print_formatter.html#ab0c702f1ae201e17cd328c9855cf522e":[1,0,1,0,112,8], +"structmlx_1_1core_1_1_print_formatter.html#ab0c702f1ae201e17cd328c9855cf522e":[2,0,1,0,109,8], +"structmlx_1_1core_1_1_print_formatter.html#ac4b7895d1168cfc1a3d1186d8a414d2f":[1,0,1,0,112,5], +"structmlx_1_1core_1_1_print_formatter.html#ac4b7895d1168cfc1a3d1186d8a414d2f":[2,0,1,0,109,5], +"structmlx_1_1core_1_1_print_formatter.html#ac59a5137ddd8b32aae057bb9826ee80d":[1,0,1,0,112,11], +"structmlx_1_1core_1_1_print_formatter.html#ac59a5137ddd8b32aae057bb9826ee80d":[2,0,1,0,109,11], +"structmlx_1_1core_1_1_print_formatter.html#adbbb9cbff767f9db73c659a0c07ba633":[1,0,1,0,112,7], +"structmlx_1_1core_1_1_print_formatter.html#adbbb9cbff767f9db73c659a0c07ba633":[2,0,1,0,109,7], +"structmlx_1_1core_1_1_print_formatter.html#adf49a949db36f0ba076842a6d675d79a":[1,0,1,0,112,12], +"structmlx_1_1core_1_1_print_formatter.html#adf49a949db36f0ba076842a6d675d79a":[2,0,1,0,109,12], +"structmlx_1_1core_1_1_print_formatter.html#ae21005f92bc641f2d657096f5d176a6d":[1,0,1,0,112,0], +"structmlx_1_1core_1_1_print_formatter.html#ae21005f92bc641f2d657096f5d176a6d":[2,0,1,0,109,0], +"structmlx_1_1core_1_1_reduction_plan.html":[1,0,1,0,118], +"structmlx_1_1core_1_1_reduction_plan.html":[2,0,1,0,115], +"structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8":[1,0,1,0,118,0], +"structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8":[2,0,1,0,115,0], +"structmlx_1_1core_1_1_reduction_plan.html#a1576dc3d2e01b3f1e11816151070dd1a":[1,0,1,0,118,2], +"structmlx_1_1core_1_1_reduction_plan.html#a1576dc3d2e01b3f1e11816151070dd1a":[2,0,1,0,115,2], +"structmlx_1_1core_1_1_reduction_plan.html#a24e407f13d4d02156380ecc1a6748a76":[1,0,1,0,118,4], +"structmlx_1_1core_1_1_reduction_plan.html#a24e407f13d4d02156380ecc1a6748a76":[2,0,1,0,115,4], +"structmlx_1_1core_1_1_reduction_plan.html#a58bc6189e5e7175dae92632a7bcfd53e":[1,0,1,0,118,3], +"structmlx_1_1core_1_1_reduction_plan.html#a58bc6189e5e7175dae92632a7bcfd53e":[2,0,1,0,115,3], +"structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4":[1,0,1,0,118,1], +"structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4":[2,0,1,0,115,1], +"structmlx_1_1core_1_1_scalar_vector.html":[1,0,1,0,122], +"structmlx_1_1core_1_1_scalar_vector.html":[2,0,1,0,119], +"structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1":[1,0,1,0,122,0], +"structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1":[2,0,1,0,119,0], +"structmlx_1_1core_1_1_stream.html":[1,0,1,0,140], +"structmlx_1_1core_1_1_stream.html":[2,0,1,0,137], +"structmlx_1_1core_1_1_stream.html#a406b1b0162287a4162fab1f70e2ff3bb":[1,0,1,0,140,1], +"structmlx_1_1core_1_1_stream.html#a406b1b0162287a4162fab1f70e2ff3bb":[2,0,1,0,137,1], +"structmlx_1_1core_1_1_stream.html#a7f0815ff4886da74cbbff5f93d82dd3e":[1,0,1,0,140,0], +"structmlx_1_1core_1_1_stream.html#a7f0815ff4886da74cbbff5f93d82dd3e":[2,0,1,0,137,0], +"structmlx_1_1core_1_1_stream.html#a9d0dafc1899333e1176eb2bbc0a8b626":[1,0,1,0,140,2], +"structmlx_1_1core_1_1_stream.html#a9d0dafc1899333e1176eb2bbc0a8b626":[2,0,1,0,137,2], +"structmlx_1_1core_1_1_stream_context.html":[1,0,1,0,141], +"structmlx_1_1core_1_1_stream_context.html":[2,0,1,0,138], +"structmlx_1_1core_1_1_stream_context.html#a89d803151e9d7dce29382aa83d5c6ef1":[1,0,1,0,141,0], +"structmlx_1_1core_1_1_stream_context.html#a89d803151e9d7dce29382aa83d5c6ef1":[2,0,1,0,138,0], +"structmlx_1_1core_1_1_stream_context.html#ac5be1c576d22b3d0b0a6fcc7e6abe659":[1,0,1,0,141,1], +"structmlx_1_1core_1_1_stream_context.html#ac5be1c576d22b3d0b0a6fcc7e6abe659":[2,0,1,0,138,1], +"structmlx_1_1core_1_1_type_to_dtype.html":[1,0,1,0,147], +"structmlx_1_1core_1_1_type_to_dtype.html":[2,0,1,0,144], +"structmlx_1_1core_1_1_type_to_dtype.html#aefdd0fd6a5bbf0197a3996ccd4adea13":[1,0,1,0,147,0], +"structmlx_1_1core_1_1_type_to_dtype.html#aefdd0fd6a5bbf0197a3996ccd4adea13":[2,0,1,0,144,0], +"structmlx_1_1core_1_1_vector_scalar.html":[1,0,1,0,150], +"structmlx_1_1core_1_1_vector_scalar.html":[2,0,1,0,147], +"structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f":[1,0,1,0,150,0], +"structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f":[2,0,1,0,147,0], +"structmlx_1_1core_1_1_vector_vector.html":[1,0,1,0,151], +"structmlx_1_1core_1_1_vector_vector.html":[2,0,1,0,148], +"structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215":[1,0,1,0,151,0], +"structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215":[2,0,1,0,148,0], +"structmlx_1_1core_1_1array_1_1_array_iterator.html":[1,0,1,0,29,0], +"structmlx_1_1core_1_1array_1_1_array_iterator.html":[2,0,1,0,26,0], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a153756072fda6d3e53bcca11b46a1238":[1,0,1,0,29,0,5], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a153756072fda6d3e53bcca11b46a1238":[2,0,1,0,26,0,5], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a1afd6d2a19a2b0d712063f221ab4eba7":[1,0,1,0,29,0,9], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a1afd6d2a19a2b0d712063f221ab4eba7":[2,0,1,0,26,0,9], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a2cbf481e39164245668b3be6cbcc614d":[1,0,1,0,29,0,1], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a2cbf481e39164245668b3be6cbcc614d":[2,0,1,0,26,0,1], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a3efe69356a84d0d4438f033992fcbd9d":[1,0,1,0,29,0,7], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a3efe69356a84d0d4438f033992fcbd9d":[2,0,1,0,26,0,7], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a44e2e1f29191c20ec4390de4fa0bd59f":[1,0,1,0,29,0,2], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a44e2e1f29191c20ec4390de4fa0bd59f":[2,0,1,0,26,0,2], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a971aa511ab2e7ae1caae09556643a0bd":[1,0,1,0,29,0,8], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#a971aa511ab2e7ae1caae09556643a0bd":[2,0,1,0,26,0,8], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#ad3afcb24c6db7642bbc06835f7f3e27a":[1,0,1,0,29,0,4], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#ad3afcb24c6db7642bbc06835f7f3e27a":[2,0,1,0,26,0,4], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#adcee44c77980fc2370a2c31e203aead5":[1,0,1,0,29,0,0], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#adcee44c77980fc2370a2c31e203aead5":[2,0,1,0,26,0,0] }; diff --git a/docs/build/html/navtreeindex28.js b/docs/build/html/navtreeindex28.js index 2fd632839..6d4146f88 100644 --- a/docs/build/html/navtreeindex28.js +++ b/docs/build/html/navtreeindex28.js @@ -1,253 +1,253 @@ var NAVTREEINDEX28 = { -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a2cbf481e39164245668b3be6cbcc614d":[1,0,1,0,28,0,1], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a2cbf481e39164245668b3be6cbcc614d":[2,0,1,0,25,0,1], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a3efe69356a84d0d4438f033992fcbd9d":[1,0,1,0,28,0,7], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a3efe69356a84d0d4438f033992fcbd9d":[2,0,1,0,25,0,7], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a44e2e1f29191c20ec4390de4fa0bd59f":[1,0,1,0,28,0,2], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a44e2e1f29191c20ec4390de4fa0bd59f":[2,0,1,0,25,0,2], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a971aa511ab2e7ae1caae09556643a0bd":[1,0,1,0,28,0,8], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#a971aa511ab2e7ae1caae09556643a0bd":[2,0,1,0,25,0,8], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#ad3afcb24c6db7642bbc06835f7f3e27a":[1,0,1,0,28,0,4], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#ad3afcb24c6db7642bbc06835f7f3e27a":[2,0,1,0,25,0,4], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#adcee44c77980fc2370a2c31e203aead5":[1,0,1,0,28,0,0], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#adcee44c77980fc2370a2c31e203aead5":[2,0,1,0,25,0,0], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae24fe304397e961687d0d4c7012b8ae4":[1,0,1,0,28,0,3], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae24fe304397e961687d0d4c7012b8ae4":[2,0,1,0,25,0,3], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae2adde594b5a4853f6bc78263a957d85":[1,0,1,0,28,0,6], -"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae2adde594b5a4853f6bc78263a957d85":[2,0,1,0,25,0,6], -"structmlx_1_1core_1_1array_1_1_data.html":[1,0,1,0,28,1], -"structmlx_1_1core_1_1array_1_1_data.html":[2,0,1,0,25,1], -"structmlx_1_1core_1_1array_1_1_data.html#a0534c6fb5dfbd7fcf1d6269fac3c1e9e":[1,0,1,0,28,1,5], -"structmlx_1_1core_1_1array_1_1_data.html#a0534c6fb5dfbd7fcf1d6269fac3c1e9e":[2,0,1,0,25,1,5], -"structmlx_1_1core_1_1array_1_1_data.html#a123d7c1738773dedfc9db075fdd7062d":[1,0,1,0,28,1,0], -"structmlx_1_1core_1_1array_1_1_data.html#a123d7c1738773dedfc9db075fdd7062d":[2,0,1,0,25,1,0], -"structmlx_1_1core_1_1array_1_1_data.html#a1cf69d9709206578c4e87e9c1daad5e1":[1,0,1,0,28,1,2], -"structmlx_1_1core_1_1array_1_1_data.html#a1cf69d9709206578c4e87e9c1daad5e1":[2,0,1,0,25,1,2], -"structmlx_1_1core_1_1array_1_1_data.html#a50f242040b123052e48e18c244ff70fc":[1,0,1,0,28,1,1], -"structmlx_1_1core_1_1array_1_1_data.html#a50f242040b123052e48e18c244ff70fc":[2,0,1,0,25,1,1], -"structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748":[1,0,1,0,28,1,3], -"structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748":[2,0,1,0,25,1,3], -"structmlx_1_1core_1_1array_1_1_data.html#a9a51e2d12ba505027cc0fca86bdd39ad":[1,0,1,0,28,1,4], -"structmlx_1_1core_1_1array_1_1_data.html#a9a51e2d12ba505027cc0fca86bdd39ad":[2,0,1,0,25,1,4], -"structmlx_1_1core_1_1array_1_1_flags.html":[1,0,1,0,28,2], -"structmlx_1_1core_1_1array_1_1_flags.html":[2,0,1,0,25,2], -"structmlx_1_1core_1_1array_1_1_flags.html#a3170fa381dc7a90f6eabcc029bdf9bfd":[1,0,1,0,28,2,2], -"structmlx_1_1core_1_1array_1_1_flags.html#a3170fa381dc7a90f6eabcc029bdf9bfd":[2,0,1,0,25,2,2], -"structmlx_1_1core_1_1array_1_1_flags.html#ae24709026598d635e6b5c24a15f8a802":[1,0,1,0,28,2,0], -"structmlx_1_1core_1_1array_1_1_flags.html#ae24709026598d635e6b5c24a15f8a802":[2,0,1,0,25,2,0], -"structmlx_1_1core_1_1array_1_1_flags.html#afd0ab11e7a486a2a8e50ee84b971ac8a":[1,0,1,0,28,2,1], -"structmlx_1_1core_1_1array_1_1_flags.html#afd0ab11e7a486a2a8e50ee84b971ac8a":[2,0,1,0,25,2,1], -"structmlx_1_1core_1_1complex128__t.html":[1,0,1,0,40], -"structmlx_1_1core_1_1complex128__t.html":[2,0,1,0,37], -"structmlx_1_1core_1_1complex128__t.html#a3e2faf180c0b785646a0e4296f709a5e":[1,0,1,0,40,4], -"structmlx_1_1core_1_1complex128__t.html#a3e2faf180c0b785646a0e4296f709a5e":[2,0,1,0,37,4], -"structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178":[1,0,1,0,40,0], -"structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178":[2,0,1,0,37,0], -"structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf":[1,0,1,0,40,3], -"structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf":[2,0,1,0,37,3], -"structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0":[1,0,1,0,40,1], -"structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0":[2,0,1,0,37,1], -"structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6":[1,0,1,0,40,2], -"structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6":[2,0,1,0,37,2], -"structmlx_1_1core_1_1complex64__t.html":[1,0,1,0,41], -"structmlx_1_1core_1_1complex64__t.html":[2,0,1,0,38], -"structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50":[1,0,1,0,41,3], -"structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50":[2,0,1,0,38,3], -"structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c":[1,0,1,0,41,1], -"structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c":[2,0,1,0,38,1], -"structmlx_1_1core_1_1complex64__t.html#a90d224dd37308345086bb9cc882ef6fc":[1,0,1,0,41,4], -"structmlx_1_1core_1_1complex64__t.html#a90d224dd37308345086bb9cc882ef6fc":[2,0,1,0,38,4], -"structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3":[1,0,1,0,41,0], -"structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3":[2,0,1,0,38,0], -"structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09":[1,0,1,0,41,2], -"structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09":[2,0,1,0,38,2], -"structmlx_1_1core_1_1detail_1_1_abs.html":[1,0,1,0,1,0], -"structmlx_1_1core_1_1detail_1_1_abs.html":[2,0,1,0,1,0], -"structmlx_1_1core_1_1detail_1_1_abs.html#a0d657bc9a381dca1b5860b9a1b5a5702":[1,0,1,0,1,0,1], -"structmlx_1_1core_1_1detail_1_1_abs.html#a0d657bc9a381dca1b5860b9a1b5a5702":[2,0,1,0,1,0,1], -"structmlx_1_1core_1_1detail_1_1_abs.html#acb9168d40f09d73a2243f75f13bbadc2":[1,0,1,0,1,0,0], -"structmlx_1_1core_1_1detail_1_1_abs.html#acb9168d40f09d73a2243f75f13bbadc2":[2,0,1,0,1,0,0], -"structmlx_1_1core_1_1detail_1_1_add.html":[1,0,1,0,1,1], -"structmlx_1_1core_1_1detail_1_1_add.html":[2,0,1,0,1,1], -"structmlx_1_1core_1_1detail_1_1_add.html#a2d6011c35768b5fcd2bb75747b944353":[1,0,1,0,1,1,1], -"structmlx_1_1core_1_1detail_1_1_add.html#a2d6011c35768b5fcd2bb75747b944353":[2,0,1,0,1,1,1], -"structmlx_1_1core_1_1detail_1_1_add.html#a95cf053f89883d82f31ec53154b430a0":[1,0,1,0,1,1,0], -"structmlx_1_1core_1_1detail_1_1_add.html#a95cf053f89883d82f31ec53154b430a0":[2,0,1,0,1,1,0], -"structmlx_1_1core_1_1detail_1_1_arc_cos.html":[1,0,1,0,1,2], -"structmlx_1_1core_1_1detail_1_1_arc_cos.html":[2,0,1,0,1,2], -"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a04b4c9d1fc0160973aa28b1f809b9d51":[1,0,1,0,1,2,1], -"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a04b4c9d1fc0160973aa28b1f809b9d51":[2,0,1,0,1,2,1], -"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a1b927a97bbef1478c768bb85cb764c94":[1,0,1,0,1,2,0], -"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a1b927a97bbef1478c768bb85cb764c94":[2,0,1,0,1,2,0], -"structmlx_1_1core_1_1detail_1_1_arc_cosh.html":[1,0,1,0,1,3], -"structmlx_1_1core_1_1detail_1_1_arc_cosh.html":[2,0,1,0,1,3], -"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a4436be0278ceaced10ef98eb6f30f789":[1,0,1,0,1,3,0], -"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a4436be0278ceaced10ef98eb6f30f789":[2,0,1,0,1,3,0], -"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a767d354bec863942822ee0b9b6742a88":[1,0,1,0,1,3,1], -"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a767d354bec863942822ee0b9b6742a88":[2,0,1,0,1,3,1], -"structmlx_1_1core_1_1detail_1_1_arc_sin.html":[1,0,1,0,1,4], -"structmlx_1_1core_1_1detail_1_1_arc_sin.html":[2,0,1,0,1,4], -"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ab1ad6339c662305bd682b14f8d8afd6c":[1,0,1,0,1,4,0], -"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ab1ad6339c662305bd682b14f8d8afd6c":[2,0,1,0,1,4,0], -"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ac69091929815e5317308b4088f5c2f46":[1,0,1,0,1,4,1], -"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ac69091929815e5317308b4088f5c2f46":[2,0,1,0,1,4,1], -"structmlx_1_1core_1_1detail_1_1_arc_sinh.html":[1,0,1,0,1,5], -"structmlx_1_1core_1_1detail_1_1_arc_sinh.html":[2,0,1,0,1,5], -"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac6e45e41f931f556697c060a2a858816":[1,0,1,0,1,5,0], -"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac6e45e41f931f556697c060a2a858816":[2,0,1,0,1,5,0], -"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac7bf9bac66fef917f75494b2345e6aaf":[1,0,1,0,1,5,1], -"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac7bf9bac66fef917f75494b2345e6aaf":[2,0,1,0,1,5,1], -"structmlx_1_1core_1_1detail_1_1_arc_tan.html":[1,0,1,0,1,6], -"structmlx_1_1core_1_1detail_1_1_arc_tan.html":[2,0,1,0,1,6], -"structmlx_1_1core_1_1detail_1_1_arc_tan.html#a697b7f12f30d642ee5f0c54aaf86a8ec":[1,0,1,0,1,6,0], -"structmlx_1_1core_1_1detail_1_1_arc_tan.html#a697b7f12f30d642ee5f0c54aaf86a8ec":[2,0,1,0,1,6,0], -"structmlx_1_1core_1_1detail_1_1_arc_tan.html#aee87bf10c278a70ca788085d1b499afe":[1,0,1,0,1,6,1], -"structmlx_1_1core_1_1detail_1_1_arc_tan.html#aee87bf10c278a70ca788085d1b499afe":[2,0,1,0,1,6,1], -"structmlx_1_1core_1_1detail_1_1_arc_tan2.html":[1,0,1,0,1,7], -"structmlx_1_1core_1_1detail_1_1_arc_tan2.html":[2,0,1,0,1,7], -"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#a01da277adf65232bd67b252a31baedd7":[1,0,1,0,1,7,0], -"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#a01da277adf65232bd67b252a31baedd7":[2,0,1,0,1,7,0], -"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#af0cfd2ea4d541379b9c427fd4054828d":[1,0,1,0,1,7,1], -"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#af0cfd2ea4d541379b9c427fd4054828d":[2,0,1,0,1,7,1], -"structmlx_1_1core_1_1detail_1_1_arc_tanh.html":[1,0,1,0,1,8], -"structmlx_1_1core_1_1detail_1_1_arc_tanh.html":[2,0,1,0,1,8], -"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a601e8c52bb938eb3a616756a35419e8b":[1,0,1,0,1,8,1], -"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a601e8c52bb938eb3a616756a35419e8b":[2,0,1,0,1,8,1], -"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a93a660ea073526e1f75b2d3c4ac6c366":[1,0,1,0,1,8,0], -"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a93a660ea073526e1f75b2d3c4ac6c366":[2,0,1,0,1,8,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_and.html":[1,0,1,0,1,9], -"structmlx_1_1core_1_1detail_1_1_bitwise_and.html":[2,0,1,0,1,9], -"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#a91cff5472e47b13fd9d291b17d2e877b":[1,0,1,0,1,9,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#a91cff5472e47b13fd9d291b17d2e877b":[2,0,1,0,1,9,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#ae0bed77f95fe2b2f0b594addddd04700":[1,0,1,0,1,9,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#ae0bed77f95fe2b2f0b594addddd04700":[2,0,1,0,1,9,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html":[1,0,1,0,1,10], -"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html":[2,0,1,0,1,10], -"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#a82a68523f66008c83dc6ebea184b5fe4":[1,0,1,0,1,10,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#a82a68523f66008c83dc6ebea184b5fe4":[2,0,1,0,1,10,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#ad6cdfbd47f1fb2d8c251ce0da92c22c6":[1,0,1,0,1,10,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#ad6cdfbd47f1fb2d8c251ce0da92c22c6":[2,0,1,0,1,10,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_or.html":[1,0,1,0,1,11], -"structmlx_1_1core_1_1detail_1_1_bitwise_or.html":[2,0,1,0,1,11], -"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#a5ab05734c5000b454975de6647a08d20":[1,0,1,0,1,11,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#a5ab05734c5000b454975de6647a08d20":[2,0,1,0,1,11,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#abd39ee9af548b16e3fabe4ae956b6f1c":[1,0,1,0,1,11,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#abd39ee9af548b16e3fabe4ae956b6f1c":[2,0,1,0,1,11,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html":[1,0,1,0,1,12], -"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html":[2,0,1,0,1,12], -"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a0989e3bcd064ae06c33f660696a869a0":[1,0,1,0,1,12,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a0989e3bcd064ae06c33f660696a869a0":[2,0,1,0,1,12,1], -"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a8ed25d90a73141938a71ddddfd40b83d":[1,0,1,0,1,12,0], -"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a8ed25d90a73141938a71ddddfd40b83d":[2,0,1,0,1,12,0], -"structmlx_1_1core_1_1detail_1_1_ceil.html":[1,0,1,0,1,13], -"structmlx_1_1core_1_1detail_1_1_ceil.html":[2,0,1,0,1,13], -"structmlx_1_1core_1_1detail_1_1_ceil.html#a2354e9fa1502d1743834b98cdec17653":[1,0,1,0,1,13,0], -"structmlx_1_1core_1_1detail_1_1_ceil.html#a2354e9fa1502d1743834b98cdec17653":[2,0,1,0,1,13,0], -"structmlx_1_1core_1_1detail_1_1_ceil.html#a672f65e47d65e4e8d88be252bce0164b":[1,0,1,0,1,13,1], -"structmlx_1_1core_1_1detail_1_1_ceil.html#a672f65e47d65e4e8d88be252bce0164b":[2,0,1,0,1,13,1], -"structmlx_1_1core_1_1detail_1_1_conjugate.html":[1,0,1,0,1,14], -"structmlx_1_1core_1_1detail_1_1_conjugate.html":[2,0,1,0,1,14], -"structmlx_1_1core_1_1detail_1_1_conjugate.html#a33bbfcc195781eb33df0a4efc50569ed":[1,0,1,0,1,14,0], -"structmlx_1_1core_1_1detail_1_1_conjugate.html#a33bbfcc195781eb33df0a4efc50569ed":[2,0,1,0,1,14,0], -"structmlx_1_1core_1_1detail_1_1_conjugate.html#a386b583d24a2cf1ba8dcc3ba52c226f5":[1,0,1,0,1,14,1], -"structmlx_1_1core_1_1detail_1_1_conjugate.html#a386b583d24a2cf1ba8dcc3ba52c226f5":[2,0,1,0,1,14,1], -"structmlx_1_1core_1_1detail_1_1_cos.html":[1,0,1,0,1,15], -"structmlx_1_1core_1_1detail_1_1_cos.html":[2,0,1,0,1,15], -"structmlx_1_1core_1_1detail_1_1_cos.html#a663065fd41e5d85e8f044e9f81070568":[1,0,1,0,1,15,0], -"structmlx_1_1core_1_1detail_1_1_cos.html#a663065fd41e5d85e8f044e9f81070568":[2,0,1,0,1,15,0], -"structmlx_1_1core_1_1detail_1_1_cos.html#ad4caef573f9d9071f8945a8efed231ad":[1,0,1,0,1,15,1], -"structmlx_1_1core_1_1detail_1_1_cos.html#ad4caef573f9d9071f8945a8efed231ad":[2,0,1,0,1,15,1], -"structmlx_1_1core_1_1detail_1_1_cosh.html":[1,0,1,0,1,16], -"structmlx_1_1core_1_1detail_1_1_cosh.html":[2,0,1,0,1,16], -"structmlx_1_1core_1_1detail_1_1_cosh.html#a63591f49776d9aadc02200036ae38317":[1,0,1,0,1,16,1], -"structmlx_1_1core_1_1detail_1_1_cosh.html#a63591f49776d9aadc02200036ae38317":[2,0,1,0,1,16,1], -"structmlx_1_1core_1_1detail_1_1_cosh.html#ae94b6da9ceb47e9d4aaf61451126f58d":[1,0,1,0,1,16,0], -"structmlx_1_1core_1_1detail_1_1_cosh.html#ae94b6da9ceb47e9d4aaf61451126f58d":[2,0,1,0,1,16,0], -"structmlx_1_1core_1_1detail_1_1_divide.html":[1,0,1,0,1,17], -"structmlx_1_1core_1_1detail_1_1_divide.html":[2,0,1,0,1,17], -"structmlx_1_1core_1_1detail_1_1_divide.html#a5e0d22e2084c4ca81bec0d457a46c662":[1,0,1,0,1,17,1], -"structmlx_1_1core_1_1detail_1_1_divide.html#a5e0d22e2084c4ca81bec0d457a46c662":[2,0,1,0,1,17,1], -"structmlx_1_1core_1_1detail_1_1_divide.html#a9a3eab9eaf77b5a94ede2db8c7cef9f2":[1,0,1,0,1,17,0], -"structmlx_1_1core_1_1detail_1_1_divide.html#a9a3eab9eaf77b5a94ede2db8c7cef9f2":[2,0,1,0,1,17,0], -"structmlx_1_1core_1_1detail_1_1_equal.html":[1,0,1,0,1,18], -"structmlx_1_1core_1_1detail_1_1_equal.html":[2,0,1,0,1,18], -"structmlx_1_1core_1_1detail_1_1_equal.html#a2994cf1884e7126e76d0a20b215fe3ab":[1,0,1,0,1,18,1], -"structmlx_1_1core_1_1detail_1_1_equal.html#a2994cf1884e7126e76d0a20b215fe3ab":[2,0,1,0,1,18,1], -"structmlx_1_1core_1_1detail_1_1_equal.html#a5d3f7423078444e5d690fb6d50fcce23":[1,0,1,0,1,18,0], -"structmlx_1_1core_1_1detail_1_1_equal.html#a5d3f7423078444e5d690fb6d50fcce23":[2,0,1,0,1,18,0], -"structmlx_1_1core_1_1detail_1_1_erf.html":[1,0,1,0,1,19], -"structmlx_1_1core_1_1detail_1_1_erf.html":[2,0,1,0,1,19], -"structmlx_1_1core_1_1detail_1_1_erf.html#a168f8ccc6c8053b05dd1a48904ca8fd4":[1,0,1,0,1,19,1], -"structmlx_1_1core_1_1detail_1_1_erf.html#a168f8ccc6c8053b05dd1a48904ca8fd4":[2,0,1,0,1,19,1], -"structmlx_1_1core_1_1detail_1_1_erf.html#a4f5986391863d30e0e7b17bd1996a5f6":[1,0,1,0,1,19,0], -"structmlx_1_1core_1_1detail_1_1_erf.html#a4f5986391863d30e0e7b17bd1996a5f6":[2,0,1,0,1,19,0], -"structmlx_1_1core_1_1detail_1_1_erf_inv.html":[1,0,1,0,1,20], -"structmlx_1_1core_1_1detail_1_1_erf_inv.html":[2,0,1,0,1,20], -"structmlx_1_1core_1_1detail_1_1_erf_inv.html#a0cdd8d6e71222695d0f148b9ad048429":[1,0,1,0,1,20,0], -"structmlx_1_1core_1_1detail_1_1_erf_inv.html#a0cdd8d6e71222695d0f148b9ad048429":[2,0,1,0,1,20,0], -"structmlx_1_1core_1_1detail_1_1_erf_inv.html#acc93c0511141404208b35f302f8c1fcb":[1,0,1,0,1,20,1], -"structmlx_1_1core_1_1detail_1_1_erf_inv.html#acc93c0511141404208b35f302f8c1fcb":[2,0,1,0,1,20,1], -"structmlx_1_1core_1_1detail_1_1_exp.html":[1,0,1,0,1,21], -"structmlx_1_1core_1_1detail_1_1_exp.html":[2,0,1,0,1,21], -"structmlx_1_1core_1_1detail_1_1_exp.html#a0846300cee28315e5b42f74acafbd1a1":[1,0,1,0,1,21,1], -"structmlx_1_1core_1_1detail_1_1_exp.html#a0846300cee28315e5b42f74acafbd1a1":[2,0,1,0,1,21,1], -"structmlx_1_1core_1_1detail_1_1_exp.html#aad7fb8de7561479c7aa3c741322a3101":[1,0,1,0,1,21,0], -"structmlx_1_1core_1_1detail_1_1_exp.html#aad7fb8de7561479c7aa3c741322a3101":[2,0,1,0,1,21,0], -"structmlx_1_1core_1_1detail_1_1_expm1.html":[1,0,1,0,1,22], -"structmlx_1_1core_1_1detail_1_1_expm1.html":[2,0,1,0,1,22], -"structmlx_1_1core_1_1detail_1_1_expm1.html#a2c78a15f0dd01d13f3a78ac45347ed3e":[1,0,1,0,1,22,0], -"structmlx_1_1core_1_1detail_1_1_expm1.html#a2c78a15f0dd01d13f3a78ac45347ed3e":[2,0,1,0,1,22,0], -"structmlx_1_1core_1_1detail_1_1_expm1.html#abf7e61b8387521e9d44334ce88d833a0":[1,0,1,0,1,22,1], -"structmlx_1_1core_1_1detail_1_1_expm1.html#abf7e61b8387521e9d44334ce88d833a0":[2,0,1,0,1,22,1], -"structmlx_1_1core_1_1detail_1_1_floor.html":[1,0,1,0,1,23], -"structmlx_1_1core_1_1detail_1_1_floor.html":[2,0,1,0,1,23], -"structmlx_1_1core_1_1detail_1_1_floor.html#a16c13cfe736098bffc81d655e172294a":[1,0,1,0,1,23,1], -"structmlx_1_1core_1_1detail_1_1_floor.html#a16c13cfe736098bffc81d655e172294a":[2,0,1,0,1,23,1], -"structmlx_1_1core_1_1detail_1_1_floor.html#a5c41fb72ec3da9289c24b92802e28f2e":[1,0,1,0,1,23,0], -"structmlx_1_1core_1_1detail_1_1_floor.html#a5c41fb72ec3da9289c24b92802e28f2e":[2,0,1,0,1,23,0], -"structmlx_1_1core_1_1detail_1_1_greater.html":[1,0,1,0,1,24], -"structmlx_1_1core_1_1detail_1_1_greater.html":[2,0,1,0,1,24], -"structmlx_1_1core_1_1detail_1_1_greater.html#a9186b3e29c84700ea93ca9470556b0b3":[1,0,1,0,1,24,0], -"structmlx_1_1core_1_1detail_1_1_greater.html#a9186b3e29c84700ea93ca9470556b0b3":[2,0,1,0,1,24,0], -"structmlx_1_1core_1_1detail_1_1_greater.html#aa3844c2bae3c7a981739f642aa0dd094":[1,0,1,0,1,24,1], -"structmlx_1_1core_1_1detail_1_1_greater.html#aa3844c2bae3c7a981739f642aa0dd094":[2,0,1,0,1,24,1], -"structmlx_1_1core_1_1detail_1_1_greater_equal.html":[1,0,1,0,1,25], -"structmlx_1_1core_1_1detail_1_1_greater_equal.html":[2,0,1,0,1,25], -"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a3b005f85522ad0e4b57044eed930ac30":[1,0,1,0,1,25,1], -"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a3b005f85522ad0e4b57044eed930ac30":[2,0,1,0,1,25,1], -"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a8da40f79562ef8ffbd30ddcf40d83e0f":[1,0,1,0,1,25,0], -"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a8da40f79562ef8ffbd30ddcf40d83e0f":[2,0,1,0,1,25,0], -"structmlx_1_1core_1_1detail_1_1_imag.html":[1,0,1,0,1,26], -"structmlx_1_1core_1_1detail_1_1_imag.html":[2,0,1,0,1,26], -"structmlx_1_1core_1_1detail_1_1_imag.html#a070cf43bc4e30871f8f32d4b84be05c8":[1,0,1,0,1,26,0], -"structmlx_1_1core_1_1detail_1_1_imag.html#a070cf43bc4e30871f8f32d4b84be05c8":[2,0,1,0,1,26,0], -"structmlx_1_1core_1_1detail_1_1_imag.html#a5bd82e2185f3779e398c179d42a3e782":[1,0,1,0,1,26,1], -"structmlx_1_1core_1_1detail_1_1_imag.html#a5bd82e2185f3779e398c179d42a3e782":[2,0,1,0,1,26,1], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html":[1,0,1,0,1,27], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html":[2,0,1,0,1,27], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a6beb74f83bde21734ab46b8d999b3b0b":[1,0,1,0,1,27,0], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a6beb74f83bde21734ab46b8d999b3b0b":[2,0,1,0,1,27,0], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a83d57d7fa63bcb0ff72080191d0f177a":[1,0,1,0,1,27,1], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a83d57d7fa63bcb0ff72080191d0f177a":[2,0,1,0,1,27,1], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#ac52b8e2c3f808d3076c4e1ebaf9dc63d":[1,0,1,0,1,27,3], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#ac52b8e2c3f808d3076c4e1ebaf9dc63d":[2,0,1,0,1,27,3], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#af7780f0017267567ad6e5c9271e8933e":[1,0,1,0,1,27,2], -"structmlx_1_1core_1_1detail_1_1_in_tracing.html#af7780f0017267567ad6e5c9271e8933e":[2,0,1,0,1,27,2], -"structmlx_1_1core_1_1detail_1_1_left_shift.html":[1,0,1,0,1,28], -"structmlx_1_1core_1_1detail_1_1_left_shift.html":[2,0,1,0,1,28], -"structmlx_1_1core_1_1detail_1_1_left_shift.html#a50bcbc53e2278483d9063decf7ad78d8":[1,0,1,0,1,28,0], -"structmlx_1_1core_1_1detail_1_1_left_shift.html#a50bcbc53e2278483d9063decf7ad78d8":[2,0,1,0,1,28,0], -"structmlx_1_1core_1_1detail_1_1_left_shift.html#a9385f580830a6ad163dd9bb8c4905e7a":[1,0,1,0,1,28,1], -"structmlx_1_1core_1_1detail_1_1_left_shift.html#a9385f580830a6ad163dd9bb8c4905e7a":[2,0,1,0,1,28,1], -"structmlx_1_1core_1_1detail_1_1_less.html":[1,0,1,0,1,29], -"structmlx_1_1core_1_1detail_1_1_less.html":[2,0,1,0,1,29], -"structmlx_1_1core_1_1detail_1_1_less.html#a0b4032dff1ad2b387745cb000aabdcbb":[1,0,1,0,1,29,1], -"structmlx_1_1core_1_1detail_1_1_less.html#a0b4032dff1ad2b387745cb000aabdcbb":[2,0,1,0,1,29,1], -"structmlx_1_1core_1_1detail_1_1_less.html#a8e9c159887284420b1161421e58a0bda":[1,0,1,0,1,29,0], -"structmlx_1_1core_1_1detail_1_1_less.html#a8e9c159887284420b1161421e58a0bda":[2,0,1,0,1,29,0], -"structmlx_1_1core_1_1detail_1_1_less_equal.html":[1,0,1,0,1,30], -"structmlx_1_1core_1_1detail_1_1_less_equal.html":[2,0,1,0,1,30], -"structmlx_1_1core_1_1detail_1_1_less_equal.html#a31e70f8830a07557697541301555a7a7":[1,0,1,0,1,30,1], -"structmlx_1_1core_1_1detail_1_1_less_equal.html#a31e70f8830a07557697541301555a7a7":[2,0,1,0,1,30,1] +"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae24fe304397e961687d0d4c7012b8ae4":[1,0,1,0,29,0,3], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae24fe304397e961687d0d4c7012b8ae4":[2,0,1,0,26,0,3], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae2adde594b5a4853f6bc78263a957d85":[1,0,1,0,29,0,6], +"structmlx_1_1core_1_1array_1_1_array_iterator.html#ae2adde594b5a4853f6bc78263a957d85":[2,0,1,0,26,0,6], +"structmlx_1_1core_1_1array_1_1_data.html":[1,0,1,0,29,1], +"structmlx_1_1core_1_1array_1_1_data.html":[2,0,1,0,26,1], +"structmlx_1_1core_1_1array_1_1_data.html#a0534c6fb5dfbd7fcf1d6269fac3c1e9e":[1,0,1,0,29,1,5], +"structmlx_1_1core_1_1array_1_1_data.html#a0534c6fb5dfbd7fcf1d6269fac3c1e9e":[2,0,1,0,26,1,5], +"structmlx_1_1core_1_1array_1_1_data.html#a123d7c1738773dedfc9db075fdd7062d":[1,0,1,0,29,1,0], +"structmlx_1_1core_1_1array_1_1_data.html#a123d7c1738773dedfc9db075fdd7062d":[2,0,1,0,26,1,0], +"structmlx_1_1core_1_1array_1_1_data.html#a1cf69d9709206578c4e87e9c1daad5e1":[1,0,1,0,29,1,2], +"structmlx_1_1core_1_1array_1_1_data.html#a1cf69d9709206578c4e87e9c1daad5e1":[2,0,1,0,26,1,2], +"structmlx_1_1core_1_1array_1_1_data.html#a50f242040b123052e48e18c244ff70fc":[1,0,1,0,29,1,1], +"structmlx_1_1core_1_1array_1_1_data.html#a50f242040b123052e48e18c244ff70fc":[2,0,1,0,26,1,1], +"structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748":[1,0,1,0,29,1,3], +"structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748":[2,0,1,0,26,1,3], +"structmlx_1_1core_1_1array_1_1_data.html#a9a51e2d12ba505027cc0fca86bdd39ad":[1,0,1,0,29,1,4], +"structmlx_1_1core_1_1array_1_1_data.html#a9a51e2d12ba505027cc0fca86bdd39ad":[2,0,1,0,26,1,4], +"structmlx_1_1core_1_1array_1_1_flags.html":[1,0,1,0,29,2], +"structmlx_1_1core_1_1array_1_1_flags.html":[2,0,1,0,26,2], +"structmlx_1_1core_1_1array_1_1_flags.html#a3170fa381dc7a90f6eabcc029bdf9bfd":[1,0,1,0,29,2,2], +"structmlx_1_1core_1_1array_1_1_flags.html#a3170fa381dc7a90f6eabcc029bdf9bfd":[2,0,1,0,26,2,2], +"structmlx_1_1core_1_1array_1_1_flags.html#ae24709026598d635e6b5c24a15f8a802":[1,0,1,0,29,2,0], +"structmlx_1_1core_1_1array_1_1_flags.html#ae24709026598d635e6b5c24a15f8a802":[2,0,1,0,26,2,0], +"structmlx_1_1core_1_1array_1_1_flags.html#afd0ab11e7a486a2a8e50ee84b971ac8a":[1,0,1,0,29,2,1], +"structmlx_1_1core_1_1array_1_1_flags.html#afd0ab11e7a486a2a8e50ee84b971ac8a":[2,0,1,0,26,2,1], +"structmlx_1_1core_1_1complex128__t.html":[1,0,1,0,41], +"structmlx_1_1core_1_1complex128__t.html":[2,0,1,0,38], +"structmlx_1_1core_1_1complex128__t.html#a3e2faf180c0b785646a0e4296f709a5e":[1,0,1,0,41,4], +"structmlx_1_1core_1_1complex128__t.html#a3e2faf180c0b785646a0e4296f709a5e":[2,0,1,0,38,4], +"structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178":[1,0,1,0,41,0], +"structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178":[2,0,1,0,38,0], +"structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf":[1,0,1,0,41,3], +"structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf":[2,0,1,0,38,3], +"structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0":[1,0,1,0,41,1], +"structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0":[2,0,1,0,38,1], +"structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6":[1,0,1,0,41,2], +"structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6":[2,0,1,0,38,2], +"structmlx_1_1core_1_1complex64__t.html":[1,0,1,0,42], +"structmlx_1_1core_1_1complex64__t.html":[2,0,1,0,39], +"structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50":[1,0,1,0,42,3], +"structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50":[2,0,1,0,39,3], +"structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c":[1,0,1,0,42,1], +"structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c":[2,0,1,0,39,1], +"structmlx_1_1core_1_1complex64__t.html#a90d224dd37308345086bb9cc882ef6fc":[1,0,1,0,42,4], +"structmlx_1_1core_1_1complex64__t.html#a90d224dd37308345086bb9cc882ef6fc":[2,0,1,0,39,4], +"structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3":[1,0,1,0,42,0], +"structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3":[2,0,1,0,39,0], +"structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09":[1,0,1,0,42,2], +"structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09":[2,0,1,0,39,2], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html":[1,0,1,0,1,0], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html":[2,0,1,0,1,0], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a0879746a3ca3531a081de1bcf484fa31":[1,0,1,0,1,0,4], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a0879746a3ca3531a081de1bcf484fa31":[2,0,1,0,1,0,4], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a23815084f53da65b092624c89df7383c":[1,0,1,0,1,0,0], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a23815084f53da65b092624c89df7383c":[2,0,1,0,1,0,0], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a30676a55a977418879a6a3a8a858d7c3":[1,0,1,0,1,0,3], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a30676a55a977418879a6a3a8a858d7c3":[2,0,1,0,1,0,3], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a3d4415f4022da093cee23ef6f2a50c7c":[1,0,1,0,1,0,7], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a3d4415f4022da093cee23ef6f2a50c7c":[2,0,1,0,1,0,7], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a61e90a31f29ae3ffe5f6f1e7672f79b0":[1,0,1,0,1,0,10], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a61e90a31f29ae3ffe5f6f1e7672f79b0":[2,0,1,0,1,0,10], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a8e66b11850caa812b1eab2304493aa95":[1,0,1,0,1,0,1], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a8e66b11850caa812b1eab2304493aa95":[2,0,1,0,1,0,1], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa0646f94b37d9d419b0e379c8b81a5fe":[1,0,1,0,1,0,8], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa0646f94b37d9d419b0e379c8b81a5fe":[2,0,1,0,1,0,8], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa82e91e3b530f13126f674a6f4902096":[1,0,1,0,1,0,2], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa82e91e3b530f13126f674a6f4902096":[2,0,1,0,1,0,2], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#addd04a642072b7097faa74d1a924147b":[1,0,1,0,1,0,9], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#addd04a642072b7097faa74d1a924147b":[2,0,1,0,1,0,9], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#ae7753ac99229f9241c41bcf1b5216c9b":[1,0,1,0,1,0,5], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#ae7753ac99229f9241c41bcf1b5216c9b":[2,0,1,0,1,0,5], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#af2623c4a8fd0408e5be2c5fabaf98771":[1,0,1,0,1,0,6], +"structmlx_1_1core_1_1cpu_1_1_command_encoder.html#af2623c4a8fd0408e5be2c5fabaf98771":[2,0,1,0,1,0,6], +"structmlx_1_1core_1_1detail_1_1_abs.html":[1,0,1,0,2,0], +"structmlx_1_1core_1_1detail_1_1_abs.html":[2,0,1,0,2,0], +"structmlx_1_1core_1_1detail_1_1_abs.html#a0d657bc9a381dca1b5860b9a1b5a5702":[1,0,1,0,2,0,1], +"structmlx_1_1core_1_1detail_1_1_abs.html#a0d657bc9a381dca1b5860b9a1b5a5702":[2,0,1,0,2,0,1], +"structmlx_1_1core_1_1detail_1_1_abs.html#acb9168d40f09d73a2243f75f13bbadc2":[1,0,1,0,2,0,0], +"structmlx_1_1core_1_1detail_1_1_abs.html#acb9168d40f09d73a2243f75f13bbadc2":[2,0,1,0,2,0,0], +"structmlx_1_1core_1_1detail_1_1_add.html":[1,0,1,0,2,1], +"structmlx_1_1core_1_1detail_1_1_add.html":[2,0,1,0,2,1], +"structmlx_1_1core_1_1detail_1_1_add.html#a2d6011c35768b5fcd2bb75747b944353":[1,0,1,0,2,1,1], +"structmlx_1_1core_1_1detail_1_1_add.html#a2d6011c35768b5fcd2bb75747b944353":[2,0,1,0,2,1,1], +"structmlx_1_1core_1_1detail_1_1_add.html#a95cf053f89883d82f31ec53154b430a0":[1,0,1,0,2,1,0], +"structmlx_1_1core_1_1detail_1_1_add.html#a95cf053f89883d82f31ec53154b430a0":[2,0,1,0,2,1,0], +"structmlx_1_1core_1_1detail_1_1_arc_cos.html":[1,0,1,0,2,2], +"structmlx_1_1core_1_1detail_1_1_arc_cos.html":[2,0,1,0,2,2], +"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a04b4c9d1fc0160973aa28b1f809b9d51":[1,0,1,0,2,2,1], +"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a04b4c9d1fc0160973aa28b1f809b9d51":[2,0,1,0,2,2,1], +"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a1b927a97bbef1478c768bb85cb764c94":[1,0,1,0,2,2,0], +"structmlx_1_1core_1_1detail_1_1_arc_cos.html#a1b927a97bbef1478c768bb85cb764c94":[2,0,1,0,2,2,0], +"structmlx_1_1core_1_1detail_1_1_arc_cosh.html":[1,0,1,0,2,3], +"structmlx_1_1core_1_1detail_1_1_arc_cosh.html":[2,0,1,0,2,3], +"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a4436be0278ceaced10ef98eb6f30f789":[1,0,1,0,2,3,0], +"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a4436be0278ceaced10ef98eb6f30f789":[2,0,1,0,2,3,0], +"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a767d354bec863942822ee0b9b6742a88":[1,0,1,0,2,3,1], +"structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a767d354bec863942822ee0b9b6742a88":[2,0,1,0,2,3,1], +"structmlx_1_1core_1_1detail_1_1_arc_sin.html":[1,0,1,0,2,4], +"structmlx_1_1core_1_1detail_1_1_arc_sin.html":[2,0,1,0,2,4], +"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ab1ad6339c662305bd682b14f8d8afd6c":[1,0,1,0,2,4,0], +"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ab1ad6339c662305bd682b14f8d8afd6c":[2,0,1,0,2,4,0], +"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ac69091929815e5317308b4088f5c2f46":[1,0,1,0,2,4,1], +"structmlx_1_1core_1_1detail_1_1_arc_sin.html#ac69091929815e5317308b4088f5c2f46":[2,0,1,0,2,4,1], +"structmlx_1_1core_1_1detail_1_1_arc_sinh.html":[1,0,1,0,2,5], +"structmlx_1_1core_1_1detail_1_1_arc_sinh.html":[2,0,1,0,2,5], +"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac6e45e41f931f556697c060a2a858816":[1,0,1,0,2,5,0], +"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac6e45e41f931f556697c060a2a858816":[2,0,1,0,2,5,0], +"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac7bf9bac66fef917f75494b2345e6aaf":[1,0,1,0,2,5,1], +"structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac7bf9bac66fef917f75494b2345e6aaf":[2,0,1,0,2,5,1], +"structmlx_1_1core_1_1detail_1_1_arc_tan.html":[1,0,1,0,2,6], +"structmlx_1_1core_1_1detail_1_1_arc_tan.html":[2,0,1,0,2,6], +"structmlx_1_1core_1_1detail_1_1_arc_tan.html#a697b7f12f30d642ee5f0c54aaf86a8ec":[1,0,1,0,2,6,0], +"structmlx_1_1core_1_1detail_1_1_arc_tan.html#a697b7f12f30d642ee5f0c54aaf86a8ec":[2,0,1,0,2,6,0], +"structmlx_1_1core_1_1detail_1_1_arc_tan.html#aee87bf10c278a70ca788085d1b499afe":[1,0,1,0,2,6,1], +"structmlx_1_1core_1_1detail_1_1_arc_tan.html#aee87bf10c278a70ca788085d1b499afe":[2,0,1,0,2,6,1], +"structmlx_1_1core_1_1detail_1_1_arc_tan2.html":[1,0,1,0,2,7], +"structmlx_1_1core_1_1detail_1_1_arc_tan2.html":[2,0,1,0,2,7], +"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#a01da277adf65232bd67b252a31baedd7":[1,0,1,0,2,7,0], +"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#a01da277adf65232bd67b252a31baedd7":[2,0,1,0,2,7,0], +"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#af0cfd2ea4d541379b9c427fd4054828d":[1,0,1,0,2,7,1], +"structmlx_1_1core_1_1detail_1_1_arc_tan2.html#af0cfd2ea4d541379b9c427fd4054828d":[2,0,1,0,2,7,1], +"structmlx_1_1core_1_1detail_1_1_arc_tanh.html":[1,0,1,0,2,8], +"structmlx_1_1core_1_1detail_1_1_arc_tanh.html":[2,0,1,0,2,8], +"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a601e8c52bb938eb3a616756a35419e8b":[1,0,1,0,2,8,1], +"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a601e8c52bb938eb3a616756a35419e8b":[2,0,1,0,2,8,1], +"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a93a660ea073526e1f75b2d3c4ac6c366":[1,0,1,0,2,8,0], +"structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a93a660ea073526e1f75b2d3c4ac6c366":[2,0,1,0,2,8,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_and.html":[1,0,1,0,2,9], +"structmlx_1_1core_1_1detail_1_1_bitwise_and.html":[2,0,1,0,2,9], +"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#a91cff5472e47b13fd9d291b17d2e877b":[1,0,1,0,2,9,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#a91cff5472e47b13fd9d291b17d2e877b":[2,0,1,0,2,9,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#ae0bed77f95fe2b2f0b594addddd04700":[1,0,1,0,2,9,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_and.html#ae0bed77f95fe2b2f0b594addddd04700":[2,0,1,0,2,9,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html":[1,0,1,0,2,10], +"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html":[2,0,1,0,2,10], +"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#a82a68523f66008c83dc6ebea184b5fe4":[1,0,1,0,2,10,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#a82a68523f66008c83dc6ebea184b5fe4":[2,0,1,0,2,10,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#ad6cdfbd47f1fb2d8c251ce0da92c22c6":[1,0,1,0,2,10,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#ad6cdfbd47f1fb2d8c251ce0da92c22c6":[2,0,1,0,2,10,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_or.html":[1,0,1,0,2,11], +"structmlx_1_1core_1_1detail_1_1_bitwise_or.html":[2,0,1,0,2,11], +"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#a5ab05734c5000b454975de6647a08d20":[1,0,1,0,2,11,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#a5ab05734c5000b454975de6647a08d20":[2,0,1,0,2,11,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#abd39ee9af548b16e3fabe4ae956b6f1c":[1,0,1,0,2,11,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_or.html#abd39ee9af548b16e3fabe4ae956b6f1c":[2,0,1,0,2,11,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html":[1,0,1,0,2,12], +"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html":[2,0,1,0,2,12], +"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a0989e3bcd064ae06c33f660696a869a0":[1,0,1,0,2,12,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a0989e3bcd064ae06c33f660696a869a0":[2,0,1,0,2,12,1], +"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a8ed25d90a73141938a71ddddfd40b83d":[1,0,1,0,2,12,0], +"structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a8ed25d90a73141938a71ddddfd40b83d":[2,0,1,0,2,12,0], +"structmlx_1_1core_1_1detail_1_1_ceil.html":[1,0,1,0,2,13], +"structmlx_1_1core_1_1detail_1_1_ceil.html":[2,0,1,0,2,13], +"structmlx_1_1core_1_1detail_1_1_ceil.html#a2354e9fa1502d1743834b98cdec17653":[1,0,1,0,2,13,0], +"structmlx_1_1core_1_1detail_1_1_ceil.html#a2354e9fa1502d1743834b98cdec17653":[2,0,1,0,2,13,0], +"structmlx_1_1core_1_1detail_1_1_ceil.html#a672f65e47d65e4e8d88be252bce0164b":[1,0,1,0,2,13,1], +"structmlx_1_1core_1_1detail_1_1_ceil.html#a672f65e47d65e4e8d88be252bce0164b":[2,0,1,0,2,13,1], +"structmlx_1_1core_1_1detail_1_1_conjugate.html":[1,0,1,0,2,14], +"structmlx_1_1core_1_1detail_1_1_conjugate.html":[2,0,1,0,2,14], +"structmlx_1_1core_1_1detail_1_1_conjugate.html#a33bbfcc195781eb33df0a4efc50569ed":[1,0,1,0,2,14,0], +"structmlx_1_1core_1_1detail_1_1_conjugate.html#a33bbfcc195781eb33df0a4efc50569ed":[2,0,1,0,2,14,0], +"structmlx_1_1core_1_1detail_1_1_conjugate.html#a386b583d24a2cf1ba8dcc3ba52c226f5":[1,0,1,0,2,14,1], +"structmlx_1_1core_1_1detail_1_1_conjugate.html#a386b583d24a2cf1ba8dcc3ba52c226f5":[2,0,1,0,2,14,1], +"structmlx_1_1core_1_1detail_1_1_cos.html":[1,0,1,0,2,15], +"structmlx_1_1core_1_1detail_1_1_cos.html":[2,0,1,0,2,15], +"structmlx_1_1core_1_1detail_1_1_cos.html#a663065fd41e5d85e8f044e9f81070568":[1,0,1,0,2,15,0], +"structmlx_1_1core_1_1detail_1_1_cos.html#a663065fd41e5d85e8f044e9f81070568":[2,0,1,0,2,15,0], +"structmlx_1_1core_1_1detail_1_1_cos.html#ad4caef573f9d9071f8945a8efed231ad":[1,0,1,0,2,15,1], +"structmlx_1_1core_1_1detail_1_1_cos.html#ad4caef573f9d9071f8945a8efed231ad":[2,0,1,0,2,15,1], +"structmlx_1_1core_1_1detail_1_1_cosh.html":[1,0,1,0,2,16], +"structmlx_1_1core_1_1detail_1_1_cosh.html":[2,0,1,0,2,16], +"structmlx_1_1core_1_1detail_1_1_cosh.html#a63591f49776d9aadc02200036ae38317":[1,0,1,0,2,16,1], +"structmlx_1_1core_1_1detail_1_1_cosh.html#a63591f49776d9aadc02200036ae38317":[2,0,1,0,2,16,1], +"structmlx_1_1core_1_1detail_1_1_cosh.html#ae94b6da9ceb47e9d4aaf61451126f58d":[1,0,1,0,2,16,0], +"structmlx_1_1core_1_1detail_1_1_cosh.html#ae94b6da9ceb47e9d4aaf61451126f58d":[2,0,1,0,2,16,0], +"structmlx_1_1core_1_1detail_1_1_divide.html":[1,0,1,0,2,17], +"structmlx_1_1core_1_1detail_1_1_divide.html":[2,0,1,0,2,17], +"structmlx_1_1core_1_1detail_1_1_divide.html#a5e0d22e2084c4ca81bec0d457a46c662":[1,0,1,0,2,17,1], +"structmlx_1_1core_1_1detail_1_1_divide.html#a5e0d22e2084c4ca81bec0d457a46c662":[2,0,1,0,2,17,1], +"structmlx_1_1core_1_1detail_1_1_divide.html#a9a3eab9eaf77b5a94ede2db8c7cef9f2":[1,0,1,0,2,17,0], +"structmlx_1_1core_1_1detail_1_1_divide.html#a9a3eab9eaf77b5a94ede2db8c7cef9f2":[2,0,1,0,2,17,0], +"structmlx_1_1core_1_1detail_1_1_equal.html":[1,0,1,0,2,18], +"structmlx_1_1core_1_1detail_1_1_equal.html":[2,0,1,0,2,18], +"structmlx_1_1core_1_1detail_1_1_equal.html#a2994cf1884e7126e76d0a20b215fe3ab":[1,0,1,0,2,18,1], +"structmlx_1_1core_1_1detail_1_1_equal.html#a2994cf1884e7126e76d0a20b215fe3ab":[2,0,1,0,2,18,1], +"structmlx_1_1core_1_1detail_1_1_equal.html#a5d3f7423078444e5d690fb6d50fcce23":[1,0,1,0,2,18,0], +"structmlx_1_1core_1_1detail_1_1_equal.html#a5d3f7423078444e5d690fb6d50fcce23":[2,0,1,0,2,18,0], +"structmlx_1_1core_1_1detail_1_1_erf.html":[1,0,1,0,2,19], +"structmlx_1_1core_1_1detail_1_1_erf.html":[2,0,1,0,2,19], +"structmlx_1_1core_1_1detail_1_1_erf.html#a168f8ccc6c8053b05dd1a48904ca8fd4":[1,0,1,0,2,19,1], +"structmlx_1_1core_1_1detail_1_1_erf.html#a168f8ccc6c8053b05dd1a48904ca8fd4":[2,0,1,0,2,19,1], +"structmlx_1_1core_1_1detail_1_1_erf.html#a4f5986391863d30e0e7b17bd1996a5f6":[1,0,1,0,2,19,0], +"structmlx_1_1core_1_1detail_1_1_erf.html#a4f5986391863d30e0e7b17bd1996a5f6":[2,0,1,0,2,19,0], +"structmlx_1_1core_1_1detail_1_1_erf_inv.html":[1,0,1,0,2,20], +"structmlx_1_1core_1_1detail_1_1_erf_inv.html":[2,0,1,0,2,20], +"structmlx_1_1core_1_1detail_1_1_erf_inv.html#a0cdd8d6e71222695d0f148b9ad048429":[1,0,1,0,2,20,0], +"structmlx_1_1core_1_1detail_1_1_erf_inv.html#a0cdd8d6e71222695d0f148b9ad048429":[2,0,1,0,2,20,0], +"structmlx_1_1core_1_1detail_1_1_erf_inv.html#acc93c0511141404208b35f302f8c1fcb":[1,0,1,0,2,20,1], +"structmlx_1_1core_1_1detail_1_1_erf_inv.html#acc93c0511141404208b35f302f8c1fcb":[2,0,1,0,2,20,1], +"structmlx_1_1core_1_1detail_1_1_exp.html":[1,0,1,0,2,21], +"structmlx_1_1core_1_1detail_1_1_exp.html":[2,0,1,0,2,21], +"structmlx_1_1core_1_1detail_1_1_exp.html#a0846300cee28315e5b42f74acafbd1a1":[1,0,1,0,2,21,1], +"structmlx_1_1core_1_1detail_1_1_exp.html#a0846300cee28315e5b42f74acafbd1a1":[2,0,1,0,2,21,1], +"structmlx_1_1core_1_1detail_1_1_exp.html#aad7fb8de7561479c7aa3c741322a3101":[1,0,1,0,2,21,0], +"structmlx_1_1core_1_1detail_1_1_exp.html#aad7fb8de7561479c7aa3c741322a3101":[2,0,1,0,2,21,0], +"structmlx_1_1core_1_1detail_1_1_expm1.html":[1,0,1,0,2,22], +"structmlx_1_1core_1_1detail_1_1_expm1.html":[2,0,1,0,2,22], +"structmlx_1_1core_1_1detail_1_1_expm1.html#a2c78a15f0dd01d13f3a78ac45347ed3e":[1,0,1,0,2,22,0], +"structmlx_1_1core_1_1detail_1_1_expm1.html#a2c78a15f0dd01d13f3a78ac45347ed3e":[2,0,1,0,2,22,0], +"structmlx_1_1core_1_1detail_1_1_expm1.html#abf7e61b8387521e9d44334ce88d833a0":[1,0,1,0,2,22,1], +"structmlx_1_1core_1_1detail_1_1_expm1.html#abf7e61b8387521e9d44334ce88d833a0":[2,0,1,0,2,22,1], +"structmlx_1_1core_1_1detail_1_1_floor.html":[1,0,1,0,2,23], +"structmlx_1_1core_1_1detail_1_1_floor.html":[2,0,1,0,2,23], +"structmlx_1_1core_1_1detail_1_1_floor.html#a16c13cfe736098bffc81d655e172294a":[1,0,1,0,2,23,1], +"structmlx_1_1core_1_1detail_1_1_floor.html#a16c13cfe736098bffc81d655e172294a":[2,0,1,0,2,23,1], +"structmlx_1_1core_1_1detail_1_1_floor.html#a5c41fb72ec3da9289c24b92802e28f2e":[1,0,1,0,2,23,0], +"structmlx_1_1core_1_1detail_1_1_floor.html#a5c41fb72ec3da9289c24b92802e28f2e":[2,0,1,0,2,23,0], +"structmlx_1_1core_1_1detail_1_1_greater.html":[1,0,1,0,2,24], +"structmlx_1_1core_1_1detail_1_1_greater.html":[2,0,1,0,2,24], +"structmlx_1_1core_1_1detail_1_1_greater.html#a9186b3e29c84700ea93ca9470556b0b3":[1,0,1,0,2,24,0], +"structmlx_1_1core_1_1detail_1_1_greater.html#a9186b3e29c84700ea93ca9470556b0b3":[2,0,1,0,2,24,0], +"structmlx_1_1core_1_1detail_1_1_greater.html#aa3844c2bae3c7a981739f642aa0dd094":[1,0,1,0,2,24,1], +"structmlx_1_1core_1_1detail_1_1_greater.html#aa3844c2bae3c7a981739f642aa0dd094":[2,0,1,0,2,24,1], +"structmlx_1_1core_1_1detail_1_1_greater_equal.html":[1,0,1,0,2,25], +"structmlx_1_1core_1_1detail_1_1_greater_equal.html":[2,0,1,0,2,25], +"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a3b005f85522ad0e4b57044eed930ac30":[1,0,1,0,2,25,1], +"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a3b005f85522ad0e4b57044eed930ac30":[2,0,1,0,2,25,1], +"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a8da40f79562ef8ffbd30ddcf40d83e0f":[1,0,1,0,2,25,0], +"structmlx_1_1core_1_1detail_1_1_greater_equal.html#a8da40f79562ef8ffbd30ddcf40d83e0f":[2,0,1,0,2,25,0], +"structmlx_1_1core_1_1detail_1_1_imag.html":[1,0,1,0,2,26], +"structmlx_1_1core_1_1detail_1_1_imag.html":[2,0,1,0,2,26], +"structmlx_1_1core_1_1detail_1_1_imag.html#a070cf43bc4e30871f8f32d4b84be05c8":[1,0,1,0,2,26,0], +"structmlx_1_1core_1_1detail_1_1_imag.html#a070cf43bc4e30871f8f32d4b84be05c8":[2,0,1,0,2,26,0], +"structmlx_1_1core_1_1detail_1_1_imag.html#a5bd82e2185f3779e398c179d42a3e782":[1,0,1,0,2,26,1], +"structmlx_1_1core_1_1detail_1_1_imag.html#a5bd82e2185f3779e398c179d42a3e782":[2,0,1,0,2,26,1], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html":[1,0,1,0,2,27], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html":[2,0,1,0,2,27], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a6beb74f83bde21734ab46b8d999b3b0b":[1,0,1,0,2,27,0], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a6beb74f83bde21734ab46b8d999b3b0b":[2,0,1,0,2,27,0], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a83d57d7fa63bcb0ff72080191d0f177a":[1,0,1,0,2,27,1], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#a83d57d7fa63bcb0ff72080191d0f177a":[2,0,1,0,2,27,1], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#ac52b8e2c3f808d3076c4e1ebaf9dc63d":[1,0,1,0,2,27,3], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#ac52b8e2c3f808d3076c4e1ebaf9dc63d":[2,0,1,0,2,27,3], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#af7780f0017267567ad6e5c9271e8933e":[1,0,1,0,2,27,2], +"structmlx_1_1core_1_1detail_1_1_in_tracing.html#af7780f0017267567ad6e5c9271e8933e":[2,0,1,0,2,27,2], +"structmlx_1_1core_1_1detail_1_1_left_shift.html":[1,0,1,0,2,28], +"structmlx_1_1core_1_1detail_1_1_left_shift.html":[2,0,1,0,2,28], +"structmlx_1_1core_1_1detail_1_1_left_shift.html#a50bcbc53e2278483d9063decf7ad78d8":[1,0,1,0,2,28,0], +"structmlx_1_1core_1_1detail_1_1_left_shift.html#a50bcbc53e2278483d9063decf7ad78d8":[2,0,1,0,2,28,0] }; diff --git a/docs/build/html/navtreeindex29.js b/docs/build/html/navtreeindex29.js index c9e20b35f..a1c5823a5 100644 --- a/docs/build/html/navtreeindex29.js +++ b/docs/build/html/navtreeindex29.js @@ -1,253 +1,253 @@ var NAVTREEINDEX29 = { -"structmlx_1_1core_1_1detail_1_1_less_equal.html#a5f7f700be5fdf4629a96ab271caf5440":[1,0,1,0,1,30,0], -"structmlx_1_1core_1_1detail_1_1_less_equal.html#a5f7f700be5fdf4629a96ab271caf5440":[2,0,1,0,1,30,0], -"structmlx_1_1core_1_1detail_1_1_log.html":[1,0,1,0,1,31], -"structmlx_1_1core_1_1detail_1_1_log.html":[2,0,1,0,1,31], -"structmlx_1_1core_1_1detail_1_1_log.html#a0012a4e1744dbe9a28c3b5652be6e1c6":[1,0,1,0,1,31,1], -"structmlx_1_1core_1_1detail_1_1_log.html#a0012a4e1744dbe9a28c3b5652be6e1c6":[2,0,1,0,1,31,1], -"structmlx_1_1core_1_1detail_1_1_log.html#a0041795bfd063a9769a3747bd7a91d61":[1,0,1,0,1,31,0], -"structmlx_1_1core_1_1detail_1_1_log.html#a0041795bfd063a9769a3747bd7a91d61":[2,0,1,0,1,31,0], -"structmlx_1_1core_1_1detail_1_1_log10.html":[1,0,1,0,1,32], -"structmlx_1_1core_1_1detail_1_1_log10.html":[2,0,1,0,1,32], -"structmlx_1_1core_1_1detail_1_1_log10.html#a2633c5b772bbc9f8b66cffd4a3e01a3f":[1,0,1,0,1,32,1], -"structmlx_1_1core_1_1detail_1_1_log10.html#a2633c5b772bbc9f8b66cffd4a3e01a3f":[2,0,1,0,1,32,1], -"structmlx_1_1core_1_1detail_1_1_log10.html#ade464425f69e5b76bf61b5ba3da75089":[1,0,1,0,1,32,0], -"structmlx_1_1core_1_1detail_1_1_log10.html#ade464425f69e5b76bf61b5ba3da75089":[2,0,1,0,1,32,0], -"structmlx_1_1core_1_1detail_1_1_log1p.html":[1,0,1,0,1,33], -"structmlx_1_1core_1_1detail_1_1_log1p.html":[2,0,1,0,1,33], -"structmlx_1_1core_1_1detail_1_1_log1p.html#a3220de8c6090c44aa2070b1fbb2dc340":[1,0,1,0,1,33,1], -"structmlx_1_1core_1_1detail_1_1_log1p.html#a3220de8c6090c44aa2070b1fbb2dc340":[2,0,1,0,1,33,1], -"structmlx_1_1core_1_1detail_1_1_log1p.html#abed96d56b07c6a96666b770c9711e52e":[1,0,1,0,1,33,0], -"structmlx_1_1core_1_1detail_1_1_log1p.html#abed96d56b07c6a96666b770c9711e52e":[2,0,1,0,1,33,0], -"structmlx_1_1core_1_1detail_1_1_log2.html":[1,0,1,0,1,34], -"structmlx_1_1core_1_1detail_1_1_log2.html":[2,0,1,0,1,34], -"structmlx_1_1core_1_1detail_1_1_log2.html#a467bd4c995674721ff5fff6df33aead8":[1,0,1,0,1,34,1], -"structmlx_1_1core_1_1detail_1_1_log2.html#a467bd4c995674721ff5fff6df33aead8":[2,0,1,0,1,34,1], -"structmlx_1_1core_1_1detail_1_1_log2.html#a83258d8a3fe12e082d0b317fcfafb28b":[1,0,1,0,1,34,0], -"structmlx_1_1core_1_1detail_1_1_log2.html#a83258d8a3fe12e082d0b317fcfafb28b":[2,0,1,0,1,34,0], -"structmlx_1_1core_1_1detail_1_1_log_add_exp.html":[1,0,1,0,1,35], -"structmlx_1_1core_1_1detail_1_1_log_add_exp.html":[2,0,1,0,1,35], -"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#a434da15bcb95dc979c73ec795cfec339":[1,0,1,0,1,35,0], -"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#a434da15bcb95dc979c73ec795cfec339":[2,0,1,0,1,35,0], -"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#ad1663fd809acaa4038f90666436599e5":[1,0,1,0,1,35,1], -"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#ad1663fd809acaa4038f90666436599e5":[2,0,1,0,1,35,1], -"structmlx_1_1core_1_1detail_1_1_logical_and.html":[1,0,1,0,1,36], -"structmlx_1_1core_1_1detail_1_1_logical_and.html":[2,0,1,0,1,36], -"structmlx_1_1core_1_1detail_1_1_logical_and.html#a046536c1f2f9367983f052a213d7b7d8":[1,0,1,0,1,36,1], -"structmlx_1_1core_1_1detail_1_1_logical_and.html#a046536c1f2f9367983f052a213d7b7d8":[2,0,1,0,1,36,1], -"structmlx_1_1core_1_1detail_1_1_logical_and.html#a5fb547e51ea53517deb54d89c76b4860":[1,0,1,0,1,36,0], -"structmlx_1_1core_1_1detail_1_1_logical_and.html#a5fb547e51ea53517deb54d89c76b4860":[2,0,1,0,1,36,0], -"structmlx_1_1core_1_1detail_1_1_logical_not.html":[1,0,1,0,1,37], -"structmlx_1_1core_1_1detail_1_1_logical_not.html":[2,0,1,0,1,37], -"structmlx_1_1core_1_1detail_1_1_logical_not.html#a4978cc3a63e70a1a4fee6470764ae9d9":[1,0,1,0,1,37,0], -"structmlx_1_1core_1_1detail_1_1_logical_not.html#a4978cc3a63e70a1a4fee6470764ae9d9":[2,0,1,0,1,37,0], -"structmlx_1_1core_1_1detail_1_1_logical_not.html#a79799668ea5c364b0b4e2bc330e76253":[1,0,1,0,1,37,1], -"structmlx_1_1core_1_1detail_1_1_logical_not.html#a79799668ea5c364b0b4e2bc330e76253":[2,0,1,0,1,37,1], -"structmlx_1_1core_1_1detail_1_1_logical_or.html":[1,0,1,0,1,38], -"structmlx_1_1core_1_1detail_1_1_logical_or.html":[2,0,1,0,1,38], -"structmlx_1_1core_1_1detail_1_1_logical_or.html#a4701821e656931d808815753ee529bad":[1,0,1,0,1,38,0], -"structmlx_1_1core_1_1detail_1_1_logical_or.html#a4701821e656931d808815753ee529bad":[2,0,1,0,1,38,0], -"structmlx_1_1core_1_1detail_1_1_logical_or.html#afb134dbab79307d4ba597843c61d0b1a":[1,0,1,0,1,38,1], -"structmlx_1_1core_1_1detail_1_1_logical_or.html#afb134dbab79307d4ba597843c61d0b1a":[2,0,1,0,1,38,1], -"structmlx_1_1core_1_1detail_1_1_maximum.html":[1,0,1,0,1,39], -"structmlx_1_1core_1_1detail_1_1_maximum.html":[2,0,1,0,1,39], -"structmlx_1_1core_1_1detail_1_1_maximum.html#a1a3bd09f6c4e61982ebf1a9bfaa38059":[1,0,1,0,1,39,1], -"structmlx_1_1core_1_1detail_1_1_maximum.html#a1a3bd09f6c4e61982ebf1a9bfaa38059":[2,0,1,0,1,39,1], -"structmlx_1_1core_1_1detail_1_1_maximum.html#a1edfed0e0b33227b67c7709691f846c7":[1,0,1,0,1,39,0], -"structmlx_1_1core_1_1detail_1_1_maximum.html#a1edfed0e0b33227b67c7709691f846c7":[2,0,1,0,1,39,0], -"structmlx_1_1core_1_1detail_1_1_minimum.html":[1,0,1,0,1,40], -"structmlx_1_1core_1_1detail_1_1_minimum.html":[2,0,1,0,1,40], -"structmlx_1_1core_1_1detail_1_1_minimum.html#a28b51060b9345fb2021d5176cd607778":[1,0,1,0,1,40,0], -"structmlx_1_1core_1_1detail_1_1_minimum.html#a28b51060b9345fb2021d5176cd607778":[2,0,1,0,1,40,0], -"structmlx_1_1core_1_1detail_1_1_minimum.html#a5cdc82cc78adbc9854aa9b1c4417d6d3":[1,0,1,0,1,40,1], -"structmlx_1_1core_1_1detail_1_1_minimum.html#a5cdc82cc78adbc9854aa9b1c4417d6d3":[2,0,1,0,1,40,1], -"structmlx_1_1core_1_1detail_1_1_multiply.html":[1,0,1,0,1,41], -"structmlx_1_1core_1_1detail_1_1_multiply.html":[2,0,1,0,1,41], -"structmlx_1_1core_1_1detail_1_1_multiply.html#a898b090966b047723513224b8d3b22f1":[1,0,1,0,1,41,1], -"structmlx_1_1core_1_1detail_1_1_multiply.html#a898b090966b047723513224b8d3b22f1":[2,0,1,0,1,41,1], -"structmlx_1_1core_1_1detail_1_1_multiply.html#a9dda09d0bf0f4153abf37ba894df37d4":[1,0,1,0,1,41,0], -"structmlx_1_1core_1_1detail_1_1_multiply.html#a9dda09d0bf0f4153abf37ba894df37d4":[2,0,1,0,1,41,0], -"structmlx_1_1core_1_1detail_1_1_na_n_equal.html":[1,0,1,0,1,42], -"structmlx_1_1core_1_1detail_1_1_na_n_equal.html":[2,0,1,0,1,42], -"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a073b20b0d8d41ec8364b7c477421b9bf":[1,0,1,0,1,42,1], -"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a073b20b0d8d41ec8364b7c477421b9bf":[2,0,1,0,1,42,1], -"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a441e5e8552be45ced34001b465d251e1":[1,0,1,0,1,42,0], -"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a441e5e8552be45ced34001b465d251e1":[2,0,1,0,1,42,0], -"structmlx_1_1core_1_1detail_1_1_negative.html":[1,0,1,0,1,43], -"structmlx_1_1core_1_1detail_1_1_negative.html":[2,0,1,0,1,43], -"structmlx_1_1core_1_1detail_1_1_negative.html#a93a1dfb47eba54aff44b2945d131c97e":[1,0,1,0,1,43,0], -"structmlx_1_1core_1_1detail_1_1_negative.html#a93a1dfb47eba54aff44b2945d131c97e":[2,0,1,0,1,43,0], -"structmlx_1_1core_1_1detail_1_1_negative.html#afc4595c70ef7196df374cf4b2cc5e526":[1,0,1,0,1,43,1], -"structmlx_1_1core_1_1detail_1_1_negative.html#afc4595c70ef7196df374cf4b2cc5e526":[2,0,1,0,1,43,1], -"structmlx_1_1core_1_1detail_1_1_not_equal.html":[1,0,1,0,1,44], -"structmlx_1_1core_1_1detail_1_1_not_equal.html":[2,0,1,0,1,44], -"structmlx_1_1core_1_1detail_1_1_not_equal.html#a23d662b5fd968dc17d3bee2595b5f99d":[1,0,1,0,1,44,1], -"structmlx_1_1core_1_1detail_1_1_not_equal.html#a23d662b5fd968dc17d3bee2595b5f99d":[2,0,1,0,1,44,1], -"structmlx_1_1core_1_1detail_1_1_not_equal.html#a99d16a3d7f637901869bf650b1ea6e13":[1,0,1,0,1,44,0], -"structmlx_1_1core_1_1detail_1_1_not_equal.html#a99d16a3d7f637901869bf650b1ea6e13":[2,0,1,0,1,44,0], -"structmlx_1_1core_1_1detail_1_1_power.html":[1,0,1,0,1,45], -"structmlx_1_1core_1_1detail_1_1_power.html":[2,0,1,0,1,45], -"structmlx_1_1core_1_1detail_1_1_power.html#a5d3c31365fcf2de52f78c3695da83152":[1,0,1,0,1,45,1], -"structmlx_1_1core_1_1detail_1_1_power.html#a5d3c31365fcf2de52f78c3695da83152":[2,0,1,0,1,45,1], -"structmlx_1_1core_1_1detail_1_1_power.html#ad047c7d25e1b0f32dc17a03d826cf0a0":[1,0,1,0,1,45,0], -"structmlx_1_1core_1_1detail_1_1_power.html#ad047c7d25e1b0f32dc17a03d826cf0a0":[2,0,1,0,1,45,0], -"structmlx_1_1core_1_1detail_1_1_real.html":[1,0,1,0,1,46], -"structmlx_1_1core_1_1detail_1_1_real.html":[2,0,1,0,1,46], -"structmlx_1_1core_1_1detail_1_1_real.html#a7c6c6c188d611e2084dba66b7489c21f":[1,0,1,0,1,46,0], -"structmlx_1_1core_1_1detail_1_1_real.html#a7c6c6c188d611e2084dba66b7489c21f":[2,0,1,0,1,46,0], -"structmlx_1_1core_1_1detail_1_1_real.html#ae84a939fdb5916257a7731cda66d4d61":[1,0,1,0,1,46,1], -"structmlx_1_1core_1_1detail_1_1_real.html#ae84a939fdb5916257a7731cda66d4d61":[2,0,1,0,1,46,1], -"structmlx_1_1core_1_1detail_1_1_remainder.html":[1,0,1,0,1,47], -"structmlx_1_1core_1_1detail_1_1_remainder.html":[2,0,1,0,1,47], -"structmlx_1_1core_1_1detail_1_1_remainder.html#a8b672df71eea3f31f5e2aa50662f3b19":[1,0,1,0,1,47,0], -"structmlx_1_1core_1_1detail_1_1_remainder.html#a8b672df71eea3f31f5e2aa50662f3b19":[2,0,1,0,1,47,0], -"structmlx_1_1core_1_1detail_1_1_remainder.html#ac1bcf314046fa1c76e5491336cf68e02":[1,0,1,0,1,47,1], -"structmlx_1_1core_1_1detail_1_1_remainder.html#ac1bcf314046fa1c76e5491336cf68e02":[2,0,1,0,1,47,1], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html":[1,0,1,0,1,48], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html":[2,0,1,0,1,48], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814":[1,0,1,0,1,48,2], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814":[2,0,1,0,1,48,2], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a6bd6dc2e1caf2f764f39856a72ff6cbc":[1,0,1,0,1,48,1], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a6bd6dc2e1caf2f764f39856a72ff6cbc":[2,0,1,0,1,48,1], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da":[1,0,1,0,1,48,0], -"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da":[2,0,1,0,1,48,0], -"structmlx_1_1core_1_1detail_1_1_right_shift.html":[1,0,1,0,1,49], -"structmlx_1_1core_1_1detail_1_1_right_shift.html":[2,0,1,0,1,49], -"structmlx_1_1core_1_1detail_1_1_right_shift.html#a154528ba50e89a4c532a181f135b1620":[1,0,1,0,1,49,1], -"structmlx_1_1core_1_1detail_1_1_right_shift.html#a154528ba50e89a4c532a181f135b1620":[2,0,1,0,1,49,1], -"structmlx_1_1core_1_1detail_1_1_right_shift.html#aa86d02e4ca59bc7ffacdc342841a0ea9":[1,0,1,0,1,49,0], -"structmlx_1_1core_1_1detail_1_1_right_shift.html#aa86d02e4ca59bc7ffacdc342841a0ea9":[2,0,1,0,1,49,0], -"structmlx_1_1core_1_1detail_1_1_round.html":[1,0,1,0,1,50], -"structmlx_1_1core_1_1detail_1_1_round.html":[2,0,1,0,1,50], -"structmlx_1_1core_1_1detail_1_1_round.html#a653f29c059bbfa6192378732a8a23351":[1,0,1,0,1,50,1], -"structmlx_1_1core_1_1detail_1_1_round.html#a653f29c059bbfa6192378732a8a23351":[2,0,1,0,1,50,1], -"structmlx_1_1core_1_1detail_1_1_round.html#acd099ba81c8c281e9660cf8c0fed0cd1":[1,0,1,0,1,50,0], -"structmlx_1_1core_1_1detail_1_1_round.html#acd099ba81c8c281e9660cf8c0fed0cd1":[2,0,1,0,1,50,0], -"structmlx_1_1core_1_1detail_1_1_rsqrt.html":[1,0,1,0,1,51], -"structmlx_1_1core_1_1detail_1_1_rsqrt.html":[2,0,1,0,1,51], -"structmlx_1_1core_1_1detail_1_1_rsqrt.html#a9af247be16bab83243038aac54446b79":[1,0,1,0,1,51,1], -"structmlx_1_1core_1_1detail_1_1_rsqrt.html#a9af247be16bab83243038aac54446b79":[2,0,1,0,1,51,1], -"structmlx_1_1core_1_1detail_1_1_rsqrt.html#ac6720a6270393152ab2924a77bfb17b2":[1,0,1,0,1,51,0], -"structmlx_1_1core_1_1detail_1_1_rsqrt.html#ac6720a6270393152ab2924a77bfb17b2":[2,0,1,0,1,51,0], -"structmlx_1_1core_1_1detail_1_1_select.html":[1,0,1,0,1,52], -"structmlx_1_1core_1_1detail_1_1_select.html":[2,0,1,0,1,52], -"structmlx_1_1core_1_1detail_1_1_select.html#a8c5135e3098cfd2521a2a266ba08f1e4":[1,0,1,0,1,52,1], -"structmlx_1_1core_1_1detail_1_1_select.html#a8c5135e3098cfd2521a2a266ba08f1e4":[2,0,1,0,1,52,1], -"structmlx_1_1core_1_1detail_1_1_select.html#a930f9da2e6b3453e04f21382435a2cfb":[1,0,1,0,1,52,0], -"structmlx_1_1core_1_1detail_1_1_select.html#a930f9da2e6b3453e04f21382435a2cfb":[2,0,1,0,1,52,0], -"structmlx_1_1core_1_1detail_1_1_sigmoid.html":[1,0,1,0,1,53], -"structmlx_1_1core_1_1detail_1_1_sigmoid.html":[2,0,1,0,1,53], -"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a12a3d53f0fd797b5cdd9d04d048ce1a4":[1,0,1,0,1,53,0], -"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a12a3d53f0fd797b5cdd9d04d048ce1a4":[2,0,1,0,1,53,0], -"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a64b72561bfaf758632167f00648f4c89":[1,0,1,0,1,53,1], -"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a64b72561bfaf758632167f00648f4c89":[2,0,1,0,1,53,1], -"structmlx_1_1core_1_1detail_1_1_sign.html":[1,0,1,0,1,54], -"structmlx_1_1core_1_1detail_1_1_sign.html":[2,0,1,0,1,54], -"structmlx_1_1core_1_1detail_1_1_sign.html#a64ed5013cee7ff18c7fe70bc04737e7b":[1,0,1,0,1,54,1], -"structmlx_1_1core_1_1detail_1_1_sign.html#a64ed5013cee7ff18c7fe70bc04737e7b":[2,0,1,0,1,54,1], -"structmlx_1_1core_1_1detail_1_1_sign.html#a913c095e25668c8a6bb6e3243e150606":[1,0,1,0,1,54,0], -"structmlx_1_1core_1_1detail_1_1_sign.html#a913c095e25668c8a6bb6e3243e150606":[2,0,1,0,1,54,0], -"structmlx_1_1core_1_1detail_1_1_sin.html":[1,0,1,0,1,55], -"structmlx_1_1core_1_1detail_1_1_sin.html":[2,0,1,0,1,55], -"structmlx_1_1core_1_1detail_1_1_sin.html#a07c357c49dbf6b0579b1e771c6eb5766":[1,0,1,0,1,55,0], -"structmlx_1_1core_1_1detail_1_1_sin.html#a07c357c49dbf6b0579b1e771c6eb5766":[2,0,1,0,1,55,0], -"structmlx_1_1core_1_1detail_1_1_sin.html#ae95671816529cc2188389af37a2f1a13":[1,0,1,0,1,55,1], -"structmlx_1_1core_1_1detail_1_1_sin.html#ae95671816529cc2188389af37a2f1a13":[2,0,1,0,1,55,1], -"structmlx_1_1core_1_1detail_1_1_sinh.html":[1,0,1,0,1,56], -"structmlx_1_1core_1_1detail_1_1_sinh.html":[2,0,1,0,1,56], -"structmlx_1_1core_1_1detail_1_1_sinh.html#a1e299cd64bc0c7aaa1ceeac35dfe7831":[1,0,1,0,1,56,0], -"structmlx_1_1core_1_1detail_1_1_sinh.html#a1e299cd64bc0c7aaa1ceeac35dfe7831":[2,0,1,0,1,56,0], -"structmlx_1_1core_1_1detail_1_1_sinh.html#a9663ddf0fa4c0003576b48f3d5385f00":[1,0,1,0,1,56,1], -"structmlx_1_1core_1_1detail_1_1_sinh.html#a9663ddf0fa4c0003576b48f3d5385f00":[2,0,1,0,1,56,1], -"structmlx_1_1core_1_1detail_1_1_sqrt.html":[1,0,1,0,1,57], -"structmlx_1_1core_1_1detail_1_1_sqrt.html":[2,0,1,0,1,57], -"structmlx_1_1core_1_1detail_1_1_sqrt.html#aa5a4830b3ef7efab20ea88a110667efd":[1,0,1,0,1,57,1], -"structmlx_1_1core_1_1detail_1_1_sqrt.html#aa5a4830b3ef7efab20ea88a110667efd":[2,0,1,0,1,57,1], -"structmlx_1_1core_1_1detail_1_1_sqrt.html#acac518e8e7cf3dd103f4f72f22b23221":[1,0,1,0,1,57,0], -"structmlx_1_1core_1_1detail_1_1_sqrt.html#acac518e8e7cf3dd103f4f72f22b23221":[2,0,1,0,1,57,0], -"structmlx_1_1core_1_1detail_1_1_square.html":[1,0,1,0,1,58], -"structmlx_1_1core_1_1detail_1_1_square.html":[2,0,1,0,1,58], -"structmlx_1_1core_1_1detail_1_1_square.html#a54e9e3c0d0896e142289e8282eab1099":[1,0,1,0,1,58,1], -"structmlx_1_1core_1_1detail_1_1_square.html#a54e9e3c0d0896e142289e8282eab1099":[2,0,1,0,1,58,1], -"structmlx_1_1core_1_1detail_1_1_square.html#abab2378a94c4c38dffeb06a74b0f81ee":[1,0,1,0,1,58,0], -"structmlx_1_1core_1_1detail_1_1_square.html#abab2378a94c4c38dffeb06a74b0f81ee":[2,0,1,0,1,58,0], -"structmlx_1_1core_1_1detail_1_1_subtract.html":[1,0,1,0,1,59], -"structmlx_1_1core_1_1detail_1_1_subtract.html":[2,0,1,0,1,59], -"structmlx_1_1core_1_1detail_1_1_subtract.html#a48913052e0a051648b7a69376ec3e3e1":[1,0,1,0,1,59,0], -"structmlx_1_1core_1_1detail_1_1_subtract.html#a48913052e0a051648b7a69376ec3e3e1":[2,0,1,0,1,59,0], -"structmlx_1_1core_1_1detail_1_1_subtract.html#a72ef05830615a2d5d9662926ed82672a":[1,0,1,0,1,59,1], -"structmlx_1_1core_1_1detail_1_1_subtract.html#a72ef05830615a2d5d9662926ed82672a":[2,0,1,0,1,59,1], -"structmlx_1_1core_1_1detail_1_1_tan.html":[1,0,1,0,1,60], -"structmlx_1_1core_1_1detail_1_1_tan.html":[2,0,1,0,1,60], -"structmlx_1_1core_1_1detail_1_1_tan.html#a9c8d3570a1e4daa054bb41999043d9e9":[1,0,1,0,1,60,0], -"structmlx_1_1core_1_1detail_1_1_tan.html#a9c8d3570a1e4daa054bb41999043d9e9":[2,0,1,0,1,60,0], -"structmlx_1_1core_1_1detail_1_1_tan.html#aba397cd7ac05bbe06dfa9e3a64bdb05f":[1,0,1,0,1,60,1], -"structmlx_1_1core_1_1detail_1_1_tan.html#aba397cd7ac05bbe06dfa9e3a64bdb05f":[2,0,1,0,1,60,1], -"structmlx_1_1core_1_1detail_1_1_tanh.html":[1,0,1,0,1,61], -"structmlx_1_1core_1_1detail_1_1_tanh.html":[2,0,1,0,1,61], -"structmlx_1_1core_1_1detail_1_1_tanh.html#a1749ba1edfd53095ed7d45c0e53bab61":[1,0,1,0,1,61,1], -"structmlx_1_1core_1_1detail_1_1_tanh.html#a1749ba1edfd53095ed7d45c0e53bab61":[2,0,1,0,1,61,1], -"structmlx_1_1core_1_1detail_1_1_tanh.html#a79eeba686f3dd5dce097ff5b9b27dd7c":[1,0,1,0,1,61,0], -"structmlx_1_1core_1_1detail_1_1_tanh.html#a79eeba686f3dd5dce097ff5b9b27dd7c":[2,0,1,0,1,61,0], -"structmlx_1_1core_1_1distributed_1_1_group.html":[1,0,1,0,2,6], -"structmlx_1_1core_1_1distributed_1_1_group.html":[2,0,1,0,2,4], -"structmlx_1_1core_1_1distributed_1_1_group.html#a32e6e085a427b41ca3529c5e5db30a1b":[1,0,1,0,2,6,0], -"structmlx_1_1core_1_1distributed_1_1_group.html#a32e6e085a427b41ca3529c5e5db30a1b":[2,0,1,0,2,4,0], -"structmlx_1_1core_1_1distributed_1_1_group.html#a94b676c55c9a0f9d6e75ddf80644f18d":[1,0,1,0,2,6,1], -"structmlx_1_1core_1_1distributed_1_1_group.html#a94b676c55c9a0f9d6e75ddf80644f18d":[2,0,1,0,2,4,1], -"structmlx_1_1core_1_1distributed_1_1_group.html#ac0a5a1e463a9330355e8bfe09c0feaf2":[1,0,1,0,2,6,3], -"structmlx_1_1core_1_1distributed_1_1_group.html#ac0a5a1e463a9330355e8bfe09c0feaf2":[2,0,1,0,2,4,3], -"structmlx_1_1core_1_1distributed_1_1_group.html#ad3682f4dc85bfe7e5464b87f6f0fd931":[1,0,1,0,2,6,4], -"structmlx_1_1core_1_1distributed_1_1_group.html#ad3682f4dc85bfe7e5464b87f6f0fd931":[2,0,1,0,2,4,4], -"structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf":[1,0,1,0,2,6,2], -"structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf":[2,0,1,0,2,4,2], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html":[1,0,1,0,4,3], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html":[2,0,1,0,3,3], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63954de7da62942ec69afcaaa19d46f2":[1,0,1,0,4,3,2], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63954de7da62942ec69afcaaa19d46f2":[2,0,1,0,3,3,2], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63db720fe0c2abc4b71e22a58a015f8a":[1,0,1,0,4,3,1], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63db720fe0c2abc4b71e22a58a015f8a":[2,0,1,0,3,3,1], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#ae605df33f449872e3da9777d97008051":[1,0,1,0,4,3,0], -"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#ae605df33f449872e3da9777d97008051":[2,0,1,0,3,3,0], -"structmlx_1_1core_1_1finfo.html":[1,0,1,0,68], -"structmlx_1_1core_1_1finfo.html":[2,0,1,0,65], -"structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109":[1,0,1,0,68,0], -"structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109":[2,0,1,0,65,0], -"structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a":[1,0,1,0,68,3], -"structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a":[2,0,1,0,65,3], -"structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124":[1,0,1,0,68,1], -"structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124":[2,0,1,0,65,1], -"structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083":[1,0,1,0,68,2], -"structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083":[2,0,1,0,65,2], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html":[1,0,1,0,8,1], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html":[2,0,1,0,5,1], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[1,0,1,0,8,1,6], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[2,0,1,0,5,1,6], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[1,0,1,0,8,1,7], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[2,0,1,0,5,1,7], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[1,0,1,0,8,1,9], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[2,0,1,0,5,1,9], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[1,0,1,0,8,1,20], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[2,0,1,0,5,1,20], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[1,0,1,0,8,1,19], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[2,0,1,0,5,1,19], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[1,0,1,0,8,1,17], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[2,0,1,0,5,1,17], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[1,0,1,0,8,1,15], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[2,0,1,0,5,1,15], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[1,0,1,0,8,1,1], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[2,0,1,0,5,1,1], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[1,0,1,0,8,1,18], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[2,0,1,0,5,1,18], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[1,0,1,0,8,1,4], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[2,0,1,0,5,1,4], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[1,0,1,0,8,1,5], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[2,0,1,0,5,1,5], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[1,0,1,0,8,1,3], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[2,0,1,0,5,1,3], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[1,0,1,0,8,1,14], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[2,0,1,0,5,1,14], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[1,0,1,0,8,1,16], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[2,0,1,0,5,1,16] +"structmlx_1_1core_1_1detail_1_1_left_shift.html#a9385f580830a6ad163dd9bb8c4905e7a":[1,0,1,0,2,28,1], +"structmlx_1_1core_1_1detail_1_1_left_shift.html#a9385f580830a6ad163dd9bb8c4905e7a":[2,0,1,0,2,28,1], +"structmlx_1_1core_1_1detail_1_1_less.html":[1,0,1,0,2,29], +"structmlx_1_1core_1_1detail_1_1_less.html":[2,0,1,0,2,29], +"structmlx_1_1core_1_1detail_1_1_less.html#a0b4032dff1ad2b387745cb000aabdcbb":[1,0,1,0,2,29,1], +"structmlx_1_1core_1_1detail_1_1_less.html#a0b4032dff1ad2b387745cb000aabdcbb":[2,0,1,0,2,29,1], +"structmlx_1_1core_1_1detail_1_1_less.html#a8e9c159887284420b1161421e58a0bda":[1,0,1,0,2,29,0], +"structmlx_1_1core_1_1detail_1_1_less.html#a8e9c159887284420b1161421e58a0bda":[2,0,1,0,2,29,0], +"structmlx_1_1core_1_1detail_1_1_less_equal.html":[1,0,1,0,2,30], +"structmlx_1_1core_1_1detail_1_1_less_equal.html":[2,0,1,0,2,30], +"structmlx_1_1core_1_1detail_1_1_less_equal.html#a31e70f8830a07557697541301555a7a7":[1,0,1,0,2,30,1], +"structmlx_1_1core_1_1detail_1_1_less_equal.html#a31e70f8830a07557697541301555a7a7":[2,0,1,0,2,30,1], +"structmlx_1_1core_1_1detail_1_1_less_equal.html#a5f7f700be5fdf4629a96ab271caf5440":[1,0,1,0,2,30,0], +"structmlx_1_1core_1_1detail_1_1_less_equal.html#a5f7f700be5fdf4629a96ab271caf5440":[2,0,1,0,2,30,0], +"structmlx_1_1core_1_1detail_1_1_log.html":[1,0,1,0,2,31], +"structmlx_1_1core_1_1detail_1_1_log.html":[2,0,1,0,2,31], +"structmlx_1_1core_1_1detail_1_1_log.html#a0012a4e1744dbe9a28c3b5652be6e1c6":[1,0,1,0,2,31,1], +"structmlx_1_1core_1_1detail_1_1_log.html#a0012a4e1744dbe9a28c3b5652be6e1c6":[2,0,1,0,2,31,1], +"structmlx_1_1core_1_1detail_1_1_log.html#a0041795bfd063a9769a3747bd7a91d61":[1,0,1,0,2,31,0], +"structmlx_1_1core_1_1detail_1_1_log.html#a0041795bfd063a9769a3747bd7a91d61":[2,0,1,0,2,31,0], +"structmlx_1_1core_1_1detail_1_1_log10.html":[1,0,1,0,2,32], +"structmlx_1_1core_1_1detail_1_1_log10.html":[2,0,1,0,2,32], +"structmlx_1_1core_1_1detail_1_1_log10.html#a2633c5b772bbc9f8b66cffd4a3e01a3f":[1,0,1,0,2,32,1], +"structmlx_1_1core_1_1detail_1_1_log10.html#a2633c5b772bbc9f8b66cffd4a3e01a3f":[2,0,1,0,2,32,1], +"structmlx_1_1core_1_1detail_1_1_log10.html#ade464425f69e5b76bf61b5ba3da75089":[1,0,1,0,2,32,0], +"structmlx_1_1core_1_1detail_1_1_log10.html#ade464425f69e5b76bf61b5ba3da75089":[2,0,1,0,2,32,0], +"structmlx_1_1core_1_1detail_1_1_log1p.html":[1,0,1,0,2,33], +"structmlx_1_1core_1_1detail_1_1_log1p.html":[2,0,1,0,2,33], +"structmlx_1_1core_1_1detail_1_1_log1p.html#a3220de8c6090c44aa2070b1fbb2dc340":[1,0,1,0,2,33,1], +"structmlx_1_1core_1_1detail_1_1_log1p.html#a3220de8c6090c44aa2070b1fbb2dc340":[2,0,1,0,2,33,1], +"structmlx_1_1core_1_1detail_1_1_log1p.html#abed96d56b07c6a96666b770c9711e52e":[1,0,1,0,2,33,0], +"structmlx_1_1core_1_1detail_1_1_log1p.html#abed96d56b07c6a96666b770c9711e52e":[2,0,1,0,2,33,0], +"structmlx_1_1core_1_1detail_1_1_log2.html":[1,0,1,0,2,34], +"structmlx_1_1core_1_1detail_1_1_log2.html":[2,0,1,0,2,34], +"structmlx_1_1core_1_1detail_1_1_log2.html#a467bd4c995674721ff5fff6df33aead8":[1,0,1,0,2,34,1], +"structmlx_1_1core_1_1detail_1_1_log2.html#a467bd4c995674721ff5fff6df33aead8":[2,0,1,0,2,34,1], +"structmlx_1_1core_1_1detail_1_1_log2.html#a83258d8a3fe12e082d0b317fcfafb28b":[1,0,1,0,2,34,0], +"structmlx_1_1core_1_1detail_1_1_log2.html#a83258d8a3fe12e082d0b317fcfafb28b":[2,0,1,0,2,34,0], +"structmlx_1_1core_1_1detail_1_1_log_add_exp.html":[1,0,1,0,2,35], +"structmlx_1_1core_1_1detail_1_1_log_add_exp.html":[2,0,1,0,2,35], +"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#a434da15bcb95dc979c73ec795cfec339":[1,0,1,0,2,35,0], +"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#a434da15bcb95dc979c73ec795cfec339":[2,0,1,0,2,35,0], +"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#ad1663fd809acaa4038f90666436599e5":[1,0,1,0,2,35,1], +"structmlx_1_1core_1_1detail_1_1_log_add_exp.html#ad1663fd809acaa4038f90666436599e5":[2,0,1,0,2,35,1], +"structmlx_1_1core_1_1detail_1_1_logical_and.html":[1,0,1,0,2,36], +"structmlx_1_1core_1_1detail_1_1_logical_and.html":[2,0,1,0,2,36], +"structmlx_1_1core_1_1detail_1_1_logical_and.html#a046536c1f2f9367983f052a213d7b7d8":[1,0,1,0,2,36,1], +"structmlx_1_1core_1_1detail_1_1_logical_and.html#a046536c1f2f9367983f052a213d7b7d8":[2,0,1,0,2,36,1], +"structmlx_1_1core_1_1detail_1_1_logical_and.html#a5fb547e51ea53517deb54d89c76b4860":[1,0,1,0,2,36,0], +"structmlx_1_1core_1_1detail_1_1_logical_and.html#a5fb547e51ea53517deb54d89c76b4860":[2,0,1,0,2,36,0], +"structmlx_1_1core_1_1detail_1_1_logical_not.html":[1,0,1,0,2,37], +"structmlx_1_1core_1_1detail_1_1_logical_not.html":[2,0,1,0,2,37], +"structmlx_1_1core_1_1detail_1_1_logical_not.html#a4978cc3a63e70a1a4fee6470764ae9d9":[1,0,1,0,2,37,0], +"structmlx_1_1core_1_1detail_1_1_logical_not.html#a4978cc3a63e70a1a4fee6470764ae9d9":[2,0,1,0,2,37,0], +"structmlx_1_1core_1_1detail_1_1_logical_not.html#a79799668ea5c364b0b4e2bc330e76253":[1,0,1,0,2,37,1], +"structmlx_1_1core_1_1detail_1_1_logical_not.html#a79799668ea5c364b0b4e2bc330e76253":[2,0,1,0,2,37,1], +"structmlx_1_1core_1_1detail_1_1_logical_or.html":[1,0,1,0,2,38], +"structmlx_1_1core_1_1detail_1_1_logical_or.html":[2,0,1,0,2,38], +"structmlx_1_1core_1_1detail_1_1_logical_or.html#a4701821e656931d808815753ee529bad":[1,0,1,0,2,38,0], +"structmlx_1_1core_1_1detail_1_1_logical_or.html#a4701821e656931d808815753ee529bad":[2,0,1,0,2,38,0], +"structmlx_1_1core_1_1detail_1_1_logical_or.html#afb134dbab79307d4ba597843c61d0b1a":[1,0,1,0,2,38,1], +"structmlx_1_1core_1_1detail_1_1_logical_or.html#afb134dbab79307d4ba597843c61d0b1a":[2,0,1,0,2,38,1], +"structmlx_1_1core_1_1detail_1_1_maximum.html":[1,0,1,0,2,39], +"structmlx_1_1core_1_1detail_1_1_maximum.html":[2,0,1,0,2,39], +"structmlx_1_1core_1_1detail_1_1_maximum.html#a1a3bd09f6c4e61982ebf1a9bfaa38059":[1,0,1,0,2,39,1], +"structmlx_1_1core_1_1detail_1_1_maximum.html#a1a3bd09f6c4e61982ebf1a9bfaa38059":[2,0,1,0,2,39,1], +"structmlx_1_1core_1_1detail_1_1_maximum.html#a1edfed0e0b33227b67c7709691f846c7":[1,0,1,0,2,39,0], +"structmlx_1_1core_1_1detail_1_1_maximum.html#a1edfed0e0b33227b67c7709691f846c7":[2,0,1,0,2,39,0], +"structmlx_1_1core_1_1detail_1_1_minimum.html":[1,0,1,0,2,40], +"structmlx_1_1core_1_1detail_1_1_minimum.html":[2,0,1,0,2,40], +"structmlx_1_1core_1_1detail_1_1_minimum.html#a28b51060b9345fb2021d5176cd607778":[1,0,1,0,2,40,0], +"structmlx_1_1core_1_1detail_1_1_minimum.html#a28b51060b9345fb2021d5176cd607778":[2,0,1,0,2,40,0], +"structmlx_1_1core_1_1detail_1_1_minimum.html#a5cdc82cc78adbc9854aa9b1c4417d6d3":[1,0,1,0,2,40,1], +"structmlx_1_1core_1_1detail_1_1_minimum.html#a5cdc82cc78adbc9854aa9b1c4417d6d3":[2,0,1,0,2,40,1], +"structmlx_1_1core_1_1detail_1_1_multiply.html":[1,0,1,0,2,41], +"structmlx_1_1core_1_1detail_1_1_multiply.html":[2,0,1,0,2,41], +"structmlx_1_1core_1_1detail_1_1_multiply.html#a898b090966b047723513224b8d3b22f1":[1,0,1,0,2,41,1], +"structmlx_1_1core_1_1detail_1_1_multiply.html#a898b090966b047723513224b8d3b22f1":[2,0,1,0,2,41,1], +"structmlx_1_1core_1_1detail_1_1_multiply.html#a9dda09d0bf0f4153abf37ba894df37d4":[1,0,1,0,2,41,0], +"structmlx_1_1core_1_1detail_1_1_multiply.html#a9dda09d0bf0f4153abf37ba894df37d4":[2,0,1,0,2,41,0], +"structmlx_1_1core_1_1detail_1_1_na_n_equal.html":[1,0,1,0,2,42], +"structmlx_1_1core_1_1detail_1_1_na_n_equal.html":[2,0,1,0,2,42], +"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a073b20b0d8d41ec8364b7c477421b9bf":[1,0,1,0,2,42,1], +"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a073b20b0d8d41ec8364b7c477421b9bf":[2,0,1,0,2,42,1], +"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a441e5e8552be45ced34001b465d251e1":[1,0,1,0,2,42,0], +"structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a441e5e8552be45ced34001b465d251e1":[2,0,1,0,2,42,0], +"structmlx_1_1core_1_1detail_1_1_negative.html":[1,0,1,0,2,43], +"structmlx_1_1core_1_1detail_1_1_negative.html":[2,0,1,0,2,43], +"structmlx_1_1core_1_1detail_1_1_negative.html#a93a1dfb47eba54aff44b2945d131c97e":[1,0,1,0,2,43,0], +"structmlx_1_1core_1_1detail_1_1_negative.html#a93a1dfb47eba54aff44b2945d131c97e":[2,0,1,0,2,43,0], +"structmlx_1_1core_1_1detail_1_1_negative.html#afc4595c70ef7196df374cf4b2cc5e526":[1,0,1,0,2,43,1], +"structmlx_1_1core_1_1detail_1_1_negative.html#afc4595c70ef7196df374cf4b2cc5e526":[2,0,1,0,2,43,1], +"structmlx_1_1core_1_1detail_1_1_not_equal.html":[1,0,1,0,2,44], +"structmlx_1_1core_1_1detail_1_1_not_equal.html":[2,0,1,0,2,44], +"structmlx_1_1core_1_1detail_1_1_not_equal.html#a23d662b5fd968dc17d3bee2595b5f99d":[1,0,1,0,2,44,1], +"structmlx_1_1core_1_1detail_1_1_not_equal.html#a23d662b5fd968dc17d3bee2595b5f99d":[2,0,1,0,2,44,1], +"structmlx_1_1core_1_1detail_1_1_not_equal.html#a99d16a3d7f637901869bf650b1ea6e13":[1,0,1,0,2,44,0], +"structmlx_1_1core_1_1detail_1_1_not_equal.html#a99d16a3d7f637901869bf650b1ea6e13":[2,0,1,0,2,44,0], +"structmlx_1_1core_1_1detail_1_1_power.html":[1,0,1,0,2,45], +"structmlx_1_1core_1_1detail_1_1_power.html":[2,0,1,0,2,45], +"structmlx_1_1core_1_1detail_1_1_power.html#a5d3c31365fcf2de52f78c3695da83152":[1,0,1,0,2,45,1], +"structmlx_1_1core_1_1detail_1_1_power.html#a5d3c31365fcf2de52f78c3695da83152":[2,0,1,0,2,45,1], +"structmlx_1_1core_1_1detail_1_1_power.html#ad047c7d25e1b0f32dc17a03d826cf0a0":[1,0,1,0,2,45,0], +"structmlx_1_1core_1_1detail_1_1_power.html#ad047c7d25e1b0f32dc17a03d826cf0a0":[2,0,1,0,2,45,0], +"structmlx_1_1core_1_1detail_1_1_real.html":[1,0,1,0,2,46], +"structmlx_1_1core_1_1detail_1_1_real.html":[2,0,1,0,2,46], +"structmlx_1_1core_1_1detail_1_1_real.html#a7c6c6c188d611e2084dba66b7489c21f":[1,0,1,0,2,46,0], +"structmlx_1_1core_1_1detail_1_1_real.html#a7c6c6c188d611e2084dba66b7489c21f":[2,0,1,0,2,46,0], +"structmlx_1_1core_1_1detail_1_1_real.html#ae84a939fdb5916257a7731cda66d4d61":[1,0,1,0,2,46,1], +"structmlx_1_1core_1_1detail_1_1_real.html#ae84a939fdb5916257a7731cda66d4d61":[2,0,1,0,2,46,1], +"structmlx_1_1core_1_1detail_1_1_remainder.html":[1,0,1,0,2,47], +"structmlx_1_1core_1_1detail_1_1_remainder.html":[2,0,1,0,2,47], +"structmlx_1_1core_1_1detail_1_1_remainder.html#a8b672df71eea3f31f5e2aa50662f3b19":[1,0,1,0,2,47,0], +"structmlx_1_1core_1_1detail_1_1_remainder.html#a8b672df71eea3f31f5e2aa50662f3b19":[2,0,1,0,2,47,0], +"structmlx_1_1core_1_1detail_1_1_remainder.html#ac1bcf314046fa1c76e5491336cf68e02":[1,0,1,0,2,47,1], +"structmlx_1_1core_1_1detail_1_1_remainder.html#ac1bcf314046fa1c76e5491336cf68e02":[2,0,1,0,2,47,1], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html":[1,0,1,0,2,48], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html":[2,0,1,0,2,48], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814":[1,0,1,0,2,48,2], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814":[2,0,1,0,2,48,2], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a6bd6dc2e1caf2f764f39856a72ff6cbc":[1,0,1,0,2,48,1], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a6bd6dc2e1caf2f764f39856a72ff6cbc":[2,0,1,0,2,48,1], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da":[1,0,1,0,2,48,0], +"structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da":[2,0,1,0,2,48,0], +"structmlx_1_1core_1_1detail_1_1_right_shift.html":[1,0,1,0,2,49], +"structmlx_1_1core_1_1detail_1_1_right_shift.html":[2,0,1,0,2,49], +"structmlx_1_1core_1_1detail_1_1_right_shift.html#a154528ba50e89a4c532a181f135b1620":[1,0,1,0,2,49,1], +"structmlx_1_1core_1_1detail_1_1_right_shift.html#a154528ba50e89a4c532a181f135b1620":[2,0,1,0,2,49,1], +"structmlx_1_1core_1_1detail_1_1_right_shift.html#aa86d02e4ca59bc7ffacdc342841a0ea9":[1,0,1,0,2,49,0], +"structmlx_1_1core_1_1detail_1_1_right_shift.html#aa86d02e4ca59bc7ffacdc342841a0ea9":[2,0,1,0,2,49,0], +"structmlx_1_1core_1_1detail_1_1_round.html":[1,0,1,0,2,50], +"structmlx_1_1core_1_1detail_1_1_round.html":[2,0,1,0,2,50], +"structmlx_1_1core_1_1detail_1_1_round.html#a653f29c059bbfa6192378732a8a23351":[1,0,1,0,2,50,1], +"structmlx_1_1core_1_1detail_1_1_round.html#a653f29c059bbfa6192378732a8a23351":[2,0,1,0,2,50,1], +"structmlx_1_1core_1_1detail_1_1_round.html#acd099ba81c8c281e9660cf8c0fed0cd1":[1,0,1,0,2,50,0], +"structmlx_1_1core_1_1detail_1_1_round.html#acd099ba81c8c281e9660cf8c0fed0cd1":[2,0,1,0,2,50,0], +"structmlx_1_1core_1_1detail_1_1_rsqrt.html":[1,0,1,0,2,51], +"structmlx_1_1core_1_1detail_1_1_rsqrt.html":[2,0,1,0,2,51], +"structmlx_1_1core_1_1detail_1_1_rsqrt.html#a9af247be16bab83243038aac54446b79":[1,0,1,0,2,51,1], +"structmlx_1_1core_1_1detail_1_1_rsqrt.html#a9af247be16bab83243038aac54446b79":[2,0,1,0,2,51,1], +"structmlx_1_1core_1_1detail_1_1_rsqrt.html#ac6720a6270393152ab2924a77bfb17b2":[1,0,1,0,2,51,0], +"structmlx_1_1core_1_1detail_1_1_rsqrt.html#ac6720a6270393152ab2924a77bfb17b2":[2,0,1,0,2,51,0], +"structmlx_1_1core_1_1detail_1_1_select.html":[1,0,1,0,2,52], +"structmlx_1_1core_1_1detail_1_1_select.html":[2,0,1,0,2,52], +"structmlx_1_1core_1_1detail_1_1_select.html#a8c5135e3098cfd2521a2a266ba08f1e4":[1,0,1,0,2,52,1], +"structmlx_1_1core_1_1detail_1_1_select.html#a8c5135e3098cfd2521a2a266ba08f1e4":[2,0,1,0,2,52,1], +"structmlx_1_1core_1_1detail_1_1_select.html#a930f9da2e6b3453e04f21382435a2cfb":[1,0,1,0,2,52,0], +"structmlx_1_1core_1_1detail_1_1_select.html#a930f9da2e6b3453e04f21382435a2cfb":[2,0,1,0,2,52,0], +"structmlx_1_1core_1_1detail_1_1_sigmoid.html":[1,0,1,0,2,53], +"structmlx_1_1core_1_1detail_1_1_sigmoid.html":[2,0,1,0,2,53], +"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a12a3d53f0fd797b5cdd9d04d048ce1a4":[1,0,1,0,2,53,0], +"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a12a3d53f0fd797b5cdd9d04d048ce1a4":[2,0,1,0,2,53,0], +"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a64b72561bfaf758632167f00648f4c89":[1,0,1,0,2,53,1], +"structmlx_1_1core_1_1detail_1_1_sigmoid.html#a64b72561bfaf758632167f00648f4c89":[2,0,1,0,2,53,1], +"structmlx_1_1core_1_1detail_1_1_sign.html":[1,0,1,0,2,54], +"structmlx_1_1core_1_1detail_1_1_sign.html":[2,0,1,0,2,54], +"structmlx_1_1core_1_1detail_1_1_sign.html#a64ed5013cee7ff18c7fe70bc04737e7b":[1,0,1,0,2,54,1], +"structmlx_1_1core_1_1detail_1_1_sign.html#a64ed5013cee7ff18c7fe70bc04737e7b":[2,0,1,0,2,54,1], +"structmlx_1_1core_1_1detail_1_1_sign.html#a913c095e25668c8a6bb6e3243e150606":[1,0,1,0,2,54,0], +"structmlx_1_1core_1_1detail_1_1_sign.html#a913c095e25668c8a6bb6e3243e150606":[2,0,1,0,2,54,0], +"structmlx_1_1core_1_1detail_1_1_sin.html":[1,0,1,0,2,55], +"structmlx_1_1core_1_1detail_1_1_sin.html":[2,0,1,0,2,55], +"structmlx_1_1core_1_1detail_1_1_sin.html#a07c357c49dbf6b0579b1e771c6eb5766":[1,0,1,0,2,55,0], +"structmlx_1_1core_1_1detail_1_1_sin.html#a07c357c49dbf6b0579b1e771c6eb5766":[2,0,1,0,2,55,0], +"structmlx_1_1core_1_1detail_1_1_sin.html#ae95671816529cc2188389af37a2f1a13":[1,0,1,0,2,55,1], +"structmlx_1_1core_1_1detail_1_1_sin.html#ae95671816529cc2188389af37a2f1a13":[2,0,1,0,2,55,1], +"structmlx_1_1core_1_1detail_1_1_sinh.html":[1,0,1,0,2,56], +"structmlx_1_1core_1_1detail_1_1_sinh.html":[2,0,1,0,2,56], +"structmlx_1_1core_1_1detail_1_1_sinh.html#a1e299cd64bc0c7aaa1ceeac35dfe7831":[1,0,1,0,2,56,0], +"structmlx_1_1core_1_1detail_1_1_sinh.html#a1e299cd64bc0c7aaa1ceeac35dfe7831":[2,0,1,0,2,56,0], +"structmlx_1_1core_1_1detail_1_1_sinh.html#a9663ddf0fa4c0003576b48f3d5385f00":[1,0,1,0,2,56,1], +"structmlx_1_1core_1_1detail_1_1_sinh.html#a9663ddf0fa4c0003576b48f3d5385f00":[2,0,1,0,2,56,1], +"structmlx_1_1core_1_1detail_1_1_sqrt.html":[1,0,1,0,2,57], +"structmlx_1_1core_1_1detail_1_1_sqrt.html":[2,0,1,0,2,57], +"structmlx_1_1core_1_1detail_1_1_sqrt.html#aa5a4830b3ef7efab20ea88a110667efd":[1,0,1,0,2,57,1], +"structmlx_1_1core_1_1detail_1_1_sqrt.html#aa5a4830b3ef7efab20ea88a110667efd":[2,0,1,0,2,57,1], +"structmlx_1_1core_1_1detail_1_1_sqrt.html#acac518e8e7cf3dd103f4f72f22b23221":[1,0,1,0,2,57,0], +"structmlx_1_1core_1_1detail_1_1_sqrt.html#acac518e8e7cf3dd103f4f72f22b23221":[2,0,1,0,2,57,0], +"structmlx_1_1core_1_1detail_1_1_square.html":[1,0,1,0,2,58], +"structmlx_1_1core_1_1detail_1_1_square.html":[2,0,1,0,2,58], +"structmlx_1_1core_1_1detail_1_1_square.html#a54e9e3c0d0896e142289e8282eab1099":[1,0,1,0,2,58,1], +"structmlx_1_1core_1_1detail_1_1_square.html#a54e9e3c0d0896e142289e8282eab1099":[2,0,1,0,2,58,1], +"structmlx_1_1core_1_1detail_1_1_square.html#abab2378a94c4c38dffeb06a74b0f81ee":[1,0,1,0,2,58,0], +"structmlx_1_1core_1_1detail_1_1_square.html#abab2378a94c4c38dffeb06a74b0f81ee":[2,0,1,0,2,58,0], +"structmlx_1_1core_1_1detail_1_1_subtract.html":[1,0,1,0,2,59], +"structmlx_1_1core_1_1detail_1_1_subtract.html":[2,0,1,0,2,59], +"structmlx_1_1core_1_1detail_1_1_subtract.html#a48913052e0a051648b7a69376ec3e3e1":[1,0,1,0,2,59,0], +"structmlx_1_1core_1_1detail_1_1_subtract.html#a48913052e0a051648b7a69376ec3e3e1":[2,0,1,0,2,59,0], +"structmlx_1_1core_1_1detail_1_1_subtract.html#a72ef05830615a2d5d9662926ed82672a":[1,0,1,0,2,59,1], +"structmlx_1_1core_1_1detail_1_1_subtract.html#a72ef05830615a2d5d9662926ed82672a":[2,0,1,0,2,59,1], +"structmlx_1_1core_1_1detail_1_1_tan.html":[1,0,1,0,2,60], +"structmlx_1_1core_1_1detail_1_1_tan.html":[2,0,1,0,2,60], +"structmlx_1_1core_1_1detail_1_1_tan.html#a9c8d3570a1e4daa054bb41999043d9e9":[1,0,1,0,2,60,0], +"structmlx_1_1core_1_1detail_1_1_tan.html#a9c8d3570a1e4daa054bb41999043d9e9":[2,0,1,0,2,60,0], +"structmlx_1_1core_1_1detail_1_1_tan.html#aba397cd7ac05bbe06dfa9e3a64bdb05f":[1,0,1,0,2,60,1], +"structmlx_1_1core_1_1detail_1_1_tan.html#aba397cd7ac05bbe06dfa9e3a64bdb05f":[2,0,1,0,2,60,1], +"structmlx_1_1core_1_1detail_1_1_tanh.html":[1,0,1,0,2,61], +"structmlx_1_1core_1_1detail_1_1_tanh.html":[2,0,1,0,2,61], +"structmlx_1_1core_1_1detail_1_1_tanh.html#a1749ba1edfd53095ed7d45c0e53bab61":[1,0,1,0,2,61,1], +"structmlx_1_1core_1_1detail_1_1_tanh.html#a1749ba1edfd53095ed7d45c0e53bab61":[2,0,1,0,2,61,1], +"structmlx_1_1core_1_1detail_1_1_tanh.html#a79eeba686f3dd5dce097ff5b9b27dd7c":[1,0,1,0,2,61,0], +"structmlx_1_1core_1_1detail_1_1_tanh.html#a79eeba686f3dd5dce097ff5b9b27dd7c":[2,0,1,0,2,61,0], +"structmlx_1_1core_1_1distributed_1_1_group.html":[1,0,1,0,3,6], +"structmlx_1_1core_1_1distributed_1_1_group.html":[2,0,1,0,3,4], +"structmlx_1_1core_1_1distributed_1_1_group.html#a32e6e085a427b41ca3529c5e5db30a1b":[1,0,1,0,3,6,0], +"structmlx_1_1core_1_1distributed_1_1_group.html#a32e6e085a427b41ca3529c5e5db30a1b":[2,0,1,0,3,4,0], +"structmlx_1_1core_1_1distributed_1_1_group.html#a94b676c55c9a0f9d6e75ddf80644f18d":[1,0,1,0,3,6,1], +"structmlx_1_1core_1_1distributed_1_1_group.html#a94b676c55c9a0f9d6e75ddf80644f18d":[2,0,1,0,3,4,1], +"structmlx_1_1core_1_1distributed_1_1_group.html#ac0a5a1e463a9330355e8bfe09c0feaf2":[1,0,1,0,3,6,3], +"structmlx_1_1core_1_1distributed_1_1_group.html#ac0a5a1e463a9330355e8bfe09c0feaf2":[2,0,1,0,3,4,3], +"structmlx_1_1core_1_1distributed_1_1_group.html#ad3682f4dc85bfe7e5464b87f6f0fd931":[1,0,1,0,3,6,4], +"structmlx_1_1core_1_1distributed_1_1_group.html#ad3682f4dc85bfe7e5464b87f6f0fd931":[2,0,1,0,3,4,4], +"structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf":[1,0,1,0,3,6,2], +"structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf":[2,0,1,0,3,4,2], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html":[1,0,1,0,5,3], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html":[2,0,1,0,4,3], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63954de7da62942ec69afcaaa19d46f2":[1,0,1,0,5,3,2], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63954de7da62942ec69afcaaa19d46f2":[2,0,1,0,4,3,2], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63db720fe0c2abc4b71e22a58a015f8a":[1,0,1,0,5,3,1], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63db720fe0c2abc4b71e22a58a015f8a":[2,0,1,0,4,3,1], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#ae605df33f449872e3da9777d97008051":[1,0,1,0,5,3,0], +"structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#ae605df33f449872e3da9777d97008051":[2,0,1,0,4,3,0], +"structmlx_1_1core_1_1finfo.html":[1,0,1,0,69], +"structmlx_1_1core_1_1finfo.html":[2,0,1,0,66], +"structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109":[1,0,1,0,69,0], +"structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109":[2,0,1,0,66,0], +"structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a":[1,0,1,0,69,3], +"structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a":[2,0,1,0,66,3], +"structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124":[1,0,1,0,69,1], +"structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124":[2,0,1,0,66,1], +"structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083":[1,0,1,0,69,2], +"structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083":[2,0,1,0,66,2], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html":[1,0,1,0,9,1], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html":[2,0,1,0,6,1], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[1,0,1,0,9,1,6], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05":[2,0,1,0,6,1,6], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[1,0,1,0,9,1,7], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a27ded7e54bc1712063c874646b445509":[2,0,1,0,6,1,7], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f":[1,0,1,0,9,1,11], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f":[2,0,1,0,6,1,11], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[1,0,1,0,9,1,9], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e":[2,0,1,0,6,1,9], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[1,0,1,0,9,1,20], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a48b548a0b15f9d1279c938a1c6167034":[2,0,1,0,6,1,20], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[1,0,1,0,9,1,19], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a68c3c6a036e11ec40211c09811bbed1b":[2,0,1,0,6,1,19], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[1,0,1,0,9,1,17], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522":[2,0,1,0,6,1,17], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[1,0,1,0,9,1,15], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef":[2,0,1,0,6,1,15] }; diff --git a/docs/build/html/navtreeindex3.js b/docs/build/html/navtreeindex3.js index 9d9956657..711de8169 100644 --- a/docs/build/html/navtreeindex3.js +++ b/docs/build/html/navtreeindex3.js @@ -1,253 +1,253 @@ var NAVTREEINDEX3 = { -"classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc":[1,0,1,0,25,2], -"classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc":[2,0,1,0,22,2], -"classmlx_1_1core_1_1_arg_partition.html#aa8678d94fa1571ea71a7bf790cdb8d63":[1,0,1,0,25,6], -"classmlx_1_1core_1_1_arg_partition.html#aa8678d94fa1571ea71a7bf790cdb8d63":[2,0,1,0,22,6], -"classmlx_1_1core_1_1_arg_partition.html#ab54b13dbf92351ba1ac06fd3e5a802df":[1,0,1,0,25,0], -"classmlx_1_1core_1_1_arg_partition.html#ab54b13dbf92351ba1ac06fd3e5a802df":[2,0,1,0,22,0], -"classmlx_1_1core_1_1_arg_partition.html#ad87509ce70b51fb75dfb9c3a05a5b31a":[1,0,1,0,25,3], -"classmlx_1_1core_1_1_arg_partition.html#ad87509ce70b51fb75dfb9c3a05a5b31a":[2,0,1,0,22,3], -"classmlx_1_1core_1_1_arg_partition.html#ade23d014717a0b0235d00073503aeac0":[1,0,1,0,25,8], -"classmlx_1_1core_1_1_arg_partition.html#ade23d014717a0b0235d00073503aeac0":[2,0,1,0,22,8], -"classmlx_1_1core_1_1_arg_partition.html#aedea4b47f947a6fe358dd1238cdfb595":[1,0,1,0,25,4], -"classmlx_1_1core_1_1_arg_partition.html#aedea4b47f947a6fe358dd1238cdfb595":[2,0,1,0,22,4], -"classmlx_1_1core_1_1_arg_reduce.html":[1,0,1,0,26], -"classmlx_1_1core_1_1_arg_reduce.html":[2,0,1,0,23], -"classmlx_1_1core_1_1_arg_reduce.html#a03b81a670dcb1e39bf7279e4d4583b97":[1,0,1,0,26,4], -"classmlx_1_1core_1_1_arg_reduce.html#a03b81a670dcb1e39bf7279e4d4583b97":[2,0,1,0,23,4], -"classmlx_1_1core_1_1_arg_reduce.html#a03bb925e1b488c560bc3d67ce62ba6fa":[1,0,1,0,26,5], -"classmlx_1_1core_1_1_arg_reduce.html#a03bb925e1b488c560bc3d67ce62ba6fa":[2,0,1,0,23,5], -"classmlx_1_1core_1_1_arg_reduce.html#a153a6d8dba7301c4fcd0e429154ead8f":[1,0,1,0,26,7], -"classmlx_1_1core_1_1_arg_reduce.html#a153a6d8dba7301c4fcd0e429154ead8f":[2,0,1,0,23,7], -"classmlx_1_1core_1_1_arg_reduce.html#a60d272685a373e6fe879416481a1ce1a":[1,0,1,0,26,9], -"classmlx_1_1core_1_1_arg_reduce.html#a60d272685a373e6fe879416481a1ce1a":[2,0,1,0,23,9], -"classmlx_1_1core_1_1_arg_reduce.html#a81a70885480c1d436329025091b2fa4c":[1,0,1,0,26,6], -"classmlx_1_1core_1_1_arg_reduce.html#a81a70885480c1d436329025091b2fa4c":[2,0,1,0,23,6], -"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3":[1,0,1,0,26,0], -"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3":[2,0,1,0,23,0], -"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3a93a8a9221545ae9518d289d9ac4d09e9":[1,0,1,0,26,0,0], -"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3a93a8a9221545ae9518d289d9ac4d09e9":[2,0,1,0,23,0,0], -"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3acc6659315ab0001abd37cbfcbe837e7e":[1,0,1,0,26,0,1], -"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3acc6659315ab0001abd37cbfcbe837e7e":[2,0,1,0,23,0,1], -"classmlx_1_1core_1_1_arg_reduce.html#aaccf8021dc24895656e25142eb65aa03":[1,0,1,0,26,1], -"classmlx_1_1core_1_1_arg_reduce.html#aaccf8021dc24895656e25142eb65aa03":[2,0,1,0,23,1], -"classmlx_1_1core_1_1_arg_reduce.html#aafa982ce2abc0cd9e81e43aa2c823d29":[1,0,1,0,26,3], -"classmlx_1_1core_1_1_arg_reduce.html#aafa982ce2abc0cd9e81e43aa2c823d29":[2,0,1,0,23,3], -"classmlx_1_1core_1_1_arg_reduce.html#abfec42fa06ea15edaf393593751fb1ba":[1,0,1,0,26,10], -"classmlx_1_1core_1_1_arg_reduce.html#abfec42fa06ea15edaf393593751fb1ba":[2,0,1,0,23,10], -"classmlx_1_1core_1_1_arg_reduce.html#acac3b26364260aac7511b4cb7add3604":[1,0,1,0,26,8], -"classmlx_1_1core_1_1_arg_reduce.html#acac3b26364260aac7511b4cb7add3604":[2,0,1,0,23,8], -"classmlx_1_1core_1_1_arg_reduce.html#ad8d48725623ede1ff654fa13eccf2287":[1,0,1,0,26,2], -"classmlx_1_1core_1_1_arg_reduce.html#ad8d48725623ede1ff654fa13eccf2287":[2,0,1,0,23,2], -"classmlx_1_1core_1_1_arg_sort.html":[1,0,1,0,27], -"classmlx_1_1core_1_1_arg_sort.html":[2,0,1,0,24], -"classmlx_1_1core_1_1_arg_sort.html#a022079683774bfeb531b3a002cff16fa":[1,0,1,0,27,1], -"classmlx_1_1core_1_1_arg_sort.html#a022079683774bfeb531b3a002cff16fa":[2,0,1,0,24,1], -"classmlx_1_1core_1_1_arg_sort.html#a048cd09c557d29d1111726f97010a845":[1,0,1,0,27,3], -"classmlx_1_1core_1_1_arg_sort.html#a048cd09c557d29d1111726f97010a845":[2,0,1,0,24,3], -"classmlx_1_1core_1_1_arg_sort.html#a0b59ce43e0982d634a01631728b419bd":[1,0,1,0,27,5], -"classmlx_1_1core_1_1_arg_sort.html#a0b59ce43e0982d634a01631728b419bd":[2,0,1,0,24,5], -"classmlx_1_1core_1_1_arg_sort.html#a219ce04a811397a900c3235d8e6aef5c":[1,0,1,0,27,4], -"classmlx_1_1core_1_1_arg_sort.html#a219ce04a811397a900c3235d8e6aef5c":[2,0,1,0,24,4], -"classmlx_1_1core_1_1_arg_sort.html#a3522bbbe4626a467394c1a8a9d7ac34e":[1,0,1,0,27,7], -"classmlx_1_1core_1_1_arg_sort.html#a3522bbbe4626a467394c1a8a9d7ac34e":[2,0,1,0,24,7], -"classmlx_1_1core_1_1_arg_sort.html#a38507a8445302a81cb44674c4a5fc0b0":[1,0,1,0,27,0], -"classmlx_1_1core_1_1_arg_sort.html#a38507a8445302a81cb44674c4a5fc0b0":[2,0,1,0,24,0], -"classmlx_1_1core_1_1_arg_sort.html#a90548429765f9e7e2332f01b72692fa2":[1,0,1,0,27,6], -"classmlx_1_1core_1_1_arg_sort.html#a90548429765f9e7e2332f01b72692fa2":[2,0,1,0,24,6], -"classmlx_1_1core_1_1_arg_sort.html#abc2d730850ec4ee8d7968b7417911709":[1,0,1,0,27,2], -"classmlx_1_1core_1_1_arg_sort.html#abc2d730850ec4ee8d7968b7417911709":[2,0,1,0,24,2], -"classmlx_1_1core_1_1_as_strided.html":[1,0,1,0,29], -"classmlx_1_1core_1_1_as_strided.html":[2,0,1,0,26], -"classmlx_1_1core_1_1_as_strided.html#a1738c6aa0a3a3eb68530f0d5b436e094":[1,0,1,0,29,3], -"classmlx_1_1core_1_1_as_strided.html#a1738c6aa0a3a3eb68530f0d5b436e094":[2,0,1,0,26,3], -"classmlx_1_1core_1_1_as_strided.html#a34783284c9b2f5b4a62c3c3ee5dd4062":[1,0,1,0,29,7], -"classmlx_1_1core_1_1_as_strided.html#a34783284c9b2f5b4a62c3c3ee5dd4062":[2,0,1,0,26,7], -"classmlx_1_1core_1_1_as_strided.html#a8ff0a398c47b42e08bc1122e07a02b53":[1,0,1,0,29,4], -"classmlx_1_1core_1_1_as_strided.html#a8ff0a398c47b42e08bc1122e07a02b53":[2,0,1,0,26,4], -"classmlx_1_1core_1_1_as_strided.html#ab6771a208323994927ca162ba7bb10ed":[1,0,1,0,29,2], -"classmlx_1_1core_1_1_as_strided.html#ab6771a208323994927ca162ba7bb10ed":[2,0,1,0,26,2], -"classmlx_1_1core_1_1_as_strided.html#acdd4705e4503ff0b124215c4676b4193":[1,0,1,0,29,1], -"classmlx_1_1core_1_1_as_strided.html#acdd4705e4503ff0b124215c4676b4193":[2,0,1,0,26,1], -"classmlx_1_1core_1_1_as_strided.html#ae730aeff375498ba774d4207c7af8c36":[1,0,1,0,29,6], -"classmlx_1_1core_1_1_as_strided.html#ae730aeff375498ba774d4207c7af8c36":[2,0,1,0,26,6], -"classmlx_1_1core_1_1_as_strided.html#aee21aadc21343fd15aacb8f2f8ac3761":[1,0,1,0,29,0], -"classmlx_1_1core_1_1_as_strided.html#aee21aadc21343fd15aacb8f2f8ac3761":[2,0,1,0,26,0], -"classmlx_1_1core_1_1_as_strided.html#af2e21b77ea9e6c70bca45224967745bf":[1,0,1,0,29,5], -"classmlx_1_1core_1_1_as_strided.html#af2e21b77ea9e6c70bca45224967745bf":[2,0,1,0,26,5], -"classmlx_1_1core_1_1_as_type.html":[1,0,1,0,30], -"classmlx_1_1core_1_1_as_type.html":[2,0,1,0,27], -"classmlx_1_1core_1_1_as_type.html#a213400967150c57da35795e1c9f65ca0":[1,0,1,0,30,4], -"classmlx_1_1core_1_1_as_type.html#a213400967150c57da35795e1c9f65ca0":[2,0,1,0,27,4], -"classmlx_1_1core_1_1_as_type.html#a3975b31cfd86d6eb33dc73554b357b88":[1,0,1,0,30,5], -"classmlx_1_1core_1_1_as_type.html#a3975b31cfd86d6eb33dc73554b357b88":[2,0,1,0,27,5], -"classmlx_1_1core_1_1_as_type.html#a5b111b9d74c60d27b4a7ebaa49f96e0b":[1,0,1,0,30,2], -"classmlx_1_1core_1_1_as_type.html#a5b111b9d74c60d27b4a7ebaa49f96e0b":[2,0,1,0,27,2], -"classmlx_1_1core_1_1_as_type.html#a7ebaf86fd6cad4a1ecfd7cde1ee0b0cc":[1,0,1,0,30,9], -"classmlx_1_1core_1_1_as_type.html#a7ebaf86fd6cad4a1ecfd7cde1ee0b0cc":[2,0,1,0,27,9], -"classmlx_1_1core_1_1_as_type.html#a8c3241d402a8977bb4db037e225f5b47":[1,0,1,0,30,0], -"classmlx_1_1core_1_1_as_type.html#a8c3241d402a8977bb4db037e225f5b47":[2,0,1,0,27,0], -"classmlx_1_1core_1_1_as_type.html#a8e6c8b2428ab15c4fb43f2e3a8fb38af":[1,0,1,0,30,3], -"classmlx_1_1core_1_1_as_type.html#a8e6c8b2428ab15c4fb43f2e3a8fb38af":[2,0,1,0,27,3], -"classmlx_1_1core_1_1_as_type.html#a98ea769fc9cd6d76b07817444e7a78ab":[1,0,1,0,30,7], -"classmlx_1_1core_1_1_as_type.html#a98ea769fc9cd6d76b07817444e7a78ab":[2,0,1,0,27,7], -"classmlx_1_1core_1_1_as_type.html#aa617e29147c14bd5d1fa8ad0bf65af0c":[1,0,1,0,30,6], -"classmlx_1_1core_1_1_as_type.html#aa617e29147c14bd5d1fa8ad0bf65af0c":[2,0,1,0,27,6], -"classmlx_1_1core_1_1_as_type.html#aa89dbf4d73b00c6a44cffd04d5bb228d":[1,0,1,0,30,1], -"classmlx_1_1core_1_1_as_type.html#aa89dbf4d73b00c6a44cffd04d5bb228d":[2,0,1,0,27,1], -"classmlx_1_1core_1_1_as_type.html#ac38a4f889311a3b5e5be9a67dcb93e18":[1,0,1,0,30,8], -"classmlx_1_1core_1_1_as_type.html#ac38a4f889311a3b5e5be9a67dcb93e18":[2,0,1,0,27,8], -"classmlx_1_1core_1_1_bitwise_binary.html":[1,0,1,0,31], -"classmlx_1_1core_1_1_bitwise_binary.html":[2,0,1,0,28], -"classmlx_1_1core_1_1_bitwise_binary.html#a0d8b3a94951621ffcdebc6fda748a172":[1,0,1,0,31,1], -"classmlx_1_1core_1_1_bitwise_binary.html#a0d8b3a94951621ffcdebc6fda748a172":[2,0,1,0,28,1], -"classmlx_1_1core_1_1_bitwise_binary.html#a1dae6ce5dc0498d20530403fe5c5531d":[1,0,1,0,31,5], -"classmlx_1_1core_1_1_bitwise_binary.html#a1dae6ce5dc0498d20530403fe5c5531d":[2,0,1,0,28,5], -"classmlx_1_1core_1_1_bitwise_binary.html#a2194bf585213bda1b2966aa02d2fe283":[1,0,1,0,31,2], -"classmlx_1_1core_1_1_bitwise_binary.html#a2194bf585213bda1b2966aa02d2fe283":[2,0,1,0,28,2], -"classmlx_1_1core_1_1_bitwise_binary.html#a49c9d2688d3cca8abf5698a250d57d56":[1,0,1,0,31,6], -"classmlx_1_1core_1_1_bitwise_binary.html#a49c9d2688d3cca8abf5698a250d57d56":[2,0,1,0,28,6], -"classmlx_1_1core_1_1_bitwise_binary.html#a6131ed1c317ff8700a3e9b13fdaa9d61":[1,0,1,0,31,9], -"classmlx_1_1core_1_1_bitwise_binary.html#a6131ed1c317ff8700a3e9b13fdaa9d61":[2,0,1,0,28,9], -"classmlx_1_1core_1_1_bitwise_binary.html#a69b28e239da7fdb89f0a9f9467dd797d":[1,0,1,0,31,7], -"classmlx_1_1core_1_1_bitwise_binary.html#a69b28e239da7fdb89f0a9f9467dd797d":[2,0,1,0,28,7], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23d":[1,0,1,0,31,0], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23d":[2,0,1,0,28,0], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da011e7b275a1f0edbd9345cfcf6501503":[1,0,1,0,31,0,4], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da011e7b275a1f0edbd9345cfcf6501503":[2,0,1,0,28,0,4], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da51065a44e7f9a76a6dab6de637c6db22":[1,0,1,0,31,0,1], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da51065a44e7f9a76a6dab6de637c6db22":[2,0,1,0,28,0,1], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da986b39e75cbe29fcda1d7bf7942a65a0":[1,0,1,0,31,0,3], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da986b39e75cbe29fcda1d7bf7942a65a0":[2,0,1,0,28,0,3], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dab14e7d426f45ae7f029f4e00210fbae4":[1,0,1,0,31,0,0], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dab14e7d426f45ae7f029f4e00210fbae4":[2,0,1,0,28,0,0], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dac95e7d8e6205449a70c8134e7dae3bd1":[1,0,1,0,31,0,2], -"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dac95e7d8e6205449a70c8134e7dae3bd1":[2,0,1,0,28,0,2], -"classmlx_1_1core_1_1_bitwise_binary.html#a8a67d6f431b4055ab66656201622af4d":[1,0,1,0,31,8], -"classmlx_1_1core_1_1_bitwise_binary.html#a8a67d6f431b4055ab66656201622af4d":[2,0,1,0,28,8], -"classmlx_1_1core_1_1_bitwise_binary.html#a8cd6b916b4838a6c329cf4df8530c3b8":[1,0,1,0,31,4], -"classmlx_1_1core_1_1_bitwise_binary.html#a8cd6b916b4838a6c329cf4df8530c3b8":[2,0,1,0,28,4], -"classmlx_1_1core_1_1_bitwise_binary.html#aa10be55f05bc1868bf4b375dc475f965":[1,0,1,0,31,10], -"classmlx_1_1core_1_1_bitwise_binary.html#aa10be55f05bc1868bf4b375dc475f965":[2,0,1,0,28,10], -"classmlx_1_1core_1_1_bitwise_binary.html#ac831a29fc46701b00bbe63ee33832afd":[1,0,1,0,31,3], -"classmlx_1_1core_1_1_bitwise_binary.html#ac831a29fc46701b00bbe63ee33832afd":[2,0,1,0,28,3], -"classmlx_1_1core_1_1_bitwise_invert.html":[1,0,1,0,32], -"classmlx_1_1core_1_1_bitwise_invert.html":[2,0,1,0,29], -"classmlx_1_1core_1_1_bitwise_invert.html#a09162c49334380f5a04433e00427abfa":[1,0,1,0,32,2], -"classmlx_1_1core_1_1_bitwise_invert.html#a09162c49334380f5a04433e00427abfa":[2,0,1,0,29,2], -"classmlx_1_1core_1_1_bitwise_invert.html#a2213ba033d215cca411edca552ac634e":[1,0,1,0,32,6], -"classmlx_1_1core_1_1_bitwise_invert.html#a2213ba033d215cca411edca552ac634e":[2,0,1,0,29,6], -"classmlx_1_1core_1_1_bitwise_invert.html#a22457fe46135c2df426b89cc15b1f940":[1,0,1,0,32,3], -"classmlx_1_1core_1_1_bitwise_invert.html#a22457fe46135c2df426b89cc15b1f940":[2,0,1,0,29,3], -"classmlx_1_1core_1_1_bitwise_invert.html#a36558873262f1353f1575590e68ef8bf":[1,0,1,0,32,4], -"classmlx_1_1core_1_1_bitwise_invert.html#a36558873262f1353f1575590e68ef8bf":[2,0,1,0,29,4], -"classmlx_1_1core_1_1_bitwise_invert.html#a7a122900d844f1e57a0faa7ad8b47a5c":[1,0,1,0,32,5], -"classmlx_1_1core_1_1_bitwise_invert.html#a7a122900d844f1e57a0faa7ad8b47a5c":[2,0,1,0,29,5], -"classmlx_1_1core_1_1_bitwise_invert.html#aaa0180570a82e93988b982b93cd91623":[1,0,1,0,32,0], -"classmlx_1_1core_1_1_bitwise_invert.html#aaa0180570a82e93988b982b93cd91623":[2,0,1,0,29,0], -"classmlx_1_1core_1_1_bitwise_invert.html#af7de39edef13cf483a6140f2dad4187e":[1,0,1,0,32,1], -"classmlx_1_1core_1_1_bitwise_invert.html#af7de39edef13cf483a6140f2dad4187e":[2,0,1,0,29,1], -"classmlx_1_1core_1_1_block_masked_m_m.html":[1,0,1,0,33], -"classmlx_1_1core_1_1_block_masked_m_m.html":[2,0,1,0,30], -"classmlx_1_1core_1_1_block_masked_m_m.html#a1adf20087ee2f685bf39c2724b8e7120":[1,0,1,0,33,6], -"classmlx_1_1core_1_1_block_masked_m_m.html#a1adf20087ee2f685bf39c2724b8e7120":[2,0,1,0,30,6], -"classmlx_1_1core_1_1_block_masked_m_m.html#a37ecf6fa296d28efb7651a3c510fe159":[1,0,1,0,33,4], -"classmlx_1_1core_1_1_block_masked_m_m.html#a37ecf6fa296d28efb7651a3c510fe159":[2,0,1,0,30,4], -"classmlx_1_1core_1_1_block_masked_m_m.html#a6bbcc34b256840e4df2953563f2b4a07":[1,0,1,0,33,5], -"classmlx_1_1core_1_1_block_masked_m_m.html#a6bbcc34b256840e4df2953563f2b4a07":[2,0,1,0,30,5], -"classmlx_1_1core_1_1_block_masked_m_m.html#aa85da478cdc6d4a97be06e5d4abee1f2":[1,0,1,0,33,1], -"classmlx_1_1core_1_1_block_masked_m_m.html#aa85da478cdc6d4a97be06e5d4abee1f2":[2,0,1,0,30,1], -"classmlx_1_1core_1_1_block_masked_m_m.html#ab372b6df4de00a33795a052a23bb1df9":[1,0,1,0,33,2], -"classmlx_1_1core_1_1_block_masked_m_m.html#ab372b6df4de00a33795a052a23bb1df9":[2,0,1,0,30,2], -"classmlx_1_1core_1_1_block_masked_m_m.html#ad26509deb5306d0c5eb72477e9a57477":[1,0,1,0,33,0], -"classmlx_1_1core_1_1_block_masked_m_m.html#ad26509deb5306d0c5eb72477e9a57477":[2,0,1,0,30,0], -"classmlx_1_1core_1_1_block_masked_m_m.html#aef1c303955f9b8f445296372cf181160":[1,0,1,0,33,3], -"classmlx_1_1core_1_1_block_masked_m_m.html#aef1c303955f9b8f445296372cf181160":[2,0,1,0,30,3], -"classmlx_1_1core_1_1_broadcast.html":[1,0,1,0,34], -"classmlx_1_1core_1_1_broadcast.html":[2,0,1,0,31], -"classmlx_1_1core_1_1_broadcast.html#a004cce3029c0427569830016f99648cb":[1,0,1,0,34,0], -"classmlx_1_1core_1_1_broadcast.html#a004cce3029c0427569830016f99648cb":[2,0,1,0,31,0], -"classmlx_1_1core_1_1_broadcast.html#a00c39c113fe3e698771e2e6b595c32cd":[1,0,1,0,34,5], -"classmlx_1_1core_1_1_broadcast.html#a00c39c113fe3e698771e2e6b595c32cd":[2,0,1,0,31,5], -"classmlx_1_1core_1_1_broadcast.html#a0318847c9be40f00b23907ad56037d18":[1,0,1,0,34,9], -"classmlx_1_1core_1_1_broadcast.html#a0318847c9be40f00b23907ad56037d18":[2,0,1,0,31,9], -"classmlx_1_1core_1_1_broadcast.html#a0e27692b0090ec451954649a36042616":[1,0,1,0,34,3], -"classmlx_1_1core_1_1_broadcast.html#a0e27692b0090ec451954649a36042616":[2,0,1,0,31,3], -"classmlx_1_1core_1_1_broadcast.html#a49fdb421047860733af7dfbbb478da8d":[1,0,1,0,34,8], -"classmlx_1_1core_1_1_broadcast.html#a49fdb421047860733af7dfbbb478da8d":[2,0,1,0,31,8], -"classmlx_1_1core_1_1_broadcast.html#a53d48d9778e2d4c24a124cd767900780":[1,0,1,0,34,1], -"classmlx_1_1core_1_1_broadcast.html#a53d48d9778e2d4c24a124cd767900780":[2,0,1,0,31,1], -"classmlx_1_1core_1_1_broadcast.html#a6a610412861c6e472f930b6721b99a11":[1,0,1,0,34,7], -"classmlx_1_1core_1_1_broadcast.html#a6a610412861c6e472f930b6721b99a11":[2,0,1,0,31,7], -"classmlx_1_1core_1_1_broadcast.html#ab9bd9dbcedcefc9b29c84911b5ce69fe":[1,0,1,0,34,2], -"classmlx_1_1core_1_1_broadcast.html#ab9bd9dbcedcefc9b29c84911b5ce69fe":[2,0,1,0,31,2], -"classmlx_1_1core_1_1_broadcast.html#adef65b1ec75efbe43e5574ec81b7c0ac":[1,0,1,0,34,6], -"classmlx_1_1core_1_1_broadcast.html#adef65b1ec75efbe43e5574ec81b7c0ac":[2,0,1,0,31,6], -"classmlx_1_1core_1_1_broadcast.html#ae2fc3851a117079244708864be770ece":[1,0,1,0,34,4], -"classmlx_1_1core_1_1_broadcast.html#ae2fc3851a117079244708864be770ece":[2,0,1,0,31,4], -"classmlx_1_1core_1_1_broadcast.html#aee4c71c2588ad01eb57e10f346cd666f":[1,0,1,0,34,10], -"classmlx_1_1core_1_1_broadcast.html#aee4c71c2588ad01eb57e10f346cd666f":[2,0,1,0,31,10], -"classmlx_1_1core_1_1_broadcast_axes.html":[1,0,1,0,35], -"classmlx_1_1core_1_1_broadcast_axes.html":[2,0,1,0,32], -"classmlx_1_1core_1_1_broadcast_axes.html#a42c4385e65851d58e4411a4afe73f58e":[1,0,1,0,35,6], -"classmlx_1_1core_1_1_broadcast_axes.html#a42c4385e65851d58e4411a4afe73f58e":[2,0,1,0,32,6], -"classmlx_1_1core_1_1_broadcast_axes.html#a44d14b22b995e643cb04cc43654d7b16":[1,0,1,0,35,3], -"classmlx_1_1core_1_1_broadcast_axes.html#a44d14b22b995e643cb04cc43654d7b16":[2,0,1,0,32,3], -"classmlx_1_1core_1_1_broadcast_axes.html#a4e04f564d440e2d312c335db52c308e1":[1,0,1,0,35,10], -"classmlx_1_1core_1_1_broadcast_axes.html#a4e04f564d440e2d312c335db52c308e1":[2,0,1,0,32,10], -"classmlx_1_1core_1_1_broadcast_axes.html#a5136f33489670cdc0802e46725288195":[1,0,1,0,35,0], -"classmlx_1_1core_1_1_broadcast_axes.html#a5136f33489670cdc0802e46725288195":[2,0,1,0,32,0], -"classmlx_1_1core_1_1_broadcast_axes.html#a56d16e75a0df867d2f1ba4e5198f15cb":[1,0,1,0,35,2], -"classmlx_1_1core_1_1_broadcast_axes.html#a56d16e75a0df867d2f1ba4e5198f15cb":[2,0,1,0,32,2], -"classmlx_1_1core_1_1_broadcast_axes.html#a5b2594b7a70dd4873a07e742140a245f":[1,0,1,0,35,8], -"classmlx_1_1core_1_1_broadcast_axes.html#a5b2594b7a70dd4873a07e742140a245f":[2,0,1,0,32,8], -"classmlx_1_1core_1_1_broadcast_axes.html#a6423095cd28b2f90893c03166257a568":[1,0,1,0,35,1], -"classmlx_1_1core_1_1_broadcast_axes.html#a6423095cd28b2f90893c03166257a568":[2,0,1,0,32,1], -"classmlx_1_1core_1_1_broadcast_axes.html#a830bae1f3f9078bd5b422ce6e46685a7":[1,0,1,0,35,4], -"classmlx_1_1core_1_1_broadcast_axes.html#a830bae1f3f9078bd5b422ce6e46685a7":[2,0,1,0,32,4], -"classmlx_1_1core_1_1_broadcast_axes.html#aa15f81d08cabe43ac92de7534fb940df":[1,0,1,0,35,7], -"classmlx_1_1core_1_1_broadcast_axes.html#aa15f81d08cabe43ac92de7534fb940df":[2,0,1,0,32,7], -"classmlx_1_1core_1_1_broadcast_axes.html#aaa495110c16fbbc642fbb224ef8dfae6":[1,0,1,0,35,5], -"classmlx_1_1core_1_1_broadcast_axes.html#aaa495110c16fbbc642fbb224ef8dfae6":[2,0,1,0,32,5], -"classmlx_1_1core_1_1_broadcast_axes.html#aea8ef2b2616568a2bb56695381a035be":[1,0,1,0,35,9], -"classmlx_1_1core_1_1_broadcast_axes.html#aea8ef2b2616568a2bb56695381a035be":[2,0,1,0,32,9], -"classmlx_1_1core_1_1_ceil.html":[1,0,1,0,36], -"classmlx_1_1core_1_1_ceil.html":[2,0,1,0,33], -"classmlx_1_1core_1_1_ceil.html#a14a0048dd6496341cacaddada68276ee":[1,0,1,0,36,6], -"classmlx_1_1core_1_1_ceil.html#a14a0048dd6496341cacaddada68276ee":[2,0,1,0,33,6], -"classmlx_1_1core_1_1_ceil.html#a3bf7db5178ed26e23d9ba360ba34ab85":[1,0,1,0,36,5], -"classmlx_1_1core_1_1_ceil.html#a3bf7db5178ed26e23d9ba360ba34ab85":[2,0,1,0,33,5], -"classmlx_1_1core_1_1_ceil.html#a7ad74b27d9f26c886c2af516b845f066":[1,0,1,0,36,4], -"classmlx_1_1core_1_1_ceil.html#a7ad74b27d9f26c886c2af516b845f066":[2,0,1,0,33,4], -"classmlx_1_1core_1_1_ceil.html#a9791801fff3f8b79944e15ac2a45a035":[1,0,1,0,36,1], -"classmlx_1_1core_1_1_ceil.html#a9791801fff3f8b79944e15ac2a45a035":[2,0,1,0,33,1], -"classmlx_1_1core_1_1_ceil.html#aacd90acb56eb0649c1cef807aa21df52":[1,0,1,0,36,3], -"classmlx_1_1core_1_1_ceil.html#aacd90acb56eb0649c1cef807aa21df52":[2,0,1,0,33,3], -"classmlx_1_1core_1_1_ceil.html#abe178e0058e44b6618be414215e96887":[1,0,1,0,36,2], -"classmlx_1_1core_1_1_ceil.html#abe178e0058e44b6618be414215e96887":[2,0,1,0,33,2], -"classmlx_1_1core_1_1_ceil.html#ac2f5a2bd84b8f013e5ce688419a88acb":[1,0,1,0,36,7], -"classmlx_1_1core_1_1_ceil.html#ac2f5a2bd84b8f013e5ce688419a88acb":[2,0,1,0,33,7], -"classmlx_1_1core_1_1_ceil.html#ae86819990b43bdb0c2b3a25719b3a7a4":[1,0,1,0,36,8], -"classmlx_1_1core_1_1_ceil.html#ae86819990b43bdb0c2b3a25719b3a7a4":[2,0,1,0,33,8], -"classmlx_1_1core_1_1_ceil.html#aede38610ca25429f229301546bc9b682":[1,0,1,0,36,0], -"classmlx_1_1core_1_1_ceil.html#aede38610ca25429f229301546bc9b682":[2,0,1,0,33,0], -"classmlx_1_1core_1_1_cholesky.html":[1,0,1,0,37], -"classmlx_1_1core_1_1_cholesky.html":[2,0,1,0,34], -"classmlx_1_1core_1_1_cholesky.html#a0a8b51ff7f5369d22bdc58910d4aaf84":[1,0,1,0,37,3], -"classmlx_1_1core_1_1_cholesky.html#a0a8b51ff7f5369d22bdc58910d4aaf84":[2,0,1,0,34,3], -"classmlx_1_1core_1_1_cholesky.html#a4bdec36c1cc99aadf9a4a39d4c57bea5":[1,0,1,0,37,1], -"classmlx_1_1core_1_1_cholesky.html#a4bdec36c1cc99aadf9a4a39d4c57bea5":[2,0,1,0,34,1], -"classmlx_1_1core_1_1_cholesky.html#a64f03d32ed249a3b2a59b6af66d23727":[1,0,1,0,37,4], -"classmlx_1_1core_1_1_cholesky.html#a64f03d32ed249a3b2a59b6af66d23727":[2,0,1,0,34,4], -"classmlx_1_1core_1_1_cholesky.html#a6ae2e30b85f99f4f0d7f14c7949818ab":[1,0,1,0,37,0], -"classmlx_1_1core_1_1_cholesky.html#a6ae2e30b85f99f4f0d7f14c7949818ab":[2,0,1,0,34,0], -"classmlx_1_1core_1_1_cholesky.html#a8c918594bf129888044ef37fcae56795":[1,0,1,0,37,2], -"classmlx_1_1core_1_1_cholesky.html#a8c918594bf129888044ef37fcae56795":[2,0,1,0,34,2], -"classmlx_1_1core_1_1_cholesky.html#ab5c3f6199ec3b399c91243a05d116aa5":[1,0,1,0,37,5], -"classmlx_1_1core_1_1_cholesky.html#ab5c3f6199ec3b399c91243a05d116aa5":[2,0,1,0,34,5], -"classmlx_1_1core_1_1_compiled.html":[1,0,1,0,39], -"classmlx_1_1core_1_1_compiled.html":[2,0,1,0,36], -"classmlx_1_1core_1_1_compiled.html#a15cb081590ee024ba11476494581a4d4":[1,0,1,0,39,6], -"classmlx_1_1core_1_1_compiled.html#a15cb081590ee024ba11476494581a4d4":[2,0,1,0,36,6] +"classmlx_1_1core_1_1_arg_partition.html#ab54b13dbf92351ba1ac06fd3e5a802df":[1,0,1,0,26,0], +"classmlx_1_1core_1_1_arg_partition.html#ab54b13dbf92351ba1ac06fd3e5a802df":[2,0,1,0,23,0], +"classmlx_1_1core_1_1_arg_partition.html#ad87509ce70b51fb75dfb9c3a05a5b31a":[1,0,1,0,26,3], +"classmlx_1_1core_1_1_arg_partition.html#ad87509ce70b51fb75dfb9c3a05a5b31a":[2,0,1,0,23,3], +"classmlx_1_1core_1_1_arg_partition.html#ade23d014717a0b0235d00073503aeac0":[1,0,1,0,26,8], +"classmlx_1_1core_1_1_arg_partition.html#ade23d014717a0b0235d00073503aeac0":[2,0,1,0,23,8], +"classmlx_1_1core_1_1_arg_partition.html#aedea4b47f947a6fe358dd1238cdfb595":[1,0,1,0,26,4], +"classmlx_1_1core_1_1_arg_partition.html#aedea4b47f947a6fe358dd1238cdfb595":[2,0,1,0,23,4], +"classmlx_1_1core_1_1_arg_reduce.html":[1,0,1,0,27], +"classmlx_1_1core_1_1_arg_reduce.html":[2,0,1,0,24], +"classmlx_1_1core_1_1_arg_reduce.html#a03b81a670dcb1e39bf7279e4d4583b97":[1,0,1,0,27,4], +"classmlx_1_1core_1_1_arg_reduce.html#a03b81a670dcb1e39bf7279e4d4583b97":[2,0,1,0,24,4], +"classmlx_1_1core_1_1_arg_reduce.html#a03bb925e1b488c560bc3d67ce62ba6fa":[1,0,1,0,27,5], +"classmlx_1_1core_1_1_arg_reduce.html#a03bb925e1b488c560bc3d67ce62ba6fa":[2,0,1,0,24,5], +"classmlx_1_1core_1_1_arg_reduce.html#a153a6d8dba7301c4fcd0e429154ead8f":[1,0,1,0,27,7], +"classmlx_1_1core_1_1_arg_reduce.html#a153a6d8dba7301c4fcd0e429154ead8f":[2,0,1,0,24,7], +"classmlx_1_1core_1_1_arg_reduce.html#a60d272685a373e6fe879416481a1ce1a":[1,0,1,0,27,9], +"classmlx_1_1core_1_1_arg_reduce.html#a60d272685a373e6fe879416481a1ce1a":[2,0,1,0,24,9], +"classmlx_1_1core_1_1_arg_reduce.html#a81a70885480c1d436329025091b2fa4c":[1,0,1,0,27,6], +"classmlx_1_1core_1_1_arg_reduce.html#a81a70885480c1d436329025091b2fa4c":[2,0,1,0,24,6], +"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3":[1,0,1,0,27,0], +"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3":[2,0,1,0,24,0], +"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3a93a8a9221545ae9518d289d9ac4d09e9":[1,0,1,0,27,0,0], +"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3a93a8a9221545ae9518d289d9ac4d09e9":[2,0,1,0,24,0,0], +"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3acc6659315ab0001abd37cbfcbe837e7e":[1,0,1,0,27,0,1], +"classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3acc6659315ab0001abd37cbfcbe837e7e":[2,0,1,0,24,0,1], +"classmlx_1_1core_1_1_arg_reduce.html#aaccf8021dc24895656e25142eb65aa03":[1,0,1,0,27,1], +"classmlx_1_1core_1_1_arg_reduce.html#aaccf8021dc24895656e25142eb65aa03":[2,0,1,0,24,1], +"classmlx_1_1core_1_1_arg_reduce.html#aafa982ce2abc0cd9e81e43aa2c823d29":[1,0,1,0,27,3], +"classmlx_1_1core_1_1_arg_reduce.html#aafa982ce2abc0cd9e81e43aa2c823d29":[2,0,1,0,24,3], +"classmlx_1_1core_1_1_arg_reduce.html#abfec42fa06ea15edaf393593751fb1ba":[1,0,1,0,27,10], +"classmlx_1_1core_1_1_arg_reduce.html#abfec42fa06ea15edaf393593751fb1ba":[2,0,1,0,24,10], +"classmlx_1_1core_1_1_arg_reduce.html#acac3b26364260aac7511b4cb7add3604":[1,0,1,0,27,8], +"classmlx_1_1core_1_1_arg_reduce.html#acac3b26364260aac7511b4cb7add3604":[2,0,1,0,24,8], +"classmlx_1_1core_1_1_arg_reduce.html#ad8d48725623ede1ff654fa13eccf2287":[1,0,1,0,27,2], +"classmlx_1_1core_1_1_arg_reduce.html#ad8d48725623ede1ff654fa13eccf2287":[2,0,1,0,24,2], +"classmlx_1_1core_1_1_arg_sort.html":[1,0,1,0,28], +"classmlx_1_1core_1_1_arg_sort.html":[2,0,1,0,25], +"classmlx_1_1core_1_1_arg_sort.html#a022079683774bfeb531b3a002cff16fa":[1,0,1,0,28,1], +"classmlx_1_1core_1_1_arg_sort.html#a022079683774bfeb531b3a002cff16fa":[2,0,1,0,25,1], +"classmlx_1_1core_1_1_arg_sort.html#a048cd09c557d29d1111726f97010a845":[1,0,1,0,28,3], +"classmlx_1_1core_1_1_arg_sort.html#a048cd09c557d29d1111726f97010a845":[2,0,1,0,25,3], +"classmlx_1_1core_1_1_arg_sort.html#a0b59ce43e0982d634a01631728b419bd":[1,0,1,0,28,5], +"classmlx_1_1core_1_1_arg_sort.html#a0b59ce43e0982d634a01631728b419bd":[2,0,1,0,25,5], +"classmlx_1_1core_1_1_arg_sort.html#a219ce04a811397a900c3235d8e6aef5c":[1,0,1,0,28,4], +"classmlx_1_1core_1_1_arg_sort.html#a219ce04a811397a900c3235d8e6aef5c":[2,0,1,0,25,4], +"classmlx_1_1core_1_1_arg_sort.html#a3522bbbe4626a467394c1a8a9d7ac34e":[1,0,1,0,28,7], +"classmlx_1_1core_1_1_arg_sort.html#a3522bbbe4626a467394c1a8a9d7ac34e":[2,0,1,0,25,7], +"classmlx_1_1core_1_1_arg_sort.html#a38507a8445302a81cb44674c4a5fc0b0":[1,0,1,0,28,0], +"classmlx_1_1core_1_1_arg_sort.html#a38507a8445302a81cb44674c4a5fc0b0":[2,0,1,0,25,0], +"classmlx_1_1core_1_1_arg_sort.html#a90548429765f9e7e2332f01b72692fa2":[1,0,1,0,28,6], +"classmlx_1_1core_1_1_arg_sort.html#a90548429765f9e7e2332f01b72692fa2":[2,0,1,0,25,6], +"classmlx_1_1core_1_1_arg_sort.html#abc2d730850ec4ee8d7968b7417911709":[1,0,1,0,28,2], +"classmlx_1_1core_1_1_arg_sort.html#abc2d730850ec4ee8d7968b7417911709":[2,0,1,0,25,2], +"classmlx_1_1core_1_1_as_strided.html":[1,0,1,0,30], +"classmlx_1_1core_1_1_as_strided.html":[2,0,1,0,27], +"classmlx_1_1core_1_1_as_strided.html#a1738c6aa0a3a3eb68530f0d5b436e094":[1,0,1,0,30,3], +"classmlx_1_1core_1_1_as_strided.html#a1738c6aa0a3a3eb68530f0d5b436e094":[2,0,1,0,27,3], +"classmlx_1_1core_1_1_as_strided.html#a34783284c9b2f5b4a62c3c3ee5dd4062":[1,0,1,0,30,7], +"classmlx_1_1core_1_1_as_strided.html#a34783284c9b2f5b4a62c3c3ee5dd4062":[2,0,1,0,27,7], +"classmlx_1_1core_1_1_as_strided.html#a8ff0a398c47b42e08bc1122e07a02b53":[1,0,1,0,30,4], +"classmlx_1_1core_1_1_as_strided.html#a8ff0a398c47b42e08bc1122e07a02b53":[2,0,1,0,27,4], +"classmlx_1_1core_1_1_as_strided.html#ab6771a208323994927ca162ba7bb10ed":[1,0,1,0,30,2], +"classmlx_1_1core_1_1_as_strided.html#ab6771a208323994927ca162ba7bb10ed":[2,0,1,0,27,2], +"classmlx_1_1core_1_1_as_strided.html#acdd4705e4503ff0b124215c4676b4193":[1,0,1,0,30,1], +"classmlx_1_1core_1_1_as_strided.html#acdd4705e4503ff0b124215c4676b4193":[2,0,1,0,27,1], +"classmlx_1_1core_1_1_as_strided.html#ae730aeff375498ba774d4207c7af8c36":[1,0,1,0,30,6], +"classmlx_1_1core_1_1_as_strided.html#ae730aeff375498ba774d4207c7af8c36":[2,0,1,0,27,6], +"classmlx_1_1core_1_1_as_strided.html#aee21aadc21343fd15aacb8f2f8ac3761":[1,0,1,0,30,0], +"classmlx_1_1core_1_1_as_strided.html#aee21aadc21343fd15aacb8f2f8ac3761":[2,0,1,0,27,0], +"classmlx_1_1core_1_1_as_strided.html#af2e21b77ea9e6c70bca45224967745bf":[1,0,1,0,30,5], +"classmlx_1_1core_1_1_as_strided.html#af2e21b77ea9e6c70bca45224967745bf":[2,0,1,0,27,5], +"classmlx_1_1core_1_1_as_type.html":[1,0,1,0,31], +"classmlx_1_1core_1_1_as_type.html":[2,0,1,0,28], +"classmlx_1_1core_1_1_as_type.html#a213400967150c57da35795e1c9f65ca0":[1,0,1,0,31,4], +"classmlx_1_1core_1_1_as_type.html#a213400967150c57da35795e1c9f65ca0":[2,0,1,0,28,4], +"classmlx_1_1core_1_1_as_type.html#a3975b31cfd86d6eb33dc73554b357b88":[1,0,1,0,31,5], +"classmlx_1_1core_1_1_as_type.html#a3975b31cfd86d6eb33dc73554b357b88":[2,0,1,0,28,5], +"classmlx_1_1core_1_1_as_type.html#a5b111b9d74c60d27b4a7ebaa49f96e0b":[1,0,1,0,31,2], +"classmlx_1_1core_1_1_as_type.html#a5b111b9d74c60d27b4a7ebaa49f96e0b":[2,0,1,0,28,2], +"classmlx_1_1core_1_1_as_type.html#a7ebaf86fd6cad4a1ecfd7cde1ee0b0cc":[1,0,1,0,31,9], +"classmlx_1_1core_1_1_as_type.html#a7ebaf86fd6cad4a1ecfd7cde1ee0b0cc":[2,0,1,0,28,9], +"classmlx_1_1core_1_1_as_type.html#a8c3241d402a8977bb4db037e225f5b47":[1,0,1,0,31,0], +"classmlx_1_1core_1_1_as_type.html#a8c3241d402a8977bb4db037e225f5b47":[2,0,1,0,28,0], +"classmlx_1_1core_1_1_as_type.html#a8e6c8b2428ab15c4fb43f2e3a8fb38af":[1,0,1,0,31,3], +"classmlx_1_1core_1_1_as_type.html#a8e6c8b2428ab15c4fb43f2e3a8fb38af":[2,0,1,0,28,3], +"classmlx_1_1core_1_1_as_type.html#a98ea769fc9cd6d76b07817444e7a78ab":[1,0,1,0,31,7], +"classmlx_1_1core_1_1_as_type.html#a98ea769fc9cd6d76b07817444e7a78ab":[2,0,1,0,28,7], +"classmlx_1_1core_1_1_as_type.html#aa617e29147c14bd5d1fa8ad0bf65af0c":[1,0,1,0,31,6], +"classmlx_1_1core_1_1_as_type.html#aa617e29147c14bd5d1fa8ad0bf65af0c":[2,0,1,0,28,6], +"classmlx_1_1core_1_1_as_type.html#aa89dbf4d73b00c6a44cffd04d5bb228d":[1,0,1,0,31,1], +"classmlx_1_1core_1_1_as_type.html#aa89dbf4d73b00c6a44cffd04d5bb228d":[2,0,1,0,28,1], +"classmlx_1_1core_1_1_as_type.html#ac38a4f889311a3b5e5be9a67dcb93e18":[1,0,1,0,31,8], +"classmlx_1_1core_1_1_as_type.html#ac38a4f889311a3b5e5be9a67dcb93e18":[2,0,1,0,28,8], +"classmlx_1_1core_1_1_bitwise_binary.html":[1,0,1,0,32], +"classmlx_1_1core_1_1_bitwise_binary.html":[2,0,1,0,29], +"classmlx_1_1core_1_1_bitwise_binary.html#a0d8b3a94951621ffcdebc6fda748a172":[1,0,1,0,32,1], +"classmlx_1_1core_1_1_bitwise_binary.html#a0d8b3a94951621ffcdebc6fda748a172":[2,0,1,0,29,1], +"classmlx_1_1core_1_1_bitwise_binary.html#a1dae6ce5dc0498d20530403fe5c5531d":[1,0,1,0,32,5], +"classmlx_1_1core_1_1_bitwise_binary.html#a1dae6ce5dc0498d20530403fe5c5531d":[2,0,1,0,29,5], +"classmlx_1_1core_1_1_bitwise_binary.html#a2194bf585213bda1b2966aa02d2fe283":[1,0,1,0,32,2], +"classmlx_1_1core_1_1_bitwise_binary.html#a2194bf585213bda1b2966aa02d2fe283":[2,0,1,0,29,2], +"classmlx_1_1core_1_1_bitwise_binary.html#a49c9d2688d3cca8abf5698a250d57d56":[1,0,1,0,32,6], +"classmlx_1_1core_1_1_bitwise_binary.html#a49c9d2688d3cca8abf5698a250d57d56":[2,0,1,0,29,6], +"classmlx_1_1core_1_1_bitwise_binary.html#a6131ed1c317ff8700a3e9b13fdaa9d61":[1,0,1,0,32,9], +"classmlx_1_1core_1_1_bitwise_binary.html#a6131ed1c317ff8700a3e9b13fdaa9d61":[2,0,1,0,29,9], +"classmlx_1_1core_1_1_bitwise_binary.html#a69b28e239da7fdb89f0a9f9467dd797d":[1,0,1,0,32,7], +"classmlx_1_1core_1_1_bitwise_binary.html#a69b28e239da7fdb89f0a9f9467dd797d":[2,0,1,0,29,7], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23d":[1,0,1,0,32,0], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23d":[2,0,1,0,29,0], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da011e7b275a1f0edbd9345cfcf6501503":[1,0,1,0,32,0,4], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da011e7b275a1f0edbd9345cfcf6501503":[2,0,1,0,29,0,4], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da51065a44e7f9a76a6dab6de637c6db22":[1,0,1,0,32,0,1], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da51065a44e7f9a76a6dab6de637c6db22":[2,0,1,0,29,0,1], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da986b39e75cbe29fcda1d7bf7942a65a0":[1,0,1,0,32,0,3], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da986b39e75cbe29fcda1d7bf7942a65a0":[2,0,1,0,29,0,3], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dab14e7d426f45ae7f029f4e00210fbae4":[1,0,1,0,32,0,0], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dab14e7d426f45ae7f029f4e00210fbae4":[2,0,1,0,29,0,0], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dac95e7d8e6205449a70c8134e7dae3bd1":[1,0,1,0,32,0,2], +"classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23dac95e7d8e6205449a70c8134e7dae3bd1":[2,0,1,0,29,0,2], +"classmlx_1_1core_1_1_bitwise_binary.html#a8a67d6f431b4055ab66656201622af4d":[1,0,1,0,32,8], +"classmlx_1_1core_1_1_bitwise_binary.html#a8a67d6f431b4055ab66656201622af4d":[2,0,1,0,29,8], +"classmlx_1_1core_1_1_bitwise_binary.html#a8cd6b916b4838a6c329cf4df8530c3b8":[1,0,1,0,32,4], +"classmlx_1_1core_1_1_bitwise_binary.html#a8cd6b916b4838a6c329cf4df8530c3b8":[2,0,1,0,29,4], +"classmlx_1_1core_1_1_bitwise_binary.html#aa10be55f05bc1868bf4b375dc475f965":[1,0,1,0,32,10], +"classmlx_1_1core_1_1_bitwise_binary.html#aa10be55f05bc1868bf4b375dc475f965":[2,0,1,0,29,10], +"classmlx_1_1core_1_1_bitwise_binary.html#ac831a29fc46701b00bbe63ee33832afd":[1,0,1,0,32,3], +"classmlx_1_1core_1_1_bitwise_binary.html#ac831a29fc46701b00bbe63ee33832afd":[2,0,1,0,29,3], +"classmlx_1_1core_1_1_bitwise_invert.html":[1,0,1,0,33], +"classmlx_1_1core_1_1_bitwise_invert.html":[2,0,1,0,30], +"classmlx_1_1core_1_1_bitwise_invert.html#a09162c49334380f5a04433e00427abfa":[1,0,1,0,33,2], +"classmlx_1_1core_1_1_bitwise_invert.html#a09162c49334380f5a04433e00427abfa":[2,0,1,0,30,2], +"classmlx_1_1core_1_1_bitwise_invert.html#a2213ba033d215cca411edca552ac634e":[1,0,1,0,33,6], +"classmlx_1_1core_1_1_bitwise_invert.html#a2213ba033d215cca411edca552ac634e":[2,0,1,0,30,6], +"classmlx_1_1core_1_1_bitwise_invert.html#a22457fe46135c2df426b89cc15b1f940":[1,0,1,0,33,3], +"classmlx_1_1core_1_1_bitwise_invert.html#a22457fe46135c2df426b89cc15b1f940":[2,0,1,0,30,3], +"classmlx_1_1core_1_1_bitwise_invert.html#a36558873262f1353f1575590e68ef8bf":[1,0,1,0,33,4], +"classmlx_1_1core_1_1_bitwise_invert.html#a36558873262f1353f1575590e68ef8bf":[2,0,1,0,30,4], +"classmlx_1_1core_1_1_bitwise_invert.html#a7a122900d844f1e57a0faa7ad8b47a5c":[1,0,1,0,33,5], +"classmlx_1_1core_1_1_bitwise_invert.html#a7a122900d844f1e57a0faa7ad8b47a5c":[2,0,1,0,30,5], +"classmlx_1_1core_1_1_bitwise_invert.html#aaa0180570a82e93988b982b93cd91623":[1,0,1,0,33,0], +"classmlx_1_1core_1_1_bitwise_invert.html#aaa0180570a82e93988b982b93cd91623":[2,0,1,0,30,0], +"classmlx_1_1core_1_1_bitwise_invert.html#af7de39edef13cf483a6140f2dad4187e":[1,0,1,0,33,1], +"classmlx_1_1core_1_1_bitwise_invert.html#af7de39edef13cf483a6140f2dad4187e":[2,0,1,0,30,1], +"classmlx_1_1core_1_1_block_masked_m_m.html":[1,0,1,0,34], +"classmlx_1_1core_1_1_block_masked_m_m.html":[2,0,1,0,31], +"classmlx_1_1core_1_1_block_masked_m_m.html#a1adf20087ee2f685bf39c2724b8e7120":[1,0,1,0,34,6], +"classmlx_1_1core_1_1_block_masked_m_m.html#a1adf20087ee2f685bf39c2724b8e7120":[2,0,1,0,31,6], +"classmlx_1_1core_1_1_block_masked_m_m.html#a37ecf6fa296d28efb7651a3c510fe159":[1,0,1,0,34,4], +"classmlx_1_1core_1_1_block_masked_m_m.html#a37ecf6fa296d28efb7651a3c510fe159":[2,0,1,0,31,4], +"classmlx_1_1core_1_1_block_masked_m_m.html#a6bbcc34b256840e4df2953563f2b4a07":[1,0,1,0,34,5], +"classmlx_1_1core_1_1_block_masked_m_m.html#a6bbcc34b256840e4df2953563f2b4a07":[2,0,1,0,31,5], +"classmlx_1_1core_1_1_block_masked_m_m.html#aa85da478cdc6d4a97be06e5d4abee1f2":[1,0,1,0,34,1], +"classmlx_1_1core_1_1_block_masked_m_m.html#aa85da478cdc6d4a97be06e5d4abee1f2":[2,0,1,0,31,1], +"classmlx_1_1core_1_1_block_masked_m_m.html#ab372b6df4de00a33795a052a23bb1df9":[1,0,1,0,34,2], +"classmlx_1_1core_1_1_block_masked_m_m.html#ab372b6df4de00a33795a052a23bb1df9":[2,0,1,0,31,2], +"classmlx_1_1core_1_1_block_masked_m_m.html#ad26509deb5306d0c5eb72477e9a57477":[1,0,1,0,34,0], +"classmlx_1_1core_1_1_block_masked_m_m.html#ad26509deb5306d0c5eb72477e9a57477":[2,0,1,0,31,0], +"classmlx_1_1core_1_1_block_masked_m_m.html#aef1c303955f9b8f445296372cf181160":[1,0,1,0,34,3], +"classmlx_1_1core_1_1_block_masked_m_m.html#aef1c303955f9b8f445296372cf181160":[2,0,1,0,31,3], +"classmlx_1_1core_1_1_broadcast.html":[1,0,1,0,35], +"classmlx_1_1core_1_1_broadcast.html":[2,0,1,0,32], +"classmlx_1_1core_1_1_broadcast.html#a004cce3029c0427569830016f99648cb":[1,0,1,0,35,0], +"classmlx_1_1core_1_1_broadcast.html#a004cce3029c0427569830016f99648cb":[2,0,1,0,32,0], +"classmlx_1_1core_1_1_broadcast.html#a00c39c113fe3e698771e2e6b595c32cd":[1,0,1,0,35,5], +"classmlx_1_1core_1_1_broadcast.html#a00c39c113fe3e698771e2e6b595c32cd":[2,0,1,0,32,5], +"classmlx_1_1core_1_1_broadcast.html#a0318847c9be40f00b23907ad56037d18":[1,0,1,0,35,9], +"classmlx_1_1core_1_1_broadcast.html#a0318847c9be40f00b23907ad56037d18":[2,0,1,0,32,9], +"classmlx_1_1core_1_1_broadcast.html#a0e27692b0090ec451954649a36042616":[1,0,1,0,35,3], +"classmlx_1_1core_1_1_broadcast.html#a0e27692b0090ec451954649a36042616":[2,0,1,0,32,3], +"classmlx_1_1core_1_1_broadcast.html#a49fdb421047860733af7dfbbb478da8d":[1,0,1,0,35,8], +"classmlx_1_1core_1_1_broadcast.html#a49fdb421047860733af7dfbbb478da8d":[2,0,1,0,32,8], +"classmlx_1_1core_1_1_broadcast.html#a53d48d9778e2d4c24a124cd767900780":[1,0,1,0,35,1], +"classmlx_1_1core_1_1_broadcast.html#a53d48d9778e2d4c24a124cd767900780":[2,0,1,0,32,1], +"classmlx_1_1core_1_1_broadcast.html#a6a610412861c6e472f930b6721b99a11":[1,0,1,0,35,7], +"classmlx_1_1core_1_1_broadcast.html#a6a610412861c6e472f930b6721b99a11":[2,0,1,0,32,7], +"classmlx_1_1core_1_1_broadcast.html#ab9bd9dbcedcefc9b29c84911b5ce69fe":[1,0,1,0,35,2], +"classmlx_1_1core_1_1_broadcast.html#ab9bd9dbcedcefc9b29c84911b5ce69fe":[2,0,1,0,32,2], +"classmlx_1_1core_1_1_broadcast.html#adef65b1ec75efbe43e5574ec81b7c0ac":[1,0,1,0,35,6], +"classmlx_1_1core_1_1_broadcast.html#adef65b1ec75efbe43e5574ec81b7c0ac":[2,0,1,0,32,6], +"classmlx_1_1core_1_1_broadcast.html#ae2fc3851a117079244708864be770ece":[1,0,1,0,35,4], +"classmlx_1_1core_1_1_broadcast.html#ae2fc3851a117079244708864be770ece":[2,0,1,0,32,4], +"classmlx_1_1core_1_1_broadcast.html#aee4c71c2588ad01eb57e10f346cd666f":[1,0,1,0,35,10], +"classmlx_1_1core_1_1_broadcast.html#aee4c71c2588ad01eb57e10f346cd666f":[2,0,1,0,32,10], +"classmlx_1_1core_1_1_broadcast_axes.html":[1,0,1,0,36], +"classmlx_1_1core_1_1_broadcast_axes.html":[2,0,1,0,33], +"classmlx_1_1core_1_1_broadcast_axes.html#a42c4385e65851d58e4411a4afe73f58e":[1,0,1,0,36,6], +"classmlx_1_1core_1_1_broadcast_axes.html#a42c4385e65851d58e4411a4afe73f58e":[2,0,1,0,33,6], +"classmlx_1_1core_1_1_broadcast_axes.html#a44d14b22b995e643cb04cc43654d7b16":[1,0,1,0,36,3], +"classmlx_1_1core_1_1_broadcast_axes.html#a44d14b22b995e643cb04cc43654d7b16":[2,0,1,0,33,3], +"classmlx_1_1core_1_1_broadcast_axes.html#a4e04f564d440e2d312c335db52c308e1":[1,0,1,0,36,10], +"classmlx_1_1core_1_1_broadcast_axes.html#a4e04f564d440e2d312c335db52c308e1":[2,0,1,0,33,10], +"classmlx_1_1core_1_1_broadcast_axes.html#a5136f33489670cdc0802e46725288195":[1,0,1,0,36,0], +"classmlx_1_1core_1_1_broadcast_axes.html#a5136f33489670cdc0802e46725288195":[2,0,1,0,33,0], +"classmlx_1_1core_1_1_broadcast_axes.html#a56d16e75a0df867d2f1ba4e5198f15cb":[1,0,1,0,36,2], +"classmlx_1_1core_1_1_broadcast_axes.html#a56d16e75a0df867d2f1ba4e5198f15cb":[2,0,1,0,33,2], +"classmlx_1_1core_1_1_broadcast_axes.html#a5b2594b7a70dd4873a07e742140a245f":[1,0,1,0,36,8], +"classmlx_1_1core_1_1_broadcast_axes.html#a5b2594b7a70dd4873a07e742140a245f":[2,0,1,0,33,8], +"classmlx_1_1core_1_1_broadcast_axes.html#a6423095cd28b2f90893c03166257a568":[1,0,1,0,36,1], +"classmlx_1_1core_1_1_broadcast_axes.html#a6423095cd28b2f90893c03166257a568":[2,0,1,0,33,1], +"classmlx_1_1core_1_1_broadcast_axes.html#a830bae1f3f9078bd5b422ce6e46685a7":[1,0,1,0,36,4], +"classmlx_1_1core_1_1_broadcast_axes.html#a830bae1f3f9078bd5b422ce6e46685a7":[2,0,1,0,33,4], +"classmlx_1_1core_1_1_broadcast_axes.html#aa15f81d08cabe43ac92de7534fb940df":[1,0,1,0,36,7], +"classmlx_1_1core_1_1_broadcast_axes.html#aa15f81d08cabe43ac92de7534fb940df":[2,0,1,0,33,7], +"classmlx_1_1core_1_1_broadcast_axes.html#aaa495110c16fbbc642fbb224ef8dfae6":[1,0,1,0,36,5], +"classmlx_1_1core_1_1_broadcast_axes.html#aaa495110c16fbbc642fbb224ef8dfae6":[2,0,1,0,33,5], +"classmlx_1_1core_1_1_broadcast_axes.html#aea8ef2b2616568a2bb56695381a035be":[1,0,1,0,36,9], +"classmlx_1_1core_1_1_broadcast_axes.html#aea8ef2b2616568a2bb56695381a035be":[2,0,1,0,33,9], +"classmlx_1_1core_1_1_ceil.html":[1,0,1,0,37], +"classmlx_1_1core_1_1_ceil.html":[2,0,1,0,34], +"classmlx_1_1core_1_1_ceil.html#a14a0048dd6496341cacaddada68276ee":[1,0,1,0,37,6], +"classmlx_1_1core_1_1_ceil.html#a14a0048dd6496341cacaddada68276ee":[2,0,1,0,34,6], +"classmlx_1_1core_1_1_ceil.html#a3bf7db5178ed26e23d9ba360ba34ab85":[1,0,1,0,37,5], +"classmlx_1_1core_1_1_ceil.html#a3bf7db5178ed26e23d9ba360ba34ab85":[2,0,1,0,34,5], +"classmlx_1_1core_1_1_ceil.html#a7ad74b27d9f26c886c2af516b845f066":[1,0,1,0,37,4], +"classmlx_1_1core_1_1_ceil.html#a7ad74b27d9f26c886c2af516b845f066":[2,0,1,0,34,4], +"classmlx_1_1core_1_1_ceil.html#a9791801fff3f8b79944e15ac2a45a035":[1,0,1,0,37,1], +"classmlx_1_1core_1_1_ceil.html#a9791801fff3f8b79944e15ac2a45a035":[2,0,1,0,34,1], +"classmlx_1_1core_1_1_ceil.html#aacd90acb56eb0649c1cef807aa21df52":[1,0,1,0,37,3], +"classmlx_1_1core_1_1_ceil.html#aacd90acb56eb0649c1cef807aa21df52":[2,0,1,0,34,3], +"classmlx_1_1core_1_1_ceil.html#abe178e0058e44b6618be414215e96887":[1,0,1,0,37,2], +"classmlx_1_1core_1_1_ceil.html#abe178e0058e44b6618be414215e96887":[2,0,1,0,34,2], +"classmlx_1_1core_1_1_ceil.html#ac2f5a2bd84b8f013e5ce688419a88acb":[1,0,1,0,37,7], +"classmlx_1_1core_1_1_ceil.html#ac2f5a2bd84b8f013e5ce688419a88acb":[2,0,1,0,34,7], +"classmlx_1_1core_1_1_ceil.html#ae86819990b43bdb0c2b3a25719b3a7a4":[1,0,1,0,37,8], +"classmlx_1_1core_1_1_ceil.html#ae86819990b43bdb0c2b3a25719b3a7a4":[2,0,1,0,34,8], +"classmlx_1_1core_1_1_ceil.html#aede38610ca25429f229301546bc9b682":[1,0,1,0,37,0], +"classmlx_1_1core_1_1_ceil.html#aede38610ca25429f229301546bc9b682":[2,0,1,0,34,0], +"classmlx_1_1core_1_1_cholesky.html":[1,0,1,0,38], +"classmlx_1_1core_1_1_cholesky.html":[2,0,1,0,35], +"classmlx_1_1core_1_1_cholesky.html#a0a8b51ff7f5369d22bdc58910d4aaf84":[1,0,1,0,38,3], +"classmlx_1_1core_1_1_cholesky.html#a0a8b51ff7f5369d22bdc58910d4aaf84":[2,0,1,0,35,3], +"classmlx_1_1core_1_1_cholesky.html#a4bdec36c1cc99aadf9a4a39d4c57bea5":[1,0,1,0,38,1], +"classmlx_1_1core_1_1_cholesky.html#a4bdec36c1cc99aadf9a4a39d4c57bea5":[2,0,1,0,35,1], +"classmlx_1_1core_1_1_cholesky.html#a64f03d32ed249a3b2a59b6af66d23727":[1,0,1,0,38,4], +"classmlx_1_1core_1_1_cholesky.html#a64f03d32ed249a3b2a59b6af66d23727":[2,0,1,0,35,4], +"classmlx_1_1core_1_1_cholesky.html#a6ae2e30b85f99f4f0d7f14c7949818ab":[1,0,1,0,38,0], +"classmlx_1_1core_1_1_cholesky.html#a6ae2e30b85f99f4f0d7f14c7949818ab":[2,0,1,0,35,0], +"classmlx_1_1core_1_1_cholesky.html#a8c918594bf129888044ef37fcae56795":[1,0,1,0,38,2], +"classmlx_1_1core_1_1_cholesky.html#a8c918594bf129888044ef37fcae56795":[2,0,1,0,35,2], +"classmlx_1_1core_1_1_cholesky.html#ab5c3f6199ec3b399c91243a05d116aa5":[1,0,1,0,38,5], +"classmlx_1_1core_1_1_cholesky.html#ab5c3f6199ec3b399c91243a05d116aa5":[2,0,1,0,35,5], +"classmlx_1_1core_1_1_compiled.html":[1,0,1,0,40], +"classmlx_1_1core_1_1_compiled.html":[2,0,1,0,37], +"classmlx_1_1core_1_1_compiled.html#a15cb081590ee024ba11476494581a4d4":[1,0,1,0,40,6], +"classmlx_1_1core_1_1_compiled.html#a15cb081590ee024ba11476494581a4d4":[2,0,1,0,37,6], +"classmlx_1_1core_1_1_compiled.html#a271521f92eef49c39799f38e26b64a9b":[1,0,1,0,40,7], +"classmlx_1_1core_1_1_compiled.html#a271521f92eef49c39799f38e26b64a9b":[2,0,1,0,37,7], +"classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051":[1,0,1,0,40,0], +"classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051":[2,0,1,0,37,0] }; diff --git a/docs/build/html/navtreeindex30.js b/docs/build/html/navtreeindex30.js index 41434cf2c..27926b525 100644 --- a/docs/build/html/navtreeindex30.js +++ b/docs/build/html/navtreeindex30.js @@ -1,253 +1,253 @@ var NAVTREEINDEX30 = { -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[1,0,1,0,8,1,13], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[2,0,1,0,5,1,13], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[1,0,1,0,8,1,2], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[2,0,1,0,5,1,2], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[1,0,1,0,8,1,8], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[2,0,1,0,5,1,8], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a":[1,0,1,0,8,1,11], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a":[2,0,1,0,5,1,11], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[1,0,1,0,8,1,12], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[2,0,1,0,5,1,12], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[1,0,1,0,8,1,21], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[2,0,1,0,5,1,21], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[1,0,1,0,8,1,10], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[2,0,1,0,5,1,10], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[1,0,1,0,8,1,22], -"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[2,0,1,0,5,1,22], -"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html":[1,0,1,0,8,1,0], -"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html":[2,0,1,0,5,1,0], -"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[1,0,1,0,8,1,0,1], -"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[2,0,1,0,5,1,0,1], -"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[1,0,1,0,8,1,0,0], -"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[2,0,1,0,5,1,0,0], -"structmlx_1_1core_1_1metal_1_1_device_stream.html":[1,0,1,0,8,3], -"structmlx_1_1core_1_1metal_1_1_device_stream.html":[2,0,1,0,5,3], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a1c4397732f64f5811381dd01e30e020e":[1,0,1,0,8,3,1], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a1c4397732f64f5811381dd01e30e020e":[2,0,1,0,5,3,1], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9":[1,0,1,0,8,3,8], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9":[2,0,1,0,5,3,8], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7":[1,0,1,0,8,3,0], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7":[2,0,1,0,5,3,0], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a58e435217b9922f882507ebf48bfbbdd":[1,0,1,0,8,3,5], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a58e435217b9922f882507ebf48bfbbdd":[2,0,1,0,5,3,5], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a6fa08cca881fc3798ae45994a11a4fcd":[1,0,1,0,8,3,7], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a6fa08cca881fc3798ae45994a11a4fcd":[2,0,1,0,5,3,7], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d":[1,0,1,0,8,3,9], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d":[2,0,1,0,5,3,9], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a876199de8da1efa9a362451029638499":[1,0,1,0,8,3,6], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a876199de8da1efa9a362451029638499":[2,0,1,0,5,3,6], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a99183c92599edfeb75f7fa0f37e1d9eb":[1,0,1,0,8,3,2], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#a99183c92599edfeb75f7fa0f37e1d9eb":[2,0,1,0,5,3,2], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#ab6048b329e65a59033834f3bdd351782":[1,0,1,0,8,3,3], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#ab6048b329e65a59033834f3bdd351782":[2,0,1,0,5,3,3], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#ae7054233303b06329c67177382ded459":[1,0,1,0,8,3,4], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#ae7054233303b06329c67177382ded459":[2,0,1,0,5,3,4], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#aee88009117dfff1ad121eabe28d5f3de":[1,0,1,0,8,3,10], -"structmlx_1_1core_1_1metal_1_1_device_stream.html#aee88009117dfff1ad121eabe28d5f3de":[2,0,1,0,5,3,10], -"structmlx_1_1core_1_1metal_1_1_fence.html":[1,0,1,0,8,4], -"structmlx_1_1core_1_1metal_1_1_fence.html":[2,0,1,0,5,4], -"structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79":[1,0,1,0,8,4,0], -"structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79":[2,0,1,0,5,4,0], -"structmlx_1_1core_1_1metal_1_1_fence.html#a4940c1aece13814af7727de9abb511f2":[1,0,1,0,8,4,1], -"structmlx_1_1core_1_1metal_1_1_fence.html#a4940c1aece13814af7727de9abb511f2":[2,0,1,0,5,4,1], -"structmlx_1_1core_1_1metal_1_1_fence.html#aeccd8f2b81418ae9fc446ae2b6e15b87":[1,0,1,0,8,4,2], -"structmlx_1_1core_1_1metal_1_1_fence.html#aeccd8f2b81418ae9fc446ae2b6e15b87":[2,0,1,0,5,4,2], -"structmlx_1_1core_1_1numeric__limits.html":[1,0,1,0,102], -"structmlx_1_1core_1_1numeric__limits.html":[2,0,1,0,99], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html":[1,0,1,0,103], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html":[2,0,1,0,100], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a":[1,0,1,0,103,2], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a":[2,0,1,0,100,2], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a3623580fbfd92ceb69cdd8e329e18fa8":[1,0,1,0,103,1], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a3623580fbfd92ceb69cdd8e329e18fa8":[2,0,1,0,100,1], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a974982399d0211786599526abdb843b8":[1,0,1,0,103,0], -"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a974982399d0211786599526abdb843b8":[2,0,1,0,100,0], -"structmlx_1_1core_1_1numeric__limits_3_01double_01_4.html":[1,0,1,0,104], -"structmlx_1_1core_1_1numeric__limits_3_01double_01_4.html":[2,0,1,0,101], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html":[1,0,1,0,106], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html":[2,0,1,0,103], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a2a8f3f489b47b7e8398bec9895ae0c27":[1,0,1,0,106,0], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a2a8f3f489b47b7e8398bec9895ae0c27":[2,0,1,0,103,0], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334":[1,0,1,0,106,2], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334":[2,0,1,0,103,2], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#abc2d9cd8d0a90219f7eb6fd05b98e4ac":[1,0,1,0,106,1], -"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#abc2d9cd8d0a90219f7eb6fd05b98e4ac":[2,0,1,0,103,1], -"structmlx_1_1core_1_1numeric__limits_3_01float_01_4.html":[1,0,1,0,105], -"structmlx_1_1core_1_1numeric__limits_3_01float_01_4.html":[2,0,1,0,102], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html":[1,0,1,0,10,1], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html":[2,0,1,0,7,1], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a06a62c21c1174e4eb4d242e50aad7adf":[1,0,1,0,10,1,3], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a06a62c21c1174e4eb4d242e50aad7adf":[2,0,1,0,7,1,3], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a449de02bf2ac80d8fe2f208fa7eac359":[1,0,1,0,10,1,9], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a449de02bf2ac80d8fe2f208fa7eac359":[2,0,1,0,7,1,9], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a456ad1c0c9e731833a2f8411c4ed51aa":[1,0,1,0,10,1,7], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a456ad1c0c9e731833a2f8411c4ed51aa":[2,0,1,0,7,1,7], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286":[1,0,1,0,10,1,2], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286":[2,0,1,0,7,1,2], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4ffd524d6a5bedd1a303b63bdde6701c":[1,0,1,0,10,1,4], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4ffd524d6a5bedd1a303b63bdde6701c":[2,0,1,0,7,1,4], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976":[1,0,1,0,10,1,5], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976":[2,0,1,0,7,1,5], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a71de50591388b6e2cc6c57827e1a1ad4":[1,0,1,0,10,1,1], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a71de50591388b6e2cc6c57827e1a1ad4":[2,0,1,0,7,1,1], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a8462e4acffcd385c6248bd7102e6bcb1":[1,0,1,0,10,1,8], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a8462e4acffcd385c6248bd7102e6bcb1":[2,0,1,0,7,1,8], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#ac528109a11abcb82e6e221c5efa4493c":[1,0,1,0,10,1,0], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#ac528109a11abcb82e6e221c5efa4493c":[2,0,1,0,7,1,0], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#adf608e22d0c0397217472408aab52631":[1,0,1,0,10,1,6], -"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#adf608e22d0c0397217472408aab52631":[2,0,1,0,7,1,6], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html":[1,0,1,0,11,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html":[2,0,1,0,8,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,11,0,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,11,1,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,11,2,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,11,3,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,11,4,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,8,0,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,8,1,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,8,2,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,8,3,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,8,4,0], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html":[1,0,1,0,11,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html":[2,0,1,0,8,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html#a3d47d5ad1ff8981bd9876a5fc1870174":[1,0,1,0,11,1,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html#a3d47d5ad1ff8981bd9876a5fc1870174":[2,0,1,0,8,1,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html":[1,0,1,0,11,2], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html":[2,0,1,0,8,2], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html#aa36db163e4909aea98b7129764184801":[1,0,1,0,11,2,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html#aa36db163e4909aea98b7129764184801":[2,0,1,0,8,2,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html":[1,0,1,0,11,3], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html":[2,0,1,0,8,3], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html#af2775b07509324182bd715aac65b7eb0":[1,0,1,0,11,3,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html#af2775b07509324182bd715aac65b7eb0":[2,0,1,0,8,3,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html":[1,0,1,0,11,4], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html":[2,0,1,0,8,4], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html#aaf352e77f7ab310c40a31d3dd2bde0eb":[1,0,1,0,11,4,1], -"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html#aaf352e77f7ab310c40a31d3dd2bde0eb":[2,0,1,0,8,4,1], -"structmlx_1_1core_1_1simd_1_1_simd.html":[1,0,1,0,11,5], -"structmlx_1_1core_1_1simd_1_1_simd.html":[2,0,1,0,8,5], -"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[1,0,1,0,11,5,2], -"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[1,0,1,0,11,6,8], -"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[1,0,1,0,11,7,5], -"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[2,0,1,0,8,5,2], -"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[2,0,1,0,8,6,8], -"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[2,0,1,0,8,7,5], -"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[1,0,1,0,11,5,6], -"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[1,0,1,0,11,6,15], -"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[1,0,1,0,11,7,9], -"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[2,0,1,0,8,5,6], -"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[2,0,1,0,8,6,15], -"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[2,0,1,0,8,7,9], -"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[1,0,1,0,11,5,0], -"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[1,0,1,0,11,6,0], -"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[1,0,1,0,11,7,0], -"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[2,0,1,0,8,5,0], -"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[2,0,1,0,8,6,0], -"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[2,0,1,0,8,7,0], -"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[1,0,1,0,11,5,8], -"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[1,0,1,0,11,6,19], -"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[1,0,1,0,11,7,12], -"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[2,0,1,0,8,5,8], -"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[2,0,1,0,8,6,19], -"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[2,0,1,0,8,7,12], -"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[1,0,1,0,11,5,1], -"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[1,0,1,0,11,6,7], -"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[1,0,1,0,11,7,4], -"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[2,0,1,0,8,5,1], -"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[2,0,1,0,8,6,7], -"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[2,0,1,0,8,7,4], -"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[1,0,1,0,11,5,3], -"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[1,0,1,0,11,6,9], -"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[1,0,1,0,11,7,6], -"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[2,0,1,0,8,5,3], -"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[2,0,1,0,8,6,9], -"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[2,0,1,0,8,7,6], -"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[1,0,1,0,11,5,7], -"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[1,0,1,0,11,6,17], -"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[1,0,1,0,11,7,10], -"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[2,0,1,0,8,5,7], -"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[2,0,1,0,8,6,17], -"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[2,0,1,0,8,7,10], -"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[1,0,1,0,11,5,4], -"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[1,0,1,0,11,6,10], -"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[1,0,1,0,11,7,7], -"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[2,0,1,0,8,5,4], -"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[2,0,1,0,8,6,10], -"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[2,0,1,0,8,7,7], -"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[1,0,1,0,11,5,5], -"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[1,0,1,0,11,6,13], -"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[1,0,1,0,11,7,8], -"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[2,0,1,0,8,5,5], -"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[2,0,1,0,8,6,13], -"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[2,0,1,0,8,7,8], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html":[1,0,1,0,11,7], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html":[2,0,1,0,8,7], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a14e16c6e2ef5e89135cf8e85dc9f1f1f":[1,0,1,0,11,7,11], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a14e16c6e2ef5e89135cf8e85dc9f1f1f":[2,0,1,0,8,7,11], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a3f6e4a83ecf897465f44160b6fad5a7a":[1,0,1,0,11,7,1], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a3f6e4a83ecf897465f44160b6fad5a7a":[2,0,1,0,8,7,1], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a585bc4768c4f7e1313d7e8756fbb00cc":[1,0,1,0,11,7,2], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a585bc4768c4f7e1313d7e8756fbb00cc":[2,0,1,0,8,7,2], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#ac348445fd44bce2b6ee77adeac7d82df":[1,0,1,0,11,7,13], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#ac348445fd44bce2b6ee77adeac7d82df":[2,0,1,0,8,7,13], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#acf948f7c5e8829432c0ac17fc9f911e2":[1,0,1,0,11,7,3], -"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#acf948f7c5e8829432c0ac17fc9f911e2":[2,0,1,0,8,7,3], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html":[1,0,1,0,11,6], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html":[2,0,1,0,8,6], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a04a3a73f98fa5c9090b6cf6154e99e8d":[1,0,1,0,11,6,2], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a04a3a73f98fa5c9090b6cf6154e99e8d":[2,0,1,0,8,6,2], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a1f30c088a6828d0673e927ed6c0a4b2b":[1,0,1,0,11,6,6], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a1f30c088a6828d0673e927ed6c0a4b2b":[2,0,1,0,8,6,6], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a2629cb8da72b6f922ed14cc7b6c43ce7":[1,0,1,0,11,6,18], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a2629cb8da72b6f922ed14cc7b6c43ce7":[2,0,1,0,8,6,18], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a422e15f018cd242dd62617f4213dace0":[1,0,1,0,11,6,1], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a422e15f018cd242dd62617f4213dace0":[2,0,1,0,8,6,1], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a4b24316469cd9ecc88f8c073ab1a862e":[1,0,1,0,11,6,16], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a4b24316469cd9ecc88f8c073ab1a862e":[2,0,1,0,8,6,16], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a5e76655d70c0e9ae49eea536c0e3b8cf":[1,0,1,0,11,6,4], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a5e76655d70c0e9ae49eea536c0e3b8cf":[2,0,1,0,8,6,4], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a823af21442333505114fd3fdac9f24de":[1,0,1,0,11,6,12], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a823af21442333505114fd3fdac9f24de":[2,0,1,0,8,6,12], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a97043111a44318b5eb68977ecacbb638":[1,0,1,0,11,6,14], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a97043111a44318b5eb68977ecacbb638":[2,0,1,0,8,6,14], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a98affc184d83627d8654e3530ab52d75":[1,0,1,0,11,6,11], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a98affc184d83627d8654e3530ab52d75":[2,0,1,0,8,6,11], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#aa6042509bb67de25bedbee1ee1d66094":[1,0,1,0,11,6,20], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#aa6042509bb67de25bedbee1ee1d66094":[2,0,1,0,8,6,20], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ad8b628f8834e983853d557cc1e4124bb":[1,0,1,0,11,6,3], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ad8b628f8834e983853d557cc1e4124bb":[2,0,1,0,8,6,3], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ae1dfcaca51f9a6fcdb757cb8413ac223":[1,0,1,0,11,6,5], -"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ae1dfcaca51f9a6fcdb757cb8413ac223":[2,0,1,0,8,6,5], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[1,0,1,0,9,1,1], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186":[2,0,1,0,6,1,1], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[1,0,1,0,9,1,18], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7375adf9ee5355bcf4b7f5f210efd115":[2,0,1,0,6,1,18], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[1,0,1,0,9,1,4], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7f028c6ca48e75bf2c1806b5b8cfc90e":[2,0,1,0,6,1,4], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[1,0,1,0,9,1,5], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d":[2,0,1,0,6,1,5], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[1,0,1,0,9,1,3], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9b6dd221ccd2d939d544004cb6279198":[2,0,1,0,6,1,3], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[1,0,1,0,9,1,14], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5":[2,0,1,0,6,1,14], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[1,0,1,0,9,1,16], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4":[2,0,1,0,6,1,16], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[1,0,1,0,9,1,13], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849":[2,0,1,0,6,1,13], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[1,0,1,0,9,1,2], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14":[2,0,1,0,6,1,2], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[1,0,1,0,9,1,8], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991":[2,0,1,0,6,1,8], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[1,0,1,0,9,1,12], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92":[2,0,1,0,6,1,12], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[1,0,1,0,9,1,21], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2":[2,0,1,0,6,1,21], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[1,0,1,0,9,1,10], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f":[2,0,1,0,6,1,10], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[1,0,1,0,9,1,22], +"structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088":[2,0,1,0,6,1,22], +"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html":[1,0,1,0,9,1,0], +"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html":[2,0,1,0,6,1,0], +"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[1,0,1,0,9,1,0,1], +"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#a28bafec56edec3091e8716d8ccfb6ee1":[2,0,1,0,6,1,0,1], +"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[1,0,1,0,9,1,0,0], +"structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174":[2,0,1,0,6,1,0,0], +"structmlx_1_1core_1_1metal_1_1_device_stream.html":[1,0,1,0,9,3], +"structmlx_1_1core_1_1metal_1_1_device_stream.html":[2,0,1,0,6,3], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a1c4397732f64f5811381dd01e30e020e":[1,0,1,0,9,3,1], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a1c4397732f64f5811381dd01e30e020e":[2,0,1,0,6,3,1], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9":[1,0,1,0,9,3,8], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9":[2,0,1,0,6,3,8], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7":[1,0,1,0,9,3,0], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7":[2,0,1,0,6,3,0], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a58e435217b9922f882507ebf48bfbbdd":[1,0,1,0,9,3,5], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a58e435217b9922f882507ebf48bfbbdd":[2,0,1,0,6,3,5], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a6fa08cca881fc3798ae45994a11a4fcd":[1,0,1,0,9,3,7], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a6fa08cca881fc3798ae45994a11a4fcd":[2,0,1,0,6,3,7], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d":[1,0,1,0,9,3,9], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d":[2,0,1,0,6,3,9], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a876199de8da1efa9a362451029638499":[1,0,1,0,9,3,6], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a876199de8da1efa9a362451029638499":[2,0,1,0,6,3,6], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a99183c92599edfeb75f7fa0f37e1d9eb":[1,0,1,0,9,3,2], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#a99183c92599edfeb75f7fa0f37e1d9eb":[2,0,1,0,6,3,2], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#ab6048b329e65a59033834f3bdd351782":[1,0,1,0,9,3,3], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#ab6048b329e65a59033834f3bdd351782":[2,0,1,0,6,3,3], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#ae7054233303b06329c67177382ded459":[1,0,1,0,9,3,4], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#ae7054233303b06329c67177382ded459":[2,0,1,0,6,3,4], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#aee88009117dfff1ad121eabe28d5f3de":[1,0,1,0,9,3,10], +"structmlx_1_1core_1_1metal_1_1_device_stream.html#aee88009117dfff1ad121eabe28d5f3de":[2,0,1,0,6,3,10], +"structmlx_1_1core_1_1metal_1_1_fence.html":[1,0,1,0,9,4], +"structmlx_1_1core_1_1metal_1_1_fence.html":[2,0,1,0,6,4], +"structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79":[1,0,1,0,9,4,0], +"structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79":[2,0,1,0,6,4,0], +"structmlx_1_1core_1_1metal_1_1_fence.html#a4940c1aece13814af7727de9abb511f2":[1,0,1,0,9,4,1], +"structmlx_1_1core_1_1metal_1_1_fence.html#a4940c1aece13814af7727de9abb511f2":[2,0,1,0,6,4,1], +"structmlx_1_1core_1_1metal_1_1_fence.html#aeccd8f2b81418ae9fc446ae2b6e15b87":[1,0,1,0,9,4,2], +"structmlx_1_1core_1_1metal_1_1_fence.html#aeccd8f2b81418ae9fc446ae2b6e15b87":[2,0,1,0,6,4,2], +"structmlx_1_1core_1_1numeric__limits.html":[1,0,1,0,103], +"structmlx_1_1core_1_1numeric__limits.html":[2,0,1,0,100], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html":[1,0,1,0,104], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html":[2,0,1,0,101], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a":[1,0,1,0,104,2], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a":[2,0,1,0,101,2], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a3623580fbfd92ceb69cdd8e329e18fa8":[1,0,1,0,104,1], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a3623580fbfd92ceb69cdd8e329e18fa8":[2,0,1,0,101,1], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a974982399d0211786599526abdb843b8":[1,0,1,0,104,0], +"structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a974982399d0211786599526abdb843b8":[2,0,1,0,101,0], +"structmlx_1_1core_1_1numeric__limits_3_01double_01_4.html":[1,0,1,0,105], +"structmlx_1_1core_1_1numeric__limits_3_01double_01_4.html":[2,0,1,0,102], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html":[1,0,1,0,107], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html":[2,0,1,0,104], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a2a8f3f489b47b7e8398bec9895ae0c27":[1,0,1,0,107,0], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a2a8f3f489b47b7e8398bec9895ae0c27":[2,0,1,0,104,0], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334":[1,0,1,0,107,2], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334":[2,0,1,0,104,2], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#abc2d9cd8d0a90219f7eb6fd05b98e4ac":[1,0,1,0,107,1], +"structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#abc2d9cd8d0a90219f7eb6fd05b98e4ac":[2,0,1,0,104,1], +"structmlx_1_1core_1_1numeric__limits_3_01float_01_4.html":[1,0,1,0,106], +"structmlx_1_1core_1_1numeric__limits_3_01float_01_4.html":[2,0,1,0,103], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html":[1,0,1,0,11,1], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html":[2,0,1,0,8,1], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a06a62c21c1174e4eb4d242e50aad7adf":[1,0,1,0,11,1,3], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a06a62c21c1174e4eb4d242e50aad7adf":[2,0,1,0,8,1,3], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a18486415163f4d531bedb3b923d724cf":[1,0,1,0,11,1,0], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a18486415163f4d531bedb3b923d724cf":[2,0,1,0,8,1,0], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a449de02bf2ac80d8fe2f208fa7eac359":[1,0,1,0,11,1,8], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a449de02bf2ac80d8fe2f208fa7eac359":[2,0,1,0,8,1,8], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a456ad1c0c9e731833a2f8411c4ed51aa":[1,0,1,0,11,1,7], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a456ad1c0c9e731833a2f8411c4ed51aa":[2,0,1,0,8,1,7], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286":[1,0,1,0,11,1,2], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286":[2,0,1,0,8,1,2], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4ffd524d6a5bedd1a303b63bdde6701c":[1,0,1,0,11,1,4], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4ffd524d6a5bedd1a303b63bdde6701c":[2,0,1,0,8,1,4], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976":[1,0,1,0,11,1,5], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976":[2,0,1,0,8,1,5], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a71de50591388b6e2cc6c57827e1a1ad4":[1,0,1,0,11,1,1], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a71de50591388b6e2cc6c57827e1a1ad4":[2,0,1,0,8,1,1], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#adf608e22d0c0397217472408aab52631":[1,0,1,0,11,1,6], +"structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#adf608e22d0c0397217472408aab52631":[2,0,1,0,8,1,6], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html":[1,0,1,0,12,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html":[2,0,1,0,9,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,12,0,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,12,1,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,12,2,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,12,3,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[1,0,1,0,12,4,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,9,0,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,9,1,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,9,2,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,9,3,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t.html#af165519c33808c4f815143f77739db49":[2,0,1,0,9,4,0], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html":[1,0,1,0,12,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html":[2,0,1,0,9,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html#a3d47d5ad1ff8981bd9876a5fc1870174":[1,0,1,0,12,1,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01bool_00_01_n_01_4.html#a3d47d5ad1ff8981bd9876a5fc1870174":[2,0,1,0,9,1,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html":[1,0,1,0,12,2], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html":[2,0,1,0,9,2], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html#aa36db163e4909aea98b7129764184801":[1,0,1,0,12,2,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html#aa36db163e4909aea98b7129764184801":[2,0,1,0,9,2,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html":[1,0,1,0,12,3], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html":[2,0,1,0,9,3], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html#af2775b07509324182bd715aac65b7eb0":[1,0,1,0,12,3,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html#af2775b07509324182bd715aac65b7eb0":[2,0,1,0,9,3,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html":[1,0,1,0,12,4], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html":[2,0,1,0,9,4], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html#aaf352e77f7ab310c40a31d3dd2bde0eb":[1,0,1,0,12,4,1], +"structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html#aaf352e77f7ab310c40a31d3dd2bde0eb":[2,0,1,0,9,4,1], +"structmlx_1_1core_1_1simd_1_1_simd.html":[1,0,1,0,12,5], +"structmlx_1_1core_1_1simd_1_1_simd.html":[2,0,1,0,9,5], +"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[1,0,1,0,12,5,2], +"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[1,0,1,0,12,6,8], +"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[1,0,1,0,12,7,5], +"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[2,0,1,0,9,5,2], +"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[2,0,1,0,9,6,8], +"structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6":[2,0,1,0,9,7,5], +"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[1,0,1,0,12,5,6], +"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[1,0,1,0,12,6,15], +"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[1,0,1,0,12,7,9], +"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[2,0,1,0,9,5,6], +"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[2,0,1,0,9,6,15], +"structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c":[2,0,1,0,9,7,9], +"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[1,0,1,0,12,5,0], +"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[1,0,1,0,12,6,0], +"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[1,0,1,0,12,7,0], +"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[2,0,1,0,9,5,0], +"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[2,0,1,0,9,6,0], +"structmlx_1_1core_1_1simd_1_1_simd.html#a26040194a37172b6aed7c5d1685362fb":[2,0,1,0,9,7,0], +"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[1,0,1,0,12,5,8], +"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[1,0,1,0,12,6,19], +"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[1,0,1,0,12,7,12], +"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[2,0,1,0,9,5,8], +"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[2,0,1,0,9,6,19], +"structmlx_1_1core_1_1simd_1_1_simd.html#a36e2b7db5ce6eb4dd456e99a4cd2c2cf":[2,0,1,0,9,7,12], +"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[1,0,1,0,12,5,1], +"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[1,0,1,0,12,6,7], +"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[1,0,1,0,12,7,4], +"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[2,0,1,0,9,5,1], +"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[2,0,1,0,9,6,7], +"structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab":[2,0,1,0,9,7,4], +"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[1,0,1,0,12,5,3], +"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[1,0,1,0,12,6,9], +"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[1,0,1,0,12,7,6], +"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[2,0,1,0,9,5,3], +"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[2,0,1,0,9,6,9], +"structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce":[2,0,1,0,9,7,6], +"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[1,0,1,0,12,5,7], +"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[1,0,1,0,12,6,17], +"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[1,0,1,0,12,7,10], +"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[2,0,1,0,9,5,7], +"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[2,0,1,0,9,6,17], +"structmlx_1_1core_1_1simd_1_1_simd.html#aa2b56facc70ba4e8d33a74def204a1fd":[2,0,1,0,9,7,10], +"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[1,0,1,0,12,5,4], +"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[1,0,1,0,12,6,10], +"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[1,0,1,0,12,7,7], +"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[2,0,1,0,9,5,4], +"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[2,0,1,0,9,6,10], +"structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927":[2,0,1,0,9,7,7], +"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[1,0,1,0,12,5,5], +"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[1,0,1,0,12,6,13], +"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[1,0,1,0,12,7,8], +"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[2,0,1,0,9,5,5], +"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[2,0,1,0,9,6,13], +"structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557":[2,0,1,0,9,7,8], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html":[1,0,1,0,12,7], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html":[2,0,1,0,9,7], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a14e16c6e2ef5e89135cf8e85dc9f1f1f":[1,0,1,0,12,7,11], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a14e16c6e2ef5e89135cf8e85dc9f1f1f":[2,0,1,0,9,7,11], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a3f6e4a83ecf897465f44160b6fad5a7a":[1,0,1,0,12,7,1], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a3f6e4a83ecf897465f44160b6fad5a7a":[2,0,1,0,9,7,1], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a585bc4768c4f7e1313d7e8756fbb00cc":[1,0,1,0,12,7,2], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a585bc4768c4f7e1313d7e8756fbb00cc":[2,0,1,0,9,7,2], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#ac348445fd44bce2b6ee77adeac7d82df":[1,0,1,0,12,7,13], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#ac348445fd44bce2b6ee77adeac7d82df":[2,0,1,0,9,7,13], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#acf948f7c5e8829432c0ac17fc9f911e2":[1,0,1,0,12,7,3], +"structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#acf948f7c5e8829432c0ac17fc9f911e2":[2,0,1,0,9,7,3], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html":[1,0,1,0,12,6], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html":[2,0,1,0,9,6], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a04a3a73f98fa5c9090b6cf6154e99e8d":[1,0,1,0,12,6,2], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a04a3a73f98fa5c9090b6cf6154e99e8d":[2,0,1,0,9,6,2], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a1f30c088a6828d0673e927ed6c0a4b2b":[1,0,1,0,12,6,6], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a1f30c088a6828d0673e927ed6c0a4b2b":[2,0,1,0,9,6,6], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a2629cb8da72b6f922ed14cc7b6c43ce7":[1,0,1,0,12,6,18], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a2629cb8da72b6f922ed14cc7b6c43ce7":[2,0,1,0,9,6,18], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a422e15f018cd242dd62617f4213dace0":[1,0,1,0,12,6,1], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a422e15f018cd242dd62617f4213dace0":[2,0,1,0,9,6,1], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a4b24316469cd9ecc88f8c073ab1a862e":[1,0,1,0,12,6,16], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a4b24316469cd9ecc88f8c073ab1a862e":[2,0,1,0,9,6,16], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a5e76655d70c0e9ae49eea536c0e3b8cf":[1,0,1,0,12,6,4], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a5e76655d70c0e9ae49eea536c0e3b8cf":[2,0,1,0,9,6,4], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a823af21442333505114fd3fdac9f24de":[1,0,1,0,12,6,12], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a823af21442333505114fd3fdac9f24de":[2,0,1,0,9,6,12], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a97043111a44318b5eb68977ecacbb638":[1,0,1,0,12,6,14], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a97043111a44318b5eb68977ecacbb638":[2,0,1,0,9,6,14], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a98affc184d83627d8654e3530ab52d75":[1,0,1,0,12,6,11], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a98affc184d83627d8654e3530ab52d75":[2,0,1,0,9,6,11], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#aa6042509bb67de25bedbee1ee1d66094":[1,0,1,0,12,6,20], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#aa6042509bb67de25bedbee1ee1d66094":[2,0,1,0,9,6,20], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ad8b628f8834e983853d557cc1e4124bb":[1,0,1,0,12,6,3], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ad8b628f8834e983853d557cc1e4124bb":[2,0,1,0,9,6,3], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ae1dfcaca51f9a6fcdb757cb8413ac223":[1,0,1,0,12,6,5], +"structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ae1dfcaca51f9a6fcdb757cb8413ac223":[2,0,1,0,9,6,5], "structmlx_1_1steel_1_1_accum_helper.html":[1,0,1,1,0], "structmlx_1_1steel_1_1_accum_helper.html":[2,0,1,1,0], "structmlx_1_1steel_1_1_accum_helper.html#ae52abf69e7ba6af1a73d65d57182ed26":[1,0,1,1,0,0], "structmlx_1_1steel_1_1_accum_helper.html#ae52abf69e7ba6af1a73d65d57182ed26":[1,0,1,1,0,1], "structmlx_1_1steel_1_1_accum_helper.html#ae52abf69e7ba6af1a73d65d57182ed26":[2,0,1,1,0,0], "structmlx_1_1steel_1_1_accum_helper.html#ae52abf69e7ba6af1a73d65d57182ed26":[2,0,1,1,0,1], -"structmlx_1_1steel_1_1_attn_params.html":[1,0,1,1,1], -"structmlx_1_1steel_1_1_attn_params.html":[2,0,1,1,1], -"structmlx_1_1steel_1_1_attn_params.html#a07ae31628e43e09bce533c7682c8dae3":[1,0,1,1,1,1], -"structmlx_1_1steel_1_1_attn_params.html#a07ae31628e43e09bce533c7682c8dae3":[2,0,1,1,1,1], -"structmlx_1_1steel_1_1_attn_params.html#a1cba7fedbd02e157922619195997cf4f":[1,0,1,1,1,0], -"structmlx_1_1steel_1_1_attn_params.html#a1cba7fedbd02e157922619195997cf4f":[2,0,1,1,1,0], -"structmlx_1_1steel_1_1_attn_params.html#a3b3e18cb993ab24819c852bc64288841":[1,0,1,1,1,2], -"structmlx_1_1steel_1_1_attn_params.html#a3b3e18cb993ab24819c852bc64288841":[2,0,1,1,1,2], -"structmlx_1_1steel_1_1_attn_params.html#a3d286a0c27bace6016ed7a87f43291b7":[1,0,1,1,1,3], -"structmlx_1_1steel_1_1_attn_params.html#a3d286a0c27bace6016ed7a87f43291b7":[2,0,1,1,1,3], -"structmlx_1_1steel_1_1_attn_params.html#a48575afc94ab9ff74deaba61464e57a1":[1,0,1,1,1,8], -"structmlx_1_1steel_1_1_attn_params.html#a48575afc94ab9ff74deaba61464e57a1":[2,0,1,1,1,8], -"structmlx_1_1steel_1_1_attn_params.html#a497b7404bcd25b535c3589c61f269f63":[1,0,1,1,1,5], -"structmlx_1_1steel_1_1_attn_params.html#a497b7404bcd25b535c3589c61f269f63":[2,0,1,1,1,5], -"structmlx_1_1steel_1_1_attn_params.html#a4cfd2ccb0fd7eb81c2a781a0614fdcbe":[1,0,1,1,1,9], -"structmlx_1_1steel_1_1_attn_params.html#a4cfd2ccb0fd7eb81c2a781a0614fdcbe":[2,0,1,1,1,9], -"structmlx_1_1steel_1_1_attn_params.html#a59255882cbd78bb6f15e704e3a356a7f":[1,0,1,1,1,12], -"structmlx_1_1steel_1_1_attn_params.html#a59255882cbd78bb6f15e704e3a356a7f":[2,0,1,1,1,12], -"structmlx_1_1steel_1_1_attn_params.html#a68a66e3fafa922dcfd1ab1f6bdc2375e":[1,0,1,1,1,6], -"structmlx_1_1steel_1_1_attn_params.html#a68a66e3fafa922dcfd1ab1f6bdc2375e":[2,0,1,1,1,6], -"structmlx_1_1steel_1_1_attn_params.html#a9150df3fb79de521bbccf57c43f6b092":[1,0,1,1,1,11], -"structmlx_1_1steel_1_1_attn_params.html#a9150df3fb79de521bbccf57c43f6b092":[2,0,1,1,1,11], -"structmlx_1_1steel_1_1_attn_params.html#aaf953954274794cfcb4e35e82d681b58":[1,0,1,1,1,7], -"structmlx_1_1steel_1_1_attn_params.html#aaf953954274794cfcb4e35e82d681b58":[2,0,1,1,1,7] +"structmlx_1_1steel_1_1_attn_mask_params.html":[1,0,1,1,1], +"structmlx_1_1steel_1_1_attn_mask_params.html":[2,0,1,1,1], +"structmlx_1_1steel_1_1_attn_mask_params.html#aaf6c5822d2cb2dcf0992798dc08e27d6":[1,0,1,1,1,0], +"structmlx_1_1steel_1_1_attn_mask_params.html#aaf6c5822d2cb2dcf0992798dc08e27d6":[2,0,1,1,1,0], +"structmlx_1_1steel_1_1_attn_params.html":[1,0,1,1,2], +"structmlx_1_1steel_1_1_attn_params.html":[2,0,1,1,2], +"structmlx_1_1steel_1_1_attn_params.html#a07ae31628e43e09bce533c7682c8dae3":[1,0,1,1,2,1], +"structmlx_1_1steel_1_1_attn_params.html#a07ae31628e43e09bce533c7682c8dae3":[2,0,1,1,2,1], +"structmlx_1_1steel_1_1_attn_params.html#a1cba7fedbd02e157922619195997cf4f":[1,0,1,1,2,0], +"structmlx_1_1steel_1_1_attn_params.html#a1cba7fedbd02e157922619195997cf4f":[2,0,1,1,2,0], +"structmlx_1_1steel_1_1_attn_params.html#a2d18657f764a8b4097bc5a05238b5dde":[1,0,1,1,2,14], +"structmlx_1_1steel_1_1_attn_params.html#a2d18657f764a8b4097bc5a05238b5dde":[2,0,1,1,2,14], +"structmlx_1_1steel_1_1_attn_params.html#a3b3e18cb993ab24819c852bc64288841":[1,0,1,1,2,2], +"structmlx_1_1steel_1_1_attn_params.html#a3b3e18cb993ab24819c852bc64288841":[2,0,1,1,2,2] }; diff --git a/docs/build/html/navtreeindex31.js b/docs/build/html/navtreeindex31.js index 903bcd0b1..c4af50d95 100644 --- a/docs/build/html/navtreeindex31.js +++ b/docs/build/html/navtreeindex31.js @@ -1,253 +1,253 @@ var NAVTREEINDEX31 = { -"structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7":[1,0,1,1,1,10], -"structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7":[2,0,1,1,1,10], -"structmlx_1_1steel_1_1_attn_params.html#ad1495980297901b8ded1fb6dd73979b1":[1,0,1,1,1,14], -"structmlx_1_1steel_1_1_attn_params.html#ad1495980297901b8ded1fb6dd73979b1":[2,0,1,1,1,14], -"structmlx_1_1steel_1_1_attn_params.html#ad81bcd32e6ff8fec0000eca505fb6826":[1,0,1,1,1,13], -"structmlx_1_1steel_1_1_attn_params.html#ad81bcd32e6ff8fec0000eca505fb6826":[2,0,1,1,1,13], -"structmlx_1_1steel_1_1_attn_params.html#af71b762aa702a3ee592d2098a14b74a9":[1,0,1,1,1,4], -"structmlx_1_1steel_1_1_attn_params.html#af71b762aa702a3ee592d2098a14b74a9":[2,0,1,1,1,4], -"structmlx_1_1steel_1_1_base_m_m_a_frag.html":[1,0,1,1,2], -"structmlx_1_1steel_1_1_base_m_m_a_frag.html":[2,0,1,1,2], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html":[1,0,1,1,3], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html":[2,0,1,1,3], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1868f57d57c8adedab2c58492ec76946":[1,0,1,1,3,17], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1868f57d57c8adedab2c58492ec76946":[2,0,1,1,3,17], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[1,0,1,1,3,22], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[1,0,1,1,3,23], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[2,0,1,1,3,22], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[2,0,1,1,3,23], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a211102315e2afbcfcd2e2c201b638e9f":[1,0,1,1,3,27], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a211102315e2afbcfcd2e2c201b638e9f":[2,0,1,1,3,27], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[1,0,1,1,3,5], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[1,0,1,1,3,6], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[2,0,1,1,3,5], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[2,0,1,1,3,6], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a2fe53db449c692226f23f6b99fb2c0d4":[1,0,1,1,3,28], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a2fe53db449c692226f23f6b99fb2c0d4":[2,0,1,1,3,28], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010":[1,0,1,1,3,18], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010":[2,0,1,1,3,18], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3c34dfdc944db110f4735f1b25307cf0":[1,0,1,1,3,26], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3c34dfdc944db110f4735f1b25307cf0":[2,0,1,1,3,26], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3dcd4301390937f89ed1dde6d28e341f":[1,0,1,1,3,7], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3dcd4301390937f89ed1dde6d28e341f":[2,0,1,1,3,7], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970":[1,0,1,1,3,19], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970":[2,0,1,1,3,19], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51fcc7447804110f2c2c6e9e361bdc02":[1,0,1,1,3,1], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51fcc7447804110f2c2c6e9e361bdc02":[2,0,1,1,3,1], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[1,0,1,1,3,8], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[1,0,1,1,3,9], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[2,0,1,1,3,8], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[2,0,1,1,3,9], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a76aa5aa690dbcc954e957d767fad661f":[1,0,1,1,3,25], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a76aa5aa690dbcc954e957d767fad661f":[2,0,1,1,3,25], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7c212200d86b4e93f274d99addf668bd":[1,0,1,1,3,24], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7c212200d86b4e93f274d99addf668bd":[2,0,1,1,3,24], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8028512f5a3d2b6acaf966be529627a3":[1,0,1,1,3,15], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8028512f5a3d2b6acaf966be529627a3":[2,0,1,1,3,15], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[1,0,1,1,3,3], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[1,0,1,1,3,4], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[2,0,1,1,3,3], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[2,0,1,1,3,4], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a96ce3732fb66feaeb80bd1ea9aadbd7e":[1,0,1,1,3,2], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a96ce3732fb66feaeb80bd1ea9aadbd7e":[2,0,1,1,3,2], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[1,0,1,1,3,20], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[1,0,1,1,3,21], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[2,0,1,1,3,20], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[2,0,1,1,3,21], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[1,0,1,1,3,10], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[1,0,1,1,3,11], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[2,0,1,1,3,10], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[2,0,1,1,3,11], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[1,0,1,1,3,12], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[1,0,1,1,3,13], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[2,0,1,1,3,12], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[2,0,1,1,3,13], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#adbb262a3c872e26533b68a39db16459e":[1,0,1,1,3,0], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#adbb262a3c872e26533b68a39db16459e":[2,0,1,1,3,0], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ae49be5820609d08885a811ae1d082a4b":[1,0,1,1,3,14], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ae49be5820609d08885a811ae1d082a4b":[2,0,1,1,3,14], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#afcdc0e744021facfe52347eaa0fc549e":[1,0,1,1,3,16], -"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#afcdc0e744021facfe52347eaa0fc549e":[2,0,1,1,3,16], -"structmlx_1_1steel_1_1_block_loader.html":[1,0,1,1,4], -"structmlx_1_1steel_1_1_block_loader.html":[2,0,1,1,4], -"structmlx_1_1steel_1_1_block_loader.html#a064e2cc77e0b1cf0f8027929e031775b":[1,0,1,1,4,17], -"structmlx_1_1steel_1_1_block_loader.html#a064e2cc77e0b1cf0f8027929e031775b":[2,0,1,1,4,17], -"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[1,0,1,1,4,1], -"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[1,0,1,1,4,2], -"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[2,0,1,1,4,1], -"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[2,0,1,1,4,2], -"structmlx_1_1steel_1_1_block_loader.html#a58bdf9b9c81962733e22ecdeae28c092":[1,0,1,1,4,19], -"structmlx_1_1steel_1_1_block_loader.html#a58bdf9b9c81962733e22ecdeae28c092":[2,0,1,1,4,19], -"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[1,0,1,1,4,9], -"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[1,0,1,1,4,10], -"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[2,0,1,1,4,9], -"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[2,0,1,1,4,10], -"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[1,0,1,1,4,7], -"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[1,0,1,1,4,8], -"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[2,0,1,1,4,7], -"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[2,0,1,1,4,8], -"structmlx_1_1steel_1_1_block_loader.html#a78c326e75ee35a484685771143047cd4":[1,0,1,1,4,12], -"structmlx_1_1steel_1_1_block_loader.html#a78c326e75ee35a484685771143047cd4":[2,0,1,1,4,12], -"structmlx_1_1steel_1_1_block_loader.html#a973804e5b1d418c98c90861cda1a6fb5":[1,0,1,1,4,14], -"structmlx_1_1steel_1_1_block_loader.html#a973804e5b1d418c98c90861cda1a6fb5":[2,0,1,1,4,14], -"structmlx_1_1steel_1_1_block_loader.html#a9ef13742bcdf07532d8f09394928a8af":[1,0,1,1,4,11], -"structmlx_1_1steel_1_1_block_loader.html#a9ef13742bcdf07532d8f09394928a8af":[2,0,1,1,4,11], -"structmlx_1_1steel_1_1_block_loader.html#aadafc50f7f06af434149d7469df4714d":[1,0,1,1,4,16], -"structmlx_1_1steel_1_1_block_loader.html#aadafc50f7f06af434149d7469df4714d":[2,0,1,1,4,16], -"structmlx_1_1steel_1_1_block_loader.html#ab87876699d55473620c7ea99f9da911d":[1,0,1,1,4,18], -"structmlx_1_1steel_1_1_block_loader.html#ab87876699d55473620c7ea99f9da911d":[2,0,1,1,4,18], -"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[1,0,1,1,4,5], -"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[1,0,1,1,4,6], -"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[2,0,1,1,4,5], -"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[2,0,1,1,4,6], -"structmlx_1_1steel_1_1_block_loader.html#ad1db14517568ae9eddfb6986ef31c7aa":[1,0,1,1,4,15], -"structmlx_1_1steel_1_1_block_loader.html#ad1db14517568ae9eddfb6986ef31c7aa":[2,0,1,1,4,15], -"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[1,0,1,1,4,3], -"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[1,0,1,1,4,4], -"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[2,0,1,1,4,3], -"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[2,0,1,1,4,4], -"structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2":[1,0,1,1,4,13], -"structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2":[2,0,1,1,4,13], -"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html":[1,0,1,1,4,0], -"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html":[2,0,1,1,4,0], -"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html#a20963f7191251defca48bf8a843d019d":[1,0,1,1,4,0,0], -"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html#a20963f7191251defca48bf8a843d019d":[2,0,1,1,4,0,0], -"structmlx_1_1steel_1_1_block_loader_t.html":[1,0,1,1,5], -"structmlx_1_1steel_1_1_block_loader_t.html":[2,0,1,1,5], -"structmlx_1_1steel_1_1_block_loader_t.html#a076616a7c67ad1b847e0e6b046077ee2":[1,0,1,1,5,0], -"structmlx_1_1steel_1_1_block_loader_t.html#a076616a7c67ad1b847e0e6b046077ee2":[2,0,1,1,5,0], -"structmlx_1_1steel_1_1_block_loader_t.html#a0ccc7caa93e6e709981a1a08159d41dc":[1,0,1,1,5,8], -"structmlx_1_1steel_1_1_block_loader_t.html#a0ccc7caa93e6e709981a1a08159d41dc":[2,0,1,1,5,8], -"structmlx_1_1steel_1_1_block_loader_t.html#a2b136fad00dc54300e68aa6b905eff97":[1,0,1,1,5,1], -"structmlx_1_1steel_1_1_block_loader_t.html#a2b136fad00dc54300e68aa6b905eff97":[2,0,1,1,5,1], -"structmlx_1_1steel_1_1_block_loader_t.html#a3abb86e68adb7e4d87cb808d6c25e35f":[1,0,1,1,5,12], -"structmlx_1_1steel_1_1_block_loader_t.html#a3abb86e68adb7e4d87cb808d6c25e35f":[2,0,1,1,5,12], -"structmlx_1_1steel_1_1_block_loader_t.html#a6008ef45ff980dbe1119da0630f6c697":[1,0,1,1,5,4], -"structmlx_1_1steel_1_1_block_loader_t.html#a6008ef45ff980dbe1119da0630f6c697":[2,0,1,1,5,4], -"structmlx_1_1steel_1_1_block_loader_t.html#a6964273994b06d6cf8ef7e59fb10bb35":[1,0,1,1,5,5], -"structmlx_1_1steel_1_1_block_loader_t.html#a6964273994b06d6cf8ef7e59fb10bb35":[2,0,1,1,5,5], -"structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db":[1,0,1,1,5,7], -"structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db":[2,0,1,1,5,7], -"structmlx_1_1steel_1_1_block_loader_t.html#a7004a4efaa483cc79b8b79810a17c777":[1,0,1,1,5,9], -"structmlx_1_1steel_1_1_block_loader_t.html#a7004a4efaa483cc79b8b79810a17c777":[2,0,1,1,5,9], -"structmlx_1_1steel_1_1_block_loader_t.html#a9ac651d9e5097507c57b10dfeb40bfe5":[1,0,1,1,5,13], -"structmlx_1_1steel_1_1_block_loader_t.html#a9ac651d9e5097507c57b10dfeb40bfe5":[2,0,1,1,5,13], -"structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d":[1,0,1,1,5,2], -"structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d":[2,0,1,1,5,2], -"structmlx_1_1steel_1_1_block_loader_t.html#aca83e49c31095badc8a46eb3c8e00957":[1,0,1,1,5,6], -"structmlx_1_1steel_1_1_block_loader_t.html#aca83e49c31095badc8a46eb3c8e00957":[2,0,1,1,5,6], -"structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38":[1,0,1,1,5,3], -"structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38":[2,0,1,1,5,3], -"structmlx_1_1steel_1_1_block_loader_t.html#aeba87e81185da6b20a092c5d240d3321":[1,0,1,1,5,10], -"structmlx_1_1steel_1_1_block_loader_t.html#aeba87e81185da6b20a092c5d240d3321":[2,0,1,1,5,10], -"structmlx_1_1steel_1_1_block_loader_t.html#af2838998a02866f22b525f9b6ae004da":[1,0,1,1,5,11], -"structmlx_1_1steel_1_1_block_loader_t.html#af2838998a02866f22b525f9b6ae004da":[2,0,1,1,5,11], -"structmlx_1_1steel_1_1_block_m_m_a.html":[1,0,1,1,6], -"structmlx_1_1steel_1_1_block_m_m_a.html":[2,0,1,1,6], -"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[1,0,1,1,6,12], -"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[1,0,1,1,6,13], -"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[2,0,1,1,6,12], -"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[2,0,1,1,6,13], -"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[1,0,1,1,6,18], -"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[1,0,1,1,6,19], -"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[2,0,1,1,6,18], -"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[2,0,1,1,6,19], -"structmlx_1_1steel_1_1_block_m_m_a.html#a138ed1bbad2ca88d3a3c7d162cd36562":[1,0,1,1,6,22], -"structmlx_1_1steel_1_1_block_m_m_a.html#a138ed1bbad2ca88d3a3c7d162cd36562":[2,0,1,1,6,22], -"structmlx_1_1steel_1_1_block_m_m_a.html#a21b0c40d16eced109bd3196186170bc6":[1,0,1,1,6,28], -"structmlx_1_1steel_1_1_block_m_m_a.html#a21b0c40d16eced109bd3196186170bc6":[2,0,1,1,6,28], -"structmlx_1_1steel_1_1_block_m_m_a.html#a257287702dc849d0d8a078fced453142":[1,0,1,1,6,20], -"structmlx_1_1steel_1_1_block_m_m_a.html#a257287702dc849d0d8a078fced453142":[2,0,1,1,6,20], -"structmlx_1_1steel_1_1_block_m_m_a.html#a44fca27c821764317263047a780977b0":[1,0,1,1,6,27], -"structmlx_1_1steel_1_1_block_m_m_a.html#a44fca27c821764317263047a780977b0":[2,0,1,1,6,27], -"structmlx_1_1steel_1_1_block_m_m_a.html#a47e614120c650f7479db79f23a0df586":[1,0,1,1,6,23], -"structmlx_1_1steel_1_1_block_m_m_a.html#a47e614120c650f7479db79f23a0df586":[2,0,1,1,6,23], -"structmlx_1_1steel_1_1_block_m_m_a.html#a49538190209e522ddbef45fe95563d17":[1,0,1,1,6,25], -"structmlx_1_1steel_1_1_block_m_m_a.html#a49538190209e522ddbef45fe95563d17":[2,0,1,1,6,25], -"structmlx_1_1steel_1_1_block_m_m_a.html#a5b0029866f493363942133b55bff7307":[1,0,1,1,6,35], -"structmlx_1_1steel_1_1_block_m_m_a.html#a5b0029866f493363942133b55bff7307":[2,0,1,1,6,35], -"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[1,0,1,1,6,10], -"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[1,0,1,1,6,11], -"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[2,0,1,1,6,10], -"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[2,0,1,1,6,11], -"structmlx_1_1steel_1_1_block_m_m_a.html#a706ae779c1f8d2eb18f19c248567d424":[1,0,1,1,6,36], -"structmlx_1_1steel_1_1_block_m_m_a.html#a706ae779c1f8d2eb18f19c248567d424":[2,0,1,1,6,36], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[1,0,1,1,6,16], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[1,0,1,1,6,17], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[2,0,1,1,6,16], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[2,0,1,1,6,17], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[1,0,1,1,6,14], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[1,0,1,1,6,15], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[2,0,1,1,6,14], -"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[2,0,1,1,6,15], -"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[1,0,1,1,6,4], -"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[1,0,1,1,6,5], -"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[2,0,1,1,6,4], -"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[2,0,1,1,6,5], -"structmlx_1_1steel_1_1_block_m_m_a.html#a8b3690b383afd26563efb38f9c375e50":[1,0,1,1,6,37], -"structmlx_1_1steel_1_1_block_m_m_a.html#a8b3690b383afd26563efb38f9c375e50":[2,0,1,1,6,37], -"structmlx_1_1steel_1_1_block_m_m_a.html#a8fddaa78913cdc8eea5e1cf7d2776330":[1,0,1,1,6,32], -"structmlx_1_1steel_1_1_block_m_m_a.html#a8fddaa78913cdc8eea5e1cf7d2776330":[2,0,1,1,6,32], -"structmlx_1_1steel_1_1_block_m_m_a.html#a92f6aeee432f53638447eac842f43eca":[1,0,1,1,6,26], -"structmlx_1_1steel_1_1_block_m_m_a.html#a92f6aeee432f53638447eac842f43eca":[2,0,1,1,6,26], -"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[1,0,1,1,6,8], -"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[1,0,1,1,6,9], -"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[2,0,1,1,6,8], -"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[2,0,1,1,6,9], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[1,0,1,1,6,2], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[1,0,1,1,6,3], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[2,0,1,1,6,2], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[2,0,1,1,6,3], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa71400922babd388177f228c2c82b211":[1,0,1,1,6,24], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa71400922babd388177f228c2c82b211":[2,0,1,1,6,24], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa85451edf6900fd6af164d4d50889ae3":[1,0,1,1,6,30], -"structmlx_1_1steel_1_1_block_m_m_a.html#aa85451edf6900fd6af164d4d50889ae3":[2,0,1,1,6,30], -"structmlx_1_1steel_1_1_block_m_m_a.html#ab9c7f5386594497f5f4df7e59670b877":[1,0,1,1,6,21], -"structmlx_1_1steel_1_1_block_m_m_a.html#ab9c7f5386594497f5f4df7e59670b877":[2,0,1,1,6,21], -"structmlx_1_1steel_1_1_block_m_m_a.html#aba5f749fdf32d8bd9d9e29f2a9ae4591":[1,0,1,1,6,34], -"structmlx_1_1steel_1_1_block_m_m_a.html#aba5f749fdf32d8bd9d9e29f2a9ae4591":[2,0,1,1,6,34], -"structmlx_1_1steel_1_1_block_m_m_a.html#ade420e8b811d597345783c324c23a34a":[1,0,1,1,6,31], -"structmlx_1_1steel_1_1_block_m_m_a.html#ade420e8b811d597345783c324c23a34a":[2,0,1,1,6,31], -"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[1,0,1,1,6,0], -"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[1,0,1,1,6,1], -"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[2,0,1,1,6,0], -"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[2,0,1,1,6,1], -"structmlx_1_1steel_1_1_block_m_m_a.html#ae3f35453b3afbaac9df64ad5966b34a4":[1,0,1,1,6,33], -"structmlx_1_1steel_1_1_block_m_m_a.html#ae3f35453b3afbaac9df64ad5966b34a4":[2,0,1,1,6,33], -"structmlx_1_1steel_1_1_block_m_m_a.html#aee8caec45c1f9e4428586effbfe6137d":[1,0,1,1,6,29], -"structmlx_1_1steel_1_1_block_m_m_a.html#aee8caec45c1f9e4428586effbfe6137d":[2,0,1,1,6,29], -"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[1,0,1,1,6,6], -"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[1,0,1,1,6,7], -"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[2,0,1,1,6,6], -"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[2,0,1,1,6,7], -"structmlx_1_1steel_1_1_block_swizzle.html":[1,0,1,1,7], -"structmlx_1_1steel_1_1_block_swizzle.html":[2,0,1,1,7], -"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[1,0,1,1,7,0], -"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[1,0,1,1,7,1], -"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[2,0,1,1,7,0], -"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[2,0,1,1,7,1], -"structmlx_1_1steel_1_1_c_shape.html":[1,0,1,1,22], -"structmlx_1_1steel_1_1_c_shape.html":[2,0,1,1,22], -"structmlx_1_1steel_1_1_c_shape.html#a01b09227356b6a682a0694523a8e6901":[1,0,1,1,22,0], -"structmlx_1_1steel_1_1_c_shape.html#a01b09227356b6a682a0694523a8e6901":[2,0,1,1,22,0], -"structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993":[1,0,1,1,22,1], -"structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993":[2,0,1,1,22,1], -"structmlx_1_1steel_1_1_channel_helper.html":[1,0,1,1,8], -"structmlx_1_1steel_1_1_channel_helper.html":[2,0,1,1,8], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,8,2], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,9,4], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,10,4], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,11,4], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,12,4], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,8,2], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,9,4], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,10,4], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,11,4], -"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,12,4], -"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,8,1], -"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,9,2], -"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,10,2], -"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,11,2] +"structmlx_1_1steel_1_1_attn_params.html#a3d286a0c27bace6016ed7a87f43291b7":[1,0,1,1,2,3], +"structmlx_1_1steel_1_1_attn_params.html#a3d286a0c27bace6016ed7a87f43291b7":[2,0,1,1,2,3], +"structmlx_1_1steel_1_1_attn_params.html#a48575afc94ab9ff74deaba61464e57a1":[1,0,1,1,2,9], +"structmlx_1_1steel_1_1_attn_params.html#a48575afc94ab9ff74deaba61464e57a1":[2,0,1,1,2,9], +"structmlx_1_1steel_1_1_attn_params.html#a497b7404bcd25b535c3589c61f269f63":[1,0,1,1,2,5], +"structmlx_1_1steel_1_1_attn_params.html#a497b7404bcd25b535c3589c61f269f63":[2,0,1,1,2,5], +"structmlx_1_1steel_1_1_attn_params.html#a4cfd2ccb0fd7eb81c2a781a0614fdcbe":[1,0,1,1,2,10], +"structmlx_1_1steel_1_1_attn_params.html#a4cfd2ccb0fd7eb81c2a781a0614fdcbe":[2,0,1,1,2,10], +"structmlx_1_1steel_1_1_attn_params.html#a59255882cbd78bb6f15e704e3a356a7f":[1,0,1,1,2,13], +"structmlx_1_1steel_1_1_attn_params.html#a59255882cbd78bb6f15e704e3a356a7f":[2,0,1,1,2,13], +"structmlx_1_1steel_1_1_attn_params.html#a68a66e3fafa922dcfd1ab1f6bdc2375e":[1,0,1,1,2,7], +"structmlx_1_1steel_1_1_attn_params.html#a68a66e3fafa922dcfd1ab1f6bdc2375e":[2,0,1,1,2,7], +"structmlx_1_1steel_1_1_attn_params.html#a752033afdf873d2c506aa83b02e38139":[1,0,1,1,2,6], +"structmlx_1_1steel_1_1_attn_params.html#a752033afdf873d2c506aa83b02e38139":[2,0,1,1,2,6], +"structmlx_1_1steel_1_1_attn_params.html#a9150df3fb79de521bbccf57c43f6b092":[1,0,1,1,2,12], +"structmlx_1_1steel_1_1_attn_params.html#a9150df3fb79de521bbccf57c43f6b092":[2,0,1,1,2,12], +"structmlx_1_1steel_1_1_attn_params.html#aaf953954274794cfcb4e35e82d681b58":[1,0,1,1,2,8], +"structmlx_1_1steel_1_1_attn_params.html#aaf953954274794cfcb4e35e82d681b58":[2,0,1,1,2,8], +"structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7":[1,0,1,1,2,11], +"structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7":[2,0,1,1,2,11], +"structmlx_1_1steel_1_1_attn_params.html#ad1495980297901b8ded1fb6dd73979b1":[1,0,1,1,2,17], +"structmlx_1_1steel_1_1_attn_params.html#ad1495980297901b8ded1fb6dd73979b1":[2,0,1,1,2,17], +"structmlx_1_1steel_1_1_attn_params.html#ad81bcd32e6ff8fec0000eca505fb6826":[1,0,1,1,2,16], +"structmlx_1_1steel_1_1_attn_params.html#ad81bcd32e6ff8fec0000eca505fb6826":[2,0,1,1,2,16], +"structmlx_1_1steel_1_1_attn_params.html#af3fcd78329de006a9a44db64ba469345":[1,0,1,1,2,15], +"structmlx_1_1steel_1_1_attn_params.html#af3fcd78329de006a9a44db64ba469345":[2,0,1,1,2,15], +"structmlx_1_1steel_1_1_attn_params.html#af71b762aa702a3ee592d2098a14b74a9":[1,0,1,1,2,4], +"structmlx_1_1steel_1_1_attn_params.html#af71b762aa702a3ee592d2098a14b74a9":[2,0,1,1,2,4], +"structmlx_1_1steel_1_1_base_m_m_a_frag.html":[1,0,1,1,3], +"structmlx_1_1steel_1_1_base_m_m_a_frag.html":[2,0,1,1,3], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html":[1,0,1,1,4], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html":[2,0,1,1,4], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1868f57d57c8adedab2c58492ec76946":[1,0,1,1,4,17], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1868f57d57c8adedab2c58492ec76946":[2,0,1,1,4,17], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[1,0,1,1,4,22], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[1,0,1,1,4,23], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[2,0,1,1,4,22], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328":[2,0,1,1,4,23], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a211102315e2afbcfcd2e2c201b638e9f":[1,0,1,1,4,27], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a211102315e2afbcfcd2e2c201b638e9f":[2,0,1,1,4,27], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[1,0,1,1,4,5], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[1,0,1,1,4,6], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[2,0,1,1,4,5], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9":[2,0,1,1,4,6], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a2fe53db449c692226f23f6b99fb2c0d4":[1,0,1,1,4,28], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a2fe53db449c692226f23f6b99fb2c0d4":[2,0,1,1,4,28], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010":[1,0,1,1,4,18], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010":[2,0,1,1,4,18], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3c34dfdc944db110f4735f1b25307cf0":[1,0,1,1,4,26], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3c34dfdc944db110f4735f1b25307cf0":[2,0,1,1,4,26], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3dcd4301390937f89ed1dde6d28e341f":[1,0,1,1,4,7], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3dcd4301390937f89ed1dde6d28e341f":[2,0,1,1,4,7], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970":[1,0,1,1,4,19], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970":[2,0,1,1,4,19], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51fcc7447804110f2c2c6e9e361bdc02":[1,0,1,1,4,1], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51fcc7447804110f2c2c6e9e361bdc02":[2,0,1,1,4,1], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[1,0,1,1,4,8], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[1,0,1,1,4,9], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[2,0,1,1,4,8], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83":[2,0,1,1,4,9], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a76aa5aa690dbcc954e957d767fad661f":[1,0,1,1,4,25], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a76aa5aa690dbcc954e957d767fad661f":[2,0,1,1,4,25], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7c212200d86b4e93f274d99addf668bd":[1,0,1,1,4,24], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7c212200d86b4e93f274d99addf668bd":[2,0,1,1,4,24], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8028512f5a3d2b6acaf966be529627a3":[1,0,1,1,4,15], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8028512f5a3d2b6acaf966be529627a3":[2,0,1,1,4,15], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[1,0,1,1,4,3], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[1,0,1,1,4,4], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[2,0,1,1,4,3], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b":[2,0,1,1,4,4], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a96ce3732fb66feaeb80bd1ea9aadbd7e":[1,0,1,1,4,2], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a96ce3732fb66feaeb80bd1ea9aadbd7e":[2,0,1,1,4,2], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[1,0,1,1,4,20], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[1,0,1,1,4,21], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[2,0,1,1,4,20], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#aa8f50ea8961ec5b35c1b81366d64f2cb":[2,0,1,1,4,21], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[1,0,1,1,4,10], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[1,0,1,1,4,11], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[2,0,1,1,4,10], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c":[2,0,1,1,4,11], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[1,0,1,1,4,12], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[1,0,1,1,4,13], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[2,0,1,1,4,12], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d":[2,0,1,1,4,13], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#adbb262a3c872e26533b68a39db16459e":[1,0,1,1,4,0], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#adbb262a3c872e26533b68a39db16459e":[2,0,1,1,4,0], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ae49be5820609d08885a811ae1d082a4b":[1,0,1,1,4,14], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ae49be5820609d08885a811ae1d082a4b":[2,0,1,1,4,14], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#afcdc0e744021facfe52347eaa0fc549e":[1,0,1,1,4,16], +"structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#afcdc0e744021facfe52347eaa0fc549e":[2,0,1,1,4,16], +"structmlx_1_1steel_1_1_block_loader.html":[1,0,1,1,5], +"structmlx_1_1steel_1_1_block_loader.html":[2,0,1,1,5], +"structmlx_1_1steel_1_1_block_loader.html#a064e2cc77e0b1cf0f8027929e031775b":[1,0,1,1,5,17], +"structmlx_1_1steel_1_1_block_loader.html#a064e2cc77e0b1cf0f8027929e031775b":[2,0,1,1,5,17], +"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[1,0,1,1,5,1], +"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[1,0,1,1,5,2], +"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[2,0,1,1,5,1], +"structmlx_1_1steel_1_1_block_loader.html#a37aca066e63dff238865b5923a2d4335":[2,0,1,1,5,2], +"structmlx_1_1steel_1_1_block_loader.html#a58bdf9b9c81962733e22ecdeae28c092":[1,0,1,1,5,19], +"structmlx_1_1steel_1_1_block_loader.html#a58bdf9b9c81962733e22ecdeae28c092":[2,0,1,1,5,19], +"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[1,0,1,1,5,9], +"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[1,0,1,1,5,10], +"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[2,0,1,1,5,9], +"structmlx_1_1steel_1_1_block_loader.html#a6af21428f0e7c17b48ddedf4dd20a1e8":[2,0,1,1,5,10], +"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[1,0,1,1,5,7], +"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[1,0,1,1,5,8], +"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[2,0,1,1,5,7], +"structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27":[2,0,1,1,5,8], +"structmlx_1_1steel_1_1_block_loader.html#a78c326e75ee35a484685771143047cd4":[1,0,1,1,5,12], +"structmlx_1_1steel_1_1_block_loader.html#a78c326e75ee35a484685771143047cd4":[2,0,1,1,5,12], +"structmlx_1_1steel_1_1_block_loader.html#a973804e5b1d418c98c90861cda1a6fb5":[1,0,1,1,5,14], +"structmlx_1_1steel_1_1_block_loader.html#a973804e5b1d418c98c90861cda1a6fb5":[2,0,1,1,5,14], +"structmlx_1_1steel_1_1_block_loader.html#a9ef13742bcdf07532d8f09394928a8af":[1,0,1,1,5,11], +"structmlx_1_1steel_1_1_block_loader.html#a9ef13742bcdf07532d8f09394928a8af":[2,0,1,1,5,11], +"structmlx_1_1steel_1_1_block_loader.html#aadafc50f7f06af434149d7469df4714d":[1,0,1,1,5,16], +"structmlx_1_1steel_1_1_block_loader.html#aadafc50f7f06af434149d7469df4714d":[2,0,1,1,5,16], +"structmlx_1_1steel_1_1_block_loader.html#ab87876699d55473620c7ea99f9da911d":[1,0,1,1,5,18], +"structmlx_1_1steel_1_1_block_loader.html#ab87876699d55473620c7ea99f9da911d":[2,0,1,1,5,18], +"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[1,0,1,1,5,5], +"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[1,0,1,1,5,6], +"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[2,0,1,1,5,5], +"structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d":[2,0,1,1,5,6], +"structmlx_1_1steel_1_1_block_loader.html#ad1db14517568ae9eddfb6986ef31c7aa":[1,0,1,1,5,15], +"structmlx_1_1steel_1_1_block_loader.html#ad1db14517568ae9eddfb6986ef31c7aa":[2,0,1,1,5,15], +"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[1,0,1,1,5,3], +"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[1,0,1,1,5,4], +"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[2,0,1,1,5,3], +"structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf":[2,0,1,1,5,4], +"structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2":[1,0,1,1,5,13], +"structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2":[2,0,1,1,5,13], +"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html":[1,0,1,1,5,0], +"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html":[2,0,1,1,5,0], +"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html#a20963f7191251defca48bf8a843d019d":[1,0,1,1,5,0,0], +"structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html#a20963f7191251defca48bf8a843d019d":[2,0,1,1,5,0,0], +"structmlx_1_1steel_1_1_block_loader_t.html":[1,0,1,1,6], +"structmlx_1_1steel_1_1_block_loader_t.html":[2,0,1,1,6], +"structmlx_1_1steel_1_1_block_loader_t.html#a076616a7c67ad1b847e0e6b046077ee2":[1,0,1,1,6,0], +"structmlx_1_1steel_1_1_block_loader_t.html#a076616a7c67ad1b847e0e6b046077ee2":[2,0,1,1,6,0], +"structmlx_1_1steel_1_1_block_loader_t.html#a0ccc7caa93e6e709981a1a08159d41dc":[1,0,1,1,6,8], +"structmlx_1_1steel_1_1_block_loader_t.html#a0ccc7caa93e6e709981a1a08159d41dc":[2,0,1,1,6,8], +"structmlx_1_1steel_1_1_block_loader_t.html#a2b136fad00dc54300e68aa6b905eff97":[1,0,1,1,6,1], +"structmlx_1_1steel_1_1_block_loader_t.html#a2b136fad00dc54300e68aa6b905eff97":[2,0,1,1,6,1], +"structmlx_1_1steel_1_1_block_loader_t.html#a3abb86e68adb7e4d87cb808d6c25e35f":[1,0,1,1,6,12], +"structmlx_1_1steel_1_1_block_loader_t.html#a3abb86e68adb7e4d87cb808d6c25e35f":[2,0,1,1,6,12], +"structmlx_1_1steel_1_1_block_loader_t.html#a6008ef45ff980dbe1119da0630f6c697":[1,0,1,1,6,4], +"structmlx_1_1steel_1_1_block_loader_t.html#a6008ef45ff980dbe1119da0630f6c697":[2,0,1,1,6,4], +"structmlx_1_1steel_1_1_block_loader_t.html#a6964273994b06d6cf8ef7e59fb10bb35":[1,0,1,1,6,5], +"structmlx_1_1steel_1_1_block_loader_t.html#a6964273994b06d6cf8ef7e59fb10bb35":[2,0,1,1,6,5], +"structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db":[1,0,1,1,6,7], +"structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db":[2,0,1,1,6,7], +"structmlx_1_1steel_1_1_block_loader_t.html#a7004a4efaa483cc79b8b79810a17c777":[1,0,1,1,6,9], +"structmlx_1_1steel_1_1_block_loader_t.html#a7004a4efaa483cc79b8b79810a17c777":[2,0,1,1,6,9], +"structmlx_1_1steel_1_1_block_loader_t.html#a9ac651d9e5097507c57b10dfeb40bfe5":[1,0,1,1,6,13], +"structmlx_1_1steel_1_1_block_loader_t.html#a9ac651d9e5097507c57b10dfeb40bfe5":[2,0,1,1,6,13], +"structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d":[1,0,1,1,6,2], +"structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d":[2,0,1,1,6,2], +"structmlx_1_1steel_1_1_block_loader_t.html#aca83e49c31095badc8a46eb3c8e00957":[1,0,1,1,6,6], +"structmlx_1_1steel_1_1_block_loader_t.html#aca83e49c31095badc8a46eb3c8e00957":[2,0,1,1,6,6], +"structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38":[1,0,1,1,6,3], +"structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38":[2,0,1,1,6,3], +"structmlx_1_1steel_1_1_block_loader_t.html#aeba87e81185da6b20a092c5d240d3321":[1,0,1,1,6,10], +"structmlx_1_1steel_1_1_block_loader_t.html#aeba87e81185da6b20a092c5d240d3321":[2,0,1,1,6,10], +"structmlx_1_1steel_1_1_block_loader_t.html#af2838998a02866f22b525f9b6ae004da":[1,0,1,1,6,11], +"structmlx_1_1steel_1_1_block_loader_t.html#af2838998a02866f22b525f9b6ae004da":[2,0,1,1,6,11], +"structmlx_1_1steel_1_1_block_m_m_a.html":[1,0,1,1,7], +"structmlx_1_1steel_1_1_block_m_m_a.html":[2,0,1,1,7], +"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[1,0,1,1,7,12], +"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[1,0,1,1,7,13], +"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[2,0,1,1,7,12], +"structmlx_1_1steel_1_1_block_m_m_a.html#a0461451ffb5041b6a916ea17ed34288b":[2,0,1,1,7,13], +"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[1,0,1,1,7,18], +"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[1,0,1,1,7,19], +"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[2,0,1,1,7,18], +"structmlx_1_1steel_1_1_block_m_m_a.html#a081ba538d30d1d02498a7f341e6bd611":[2,0,1,1,7,19], +"structmlx_1_1steel_1_1_block_m_m_a.html#a138ed1bbad2ca88d3a3c7d162cd36562":[1,0,1,1,7,22], +"structmlx_1_1steel_1_1_block_m_m_a.html#a138ed1bbad2ca88d3a3c7d162cd36562":[2,0,1,1,7,22], +"structmlx_1_1steel_1_1_block_m_m_a.html#a21b0c40d16eced109bd3196186170bc6":[1,0,1,1,7,28], +"structmlx_1_1steel_1_1_block_m_m_a.html#a21b0c40d16eced109bd3196186170bc6":[2,0,1,1,7,28], +"structmlx_1_1steel_1_1_block_m_m_a.html#a257287702dc849d0d8a078fced453142":[1,0,1,1,7,20], +"structmlx_1_1steel_1_1_block_m_m_a.html#a257287702dc849d0d8a078fced453142":[2,0,1,1,7,20], +"structmlx_1_1steel_1_1_block_m_m_a.html#a44fca27c821764317263047a780977b0":[1,0,1,1,7,27], +"structmlx_1_1steel_1_1_block_m_m_a.html#a44fca27c821764317263047a780977b0":[2,0,1,1,7,27], +"structmlx_1_1steel_1_1_block_m_m_a.html#a47e614120c650f7479db79f23a0df586":[1,0,1,1,7,23], +"structmlx_1_1steel_1_1_block_m_m_a.html#a47e614120c650f7479db79f23a0df586":[2,0,1,1,7,23], +"structmlx_1_1steel_1_1_block_m_m_a.html#a49538190209e522ddbef45fe95563d17":[1,0,1,1,7,25], +"structmlx_1_1steel_1_1_block_m_m_a.html#a49538190209e522ddbef45fe95563d17":[2,0,1,1,7,25], +"structmlx_1_1steel_1_1_block_m_m_a.html#a5b0029866f493363942133b55bff7307":[1,0,1,1,7,35], +"structmlx_1_1steel_1_1_block_m_m_a.html#a5b0029866f493363942133b55bff7307":[2,0,1,1,7,35], +"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[1,0,1,1,7,10], +"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[1,0,1,1,7,11], +"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[2,0,1,1,7,10], +"structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0":[2,0,1,1,7,11], +"structmlx_1_1steel_1_1_block_m_m_a.html#a706ae779c1f8d2eb18f19c248567d424":[1,0,1,1,7,36], +"structmlx_1_1steel_1_1_block_m_m_a.html#a706ae779c1f8d2eb18f19c248567d424":[2,0,1,1,7,36], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[1,0,1,1,7,16], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[1,0,1,1,7,17], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[2,0,1,1,7,16], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7b324c992750ed3aaa4c485f15b2f391":[2,0,1,1,7,17], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[1,0,1,1,7,14], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[1,0,1,1,7,15], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[2,0,1,1,7,14], +"structmlx_1_1steel_1_1_block_m_m_a.html#a7cf757e9785e23997b1417e024559ed3":[2,0,1,1,7,15], +"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[1,0,1,1,7,4], +"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[1,0,1,1,7,5], +"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[2,0,1,1,7,4], +"structmlx_1_1steel_1_1_block_m_m_a.html#a823c56cbd2086f10272df7284a5247ae":[2,0,1,1,7,5], +"structmlx_1_1steel_1_1_block_m_m_a.html#a8b3690b383afd26563efb38f9c375e50":[1,0,1,1,7,37], +"structmlx_1_1steel_1_1_block_m_m_a.html#a8b3690b383afd26563efb38f9c375e50":[2,0,1,1,7,37], +"structmlx_1_1steel_1_1_block_m_m_a.html#a8fddaa78913cdc8eea5e1cf7d2776330":[1,0,1,1,7,32], +"structmlx_1_1steel_1_1_block_m_m_a.html#a8fddaa78913cdc8eea5e1cf7d2776330":[2,0,1,1,7,32], +"structmlx_1_1steel_1_1_block_m_m_a.html#a92f6aeee432f53638447eac842f43eca":[1,0,1,1,7,26], +"structmlx_1_1steel_1_1_block_m_m_a.html#a92f6aeee432f53638447eac842f43eca":[2,0,1,1,7,26], +"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[1,0,1,1,7,8], +"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[1,0,1,1,7,9], +"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[2,0,1,1,7,8], +"structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a":[2,0,1,1,7,9], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[1,0,1,1,7,2], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[1,0,1,1,7,3], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[2,0,1,1,7,2], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8":[2,0,1,1,7,3], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa71400922babd388177f228c2c82b211":[1,0,1,1,7,24], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa71400922babd388177f228c2c82b211":[2,0,1,1,7,24], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa85451edf6900fd6af164d4d50889ae3":[1,0,1,1,7,30], +"structmlx_1_1steel_1_1_block_m_m_a.html#aa85451edf6900fd6af164d4d50889ae3":[2,0,1,1,7,30], +"structmlx_1_1steel_1_1_block_m_m_a.html#ab9c7f5386594497f5f4df7e59670b877":[1,0,1,1,7,21], +"structmlx_1_1steel_1_1_block_m_m_a.html#ab9c7f5386594497f5f4df7e59670b877":[2,0,1,1,7,21], +"structmlx_1_1steel_1_1_block_m_m_a.html#aba5f749fdf32d8bd9d9e29f2a9ae4591":[1,0,1,1,7,34], +"structmlx_1_1steel_1_1_block_m_m_a.html#aba5f749fdf32d8bd9d9e29f2a9ae4591":[2,0,1,1,7,34], +"structmlx_1_1steel_1_1_block_m_m_a.html#ade420e8b811d597345783c324c23a34a":[1,0,1,1,7,31], +"structmlx_1_1steel_1_1_block_m_m_a.html#ade420e8b811d597345783c324c23a34a":[2,0,1,1,7,31], +"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[1,0,1,1,7,0], +"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[1,0,1,1,7,1], +"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[2,0,1,1,7,0], +"structmlx_1_1steel_1_1_block_m_m_a.html#ae2c42cb6d0dde785859164c195f4d13c":[2,0,1,1,7,1], +"structmlx_1_1steel_1_1_block_m_m_a.html#ae3f35453b3afbaac9df64ad5966b34a4":[1,0,1,1,7,33], +"structmlx_1_1steel_1_1_block_m_m_a.html#ae3f35453b3afbaac9df64ad5966b34a4":[2,0,1,1,7,33], +"structmlx_1_1steel_1_1_block_m_m_a.html#aee8caec45c1f9e4428586effbfe6137d":[1,0,1,1,7,29], +"structmlx_1_1steel_1_1_block_m_m_a.html#aee8caec45c1f9e4428586effbfe6137d":[2,0,1,1,7,29], +"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[1,0,1,1,7,6], +"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[1,0,1,1,7,7], +"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[2,0,1,1,7,6], +"structmlx_1_1steel_1_1_block_m_m_a.html#af653c0808ba4fa9a25286f1febb7baff":[2,0,1,1,7,7], +"structmlx_1_1steel_1_1_block_swizzle.html":[1,0,1,1,8], +"structmlx_1_1steel_1_1_block_swizzle.html":[2,0,1,1,8], +"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[1,0,1,1,8,0], +"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[1,0,1,1,8,1], +"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[2,0,1,1,8,0], +"structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760":[2,0,1,1,8,1], +"structmlx_1_1steel_1_1_c_shape.html":[1,0,1,1,23], +"structmlx_1_1steel_1_1_c_shape.html":[2,0,1,1,23] }; diff --git a/docs/build/html/navtreeindex32.js b/docs/build/html/navtreeindex32.js index 369a64ae5..b74e233a3 100644 --- a/docs/build/html/navtreeindex32.js +++ b/docs/build/html/navtreeindex32.js @@ -1,253 +1,253 @@ var NAVTREEINDEX32 = { +"structmlx_1_1steel_1_1_c_shape.html#a01b09227356b6a682a0694523a8e6901":[1,0,1,1,23,0], +"structmlx_1_1steel_1_1_c_shape.html#a01b09227356b6a682a0694523a8e6901":[2,0,1,1,23,0], +"structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993":[1,0,1,1,23,1], +"structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993":[2,0,1,1,23,1], +"structmlx_1_1steel_1_1_channel_helper.html":[1,0,1,1,9], +"structmlx_1_1steel_1_1_channel_helper.html":[2,0,1,1,9], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,9,2], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,10,4], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,11,4], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,12,4], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[1,0,1,1,13,4], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,9,2], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,10,4], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,11,4], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,12,4], +"structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925":[2,0,1,1,13,4], +"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,9,1], +"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,10,2], +"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,11,2], "structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,12,2], -"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[2,0,1,1,8,1], -"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[2,0,1,1,9,2], +"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[1,0,1,1,13,2], +"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[2,0,1,1,9,1], "structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[2,0,1,1,10,2], "structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[2,0,1,1,11,2], "structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[2,0,1,1,12,2], -"structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[1,0,1,1,8,0], +"structmlx_1_1steel_1_1_channel_helper.html#aa476bd0fcb38494c268547fc9820fc0a":[2,0,1,1,13,2], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[1,0,1,1,9,0], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[1,0,1,1,10,0], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[1,0,1,1,11,0], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[1,0,1,1,12,0], -"structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[2,0,1,1,8,0], +"structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[1,0,1,1,13,0], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[2,0,1,1,9,0], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[2,0,1,1,10,0], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[2,0,1,1,11,0], "structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[2,0,1,1,12,0], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html":[1,0,1,1,9], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html":[2,0,1,1,9], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a06c2fb9c93660e8f6916228cd77f9494":[1,0,1,1,9,3], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a06c2fb9c93660e8f6916228cd77f9494":[2,0,1,1,9,3], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a71449551bbfe56058440755dfd50fc75":[1,0,1,1,9,5], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a71449551bbfe56058440755dfd50fc75":[2,0,1,1,9,5], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#ada22a8bd8a89078cfa28874055c8e753":[1,0,1,1,9,1], -"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#ada22a8bd8a89078cfa28874055c8e753":[2,0,1,1,9,1], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html":[1,0,1,1,10], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html":[2,0,1,1,10], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#ac66ff37bc2cf78d96667192a6cca73b5":[1,0,1,1,10,3], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#ac66ff37bc2cf78d96667192a6cca73b5":[2,0,1,1,10,3], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acc490f3999230aa592c61bbed7eb7cfe":[1,0,1,1,10,1], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acc490f3999230aa592c61bbed7eb7cfe":[2,0,1,1,10,1], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acfb18991a77a9d1d4a79918ac5f387af":[1,0,1,1,10,5], -"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acfb18991a77a9d1d4a79918ac5f387af":[2,0,1,1,10,5], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html":[1,0,1,1,11], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html":[2,0,1,1,11], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a071c015713b7bab09930661165517eff":[1,0,1,1,11,3], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a071c015713b7bab09930661165517eff":[2,0,1,1,11,3], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a5cb83774601c29564a6bbc010fc0bf7f":[1,0,1,1,11,5], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a5cb83774601c29564a6bbc010fc0bf7f":[2,0,1,1,11,5], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#aae404674763f3dc73c5ab29169f8b80f":[1,0,1,1,11,1], -"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#aae404674763f3dc73c5ab29169f8b80f":[2,0,1,1,11,1], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html":[1,0,1,1,12], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html":[2,0,1,1,12], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#a167b00a84adf93b60e3d7a943d5eb977":[1,0,1,1,12,3], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#a167b00a84adf93b60e3d7a943d5eb977":[2,0,1,1,12,3], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#aecdd8331fec703d739a6f07b9b901ac8":[1,0,1,1,12,1], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#aecdd8331fec703d739a6f07b9b901ac8":[2,0,1,1,12,1], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#af28cdbe2a3c027d95832de07f60448ca":[1,0,1,1,12,5], -"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#af28cdbe2a3c027d95832de07f60448ca":[2,0,1,1,12,5], -"structmlx_1_1steel_1_1_conv2_d_general_base_info.html":[1,0,1,1,13], -"structmlx_1_1steel_1_1_conv2_d_general_base_info.html":[2,0,1,1,13], -"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#a1d88677c4617f4bdae157e40a64a407b":[1,0,1,1,13,0], -"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#a1d88677c4617f4bdae157e40a64a407b":[2,0,1,1,13,0], -"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#aff119a4325b97fdbd745d8fcaed9f041":[1,0,1,1,13,1], -"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#aff119a4325b97fdbd745d8fcaed9f041":[2,0,1,1,13,1], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html":[1,0,1,1,14], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html":[2,0,1,1,14], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a0fd755691482cb03ea4534b4a556c197":[1,0,1,1,14,5], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a0fd755691482cb03ea4534b4a556c197":[2,0,1,1,14,5], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a198ba0c2740ab4ded99345edf58917a7":[1,0,1,1,14,6], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a198ba0c2740ab4ded99345edf58917a7":[2,0,1,1,14,6], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a568435a612574ab19a051a48055d4cfc":[1,0,1,1,14,7], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a568435a612574ab19a051a48055d4cfc":[2,0,1,1,14,7], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a5bfca3bc43055013d28430cb1f023756":[1,0,1,1,14,0], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a5bfca3bc43055013d28430cb1f023756":[2,0,1,1,14,0], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a78d48b55cf182f000abece0e5e7fadcb":[1,0,1,1,14,4], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a78d48b55cf182f000abece0e5e7fadcb":[2,0,1,1,14,4], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a879cc9757f59605a87d936ec4156040d":[1,0,1,1,14,1], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a879cc9757f59605a87d936ec4156040d":[2,0,1,1,14,1], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#ab971bf879079895189331fbeaf33c211":[1,0,1,1,14,3], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#ab971bf879079895189331fbeaf33c211":[2,0,1,1,14,3], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#aed0ffd63fbc85fd5d5c4cc7b43f68363":[1,0,1,1,14,2], -"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#aed0ffd63fbc85fd5d5c4cc7b43f68363":[2,0,1,1,14,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html":[1,0,1,1,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html":[2,0,1,1,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a0261d0349a0a95ca1a02a959b73e9352":[1,0,1,1,15,23], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a0261d0349a0a95ca1a02a959b73e9352":[2,0,1,1,15,23], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef":[1,0,1,1,15,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef":[2,0,1,1,15,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a09fd92c74ef57c20b48bc780153365ba":[1,0,1,1,15,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a09fd92c74ef57c20b48bc780153365ba":[2,0,1,1,15,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1587047caa339cf5b2c06adc4b332ab8":[1,0,1,1,15,21], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1587047caa339cf5b2c06adc4b332ab8":[2,0,1,1,15,21], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b":[1,0,1,1,15,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b":[2,0,1,1,15,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1ee2922961b5fcb1db577928c4d9d731":[1,0,1,1,15,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1ee2922961b5fcb1db577928c4d9d731":[2,0,1,1,15,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a21b9ee9168dad4af84a611f861519e77":[1,0,1,1,15,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a21b9ee9168dad4af84a611f861519e77":[2,0,1,1,15,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a2aff22af70f685f858adea73f5575cf7":[1,0,1,1,15,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a2aff22af70f685f858adea73f5575cf7":[2,0,1,1,15,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32a3a91fa715b82f36e05ceb10933d09":[1,0,1,1,15,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32a3a91fa715b82f36e05ceb10933d09":[2,0,1,1,15,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32d020c6715d06f7de360877fcb7b6e4":[1,0,1,1,15,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32d020c6715d06f7de360877fcb7b6e4":[2,0,1,1,15,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a35a010c3819df6667339d37a5e8f5b43":[1,0,1,1,15,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a35a010c3819df6667339d37a5e8f5b43":[2,0,1,1,15,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a":[1,0,1,1,15,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a":[2,0,1,1,15,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a397412909eb955babc935a35d97c3fd4":[1,0,1,1,15,22], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a397412909eb955babc935a35d97c3fd4":[2,0,1,1,15,22], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3d6272d000f8ea79d9b3b5228bdca20f":[1,0,1,1,15,5], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3d6272d000f8ea79d9b3b5228bdca20f":[2,0,1,1,15,5], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3e5ee68ed0ee43f7e979dd4222f76a8c":[1,0,1,1,15,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3e5ee68ed0ee43f7e979dd4222f76a8c":[2,0,1,1,15,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a401f0c7cf1588552556603c7ffba2316":[1,0,1,1,15,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a401f0c7cf1588552556603c7ffba2316":[2,0,1,1,15,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a53a683adf280e4806363020754525261":[1,0,1,1,15,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a53a683adf280e4806363020754525261":[2,0,1,1,15,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a":[1,0,1,1,15,9], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a":[2,0,1,1,15,9], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aba1e1c8012e4e50f0e9bcfb9486c1781":[1,0,1,1,15,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aba1e1c8012e4e50f0e9bcfb9486c1781":[2,0,1,1,15,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#abff29c5d96645d9113314c9a997dd7a8":[1,0,1,1,15,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#abff29c5d96645d9113314c9a997dd7a8":[2,0,1,1,15,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aca37adba6f148579eb1cd0a7800a5cfe":[1,0,1,1,15,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aca37adba6f148579eb1cd0a7800a5cfe":[2,0,1,1,15,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ace16704025bc6e6204c306a357f3a8b8":[1,0,1,1,15,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ace16704025bc6e6204c306a357f3a8b8":[2,0,1,1,15,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ae25c676b7318d78462ee89bcd80dc805":[1,0,1,1,15,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ae25c676b7318d78462ee89bcd80dc805":[2,0,1,1,15,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#afe5caaf38b574d3380533856c493dd92":[1,0,1,1,15,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#afe5caaf38b574d3380533856c493dd92":[2,0,1,1,15,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html":[1,0,1,1,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html":[2,0,1,1,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a097c48a23e1bd7d8cf3e9d531397602f":[1,0,1,1,16,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a097c48a23e1bd7d8cf3e9d531397602f":[2,0,1,1,16,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a09b4719415c5bddb0bb70c704b1d8d02":[1,0,1,1,16,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a09b4719415c5bddb0bb70c704b1d8d02":[2,0,1,1,16,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a0b5303f3258e0a21862dead8e3f5401e":[1,0,1,1,16,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a0b5303f3258e0a21862dead8e3f5401e":[2,0,1,1,16,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a17550360cae0a942a9552d7a67827512":[1,0,1,1,16,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a17550360cae0a942a9552d7a67827512":[2,0,1,1,16,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a2528ff5ed472e4ed35415ada42276b07":[1,0,1,1,16,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a2528ff5ed472e4ed35415ada42276b07":[2,0,1,1,16,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a29fbeeacdf5b6feeb74815ced255fa5a":[1,0,1,1,16,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a29fbeeacdf5b6feeb74815ced255fa5a":[2,0,1,1,16,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3b71f379ff9baf39830c92f4f1ecde52":[1,0,1,1,16,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3b71f379ff9baf39830c92f4f1ecde52":[2,0,1,1,16,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3be4815d4090cb27ebe2f9bad1a39e95":[1,0,1,1,16,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3be4815d4090cb27ebe2f9bad1a39e95":[2,0,1,1,16,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a656a46ee27486482b45ff90b3d626255":[1,0,1,1,16,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a656a46ee27486482b45ff90b3d626255":[2,0,1,1,16,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a70da26a715135d973f88371a70255be9":[1,0,1,1,16,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a70da26a715135d973f88371a70255be9":[2,0,1,1,16,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a7ae9e41f50c0c63c35b63086a1c22cc3":[1,0,1,1,16,5], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a7ae9e41f50c0c63c35b63086a1c22cc3":[2,0,1,1,16,5], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a82dd8230e1f37500f1a562177c3ad692":[1,0,1,1,16,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a82dd8230e1f37500f1a562177c3ad692":[2,0,1,1,16,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f":[1,0,1,1,16,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f":[2,0,1,1,16,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8e53b0a9951cb840d922cc285b257ee3":[1,0,1,1,16,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8e53b0a9951cb840d922cc285b257ee3":[2,0,1,1,16,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959":[1,0,1,1,16,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959":[2,0,1,1,16,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec":[1,0,1,1,16,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec":[2,0,1,1,16,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ab0724eb3ef52ee773b6607f6433b9f2c":[1,0,1,1,16,9], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ab0724eb3ef52ee773b6607f6433b9f2c":[2,0,1,1,16,9], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ac070c6bd5be85b1ae805e18890db4fd4":[1,0,1,1,16,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ac070c6bd5be85b1ae805e18890db4fd4":[2,0,1,1,16,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#adcc83bf6c02391cc2375e55c06a1c9a4":[1,0,1,1,16,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#adcc83bf6c02391cc2375e55c06a1c9a4":[2,0,1,1,16,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#add1186c7accb62bfa8a4a7e87fc4cc84":[1,0,1,1,16,21], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#add1186c7accb62bfa8a4a7e87fc4cc84":[2,0,1,1,16,21], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f":[1,0,1,1,16,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f":[2,0,1,1,16,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#aeb67767e2d60d5ff0279a55553f3184e":[1,0,1,1,16,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#aeb67767e2d60d5ff0279a55553f3184e":[2,0,1,1,16,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html":[1,0,1,1,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html":[2,0,1,1,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a335c573456ede3dd34bda1eec9842fe2":[1,0,1,1,17,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a335c573456ede3dd34bda1eec9842fe2":[2,0,1,1,17,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a343984fb74ec579a4404278dbbc7e7b5":[1,0,1,1,17,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a343984fb74ec579a4404278dbbc7e7b5":[2,0,1,1,17,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70":[1,0,1,1,17,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70":[2,0,1,1,17,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6623e33d946b41d01c69ec793706d789":[1,0,1,1,17,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6623e33d946b41d01c69ec793706d789":[2,0,1,1,17,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6b0b18428516d1d6dcae3beb3faee81c":[1,0,1,1,17,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6b0b18428516d1d6dcae3beb3faee81c":[2,0,1,1,17,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a789683f9ac9d9309d07c05f3bdedd2fd":[1,0,1,1,17,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a789683f9ac9d9309d07c05f3bdedd2fd":[2,0,1,1,17,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7cf448573d41fbc67f8dfc65b7aef2b2":[1,0,1,1,17,5], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7cf448573d41fbc67f8dfc65b7aef2b2":[2,0,1,1,17,5], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7dd320bc5b0a9a2e425d6b292ddac037":[1,0,1,1,17,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7dd320bc5b0a9a2e425d6b292ddac037":[2,0,1,1,17,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a8b6c0936c9ad2766242664f034d1115f":[1,0,1,1,17,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a8b6c0936c9ad2766242664f034d1115f":[2,0,1,1,17,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9229d22e0a02d96825eb5a57c8cb95ac":[1,0,1,1,17,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9229d22e0a02d96825eb5a57c8cb95ac":[2,0,1,1,17,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9642399b8066e29123524f36ebc7b482":[1,0,1,1,17,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9642399b8066e29123524f36ebc7b482":[2,0,1,1,17,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9eb024e2fc6f07345f87fbf7141c0d16":[1,0,1,1,17,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9eb024e2fc6f07345f87fbf7141c0d16":[2,0,1,1,17,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3":[1,0,1,1,17,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3":[2,0,1,1,17,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa2a1a870ff51889975f6ffb2b8caa31c":[1,0,1,1,17,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa2a1a870ff51889975f6ffb2b8caa31c":[2,0,1,1,17,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a":[1,0,1,1,17,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a":[2,0,1,1,17,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ad2508cd5cdb51b2f611057e743b8fc6f":[1,0,1,1,17,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ad2508cd5cdb51b2f611057e743b8fc6f":[2,0,1,1,17,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae363abc696400f4e334314576ea31421":[1,0,1,1,17,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae363abc696400f4e334314576ea31421":[2,0,1,1,17,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a":[1,0,1,1,17,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a":[2,0,1,1,17,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af59f9d356c4c3ec5627dc5a263d239d4":[1,0,1,1,17,9], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af59f9d356c4c3ec5627dc5a263d239d4":[2,0,1,1,17,9], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af9ce1a767266664bea131a5437002c80":[1,0,1,1,17,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af9ce1a767266664bea131a5437002c80":[2,0,1,1,17,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#afe21e46e08523232830c25eb1b4ade16":[1,0,1,1,17,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#afe21e46e08523232830c25eb1b4ade16":[2,0,1,1,17,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html":[1,0,1,1,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html":[2,0,1,1,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933":[1,0,1,1,18,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933":[2,0,1,1,18,1], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19":[1,0,1,1,18,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19":[2,0,1,1,18,11], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a10591ea957605a9c662f93d59ff3410d":[1,0,1,1,18,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a10591ea957605a9c662f93d59ff3410d":[2,0,1,1,18,7], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be":[1,0,1,1,18,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be":[2,0,1,1,18,12], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a270ab3da7c98a12525a59952742cc97d":[1,0,1,1,18,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a270ab3da7c98a12525a59952742cc97d":[2,0,1,1,18,0], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a366c3cee4ed1165545287c8d5ce49445":[1,0,1,1,18,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a366c3cee4ed1165545287c8d5ce49445":[2,0,1,1,18,20], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3957fb263fe040fe70683fd1d7b06487":[1,0,1,1,18,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3957fb263fe040fe70683fd1d7b06487":[2,0,1,1,18,18], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3ec8a92c9e6643c1d5bf8af278026fe8":[1,0,1,1,18,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3ec8a92c9e6643c1d5bf8af278026fe8":[2,0,1,1,18,13], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4744bd79fb05e81eaa53d2eabe017446":[1,0,1,1,18,21], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4744bd79fb05e81eaa53d2eabe017446":[2,0,1,1,18,21], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4f8c792ede675d14b70dd19fcf3c5aee":[1,0,1,1,18,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4f8c792ede675d14b70dd19fcf3c5aee":[2,0,1,1,18,14], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a57552e9cfbafad71d47b2f3a8e027bdf":[1,0,1,1,18,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a57552e9cfbafad71d47b2f3a8e027bdf":[2,0,1,1,18,15], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a5adbd51e9adb6f7853724d83de4ff755":[1,0,1,1,18,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a5adbd51e9adb6f7853724d83de4ff755":[2,0,1,1,18,16], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a6fd3dd7b74d91609fa9dd61c657a0e32":[1,0,1,1,18,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a6fd3dd7b74d91609fa9dd61c657a0e32":[2,0,1,1,18,6], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a71c313e1597a2bb99f7b07d434e119d2":[1,0,1,1,18,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a71c313e1597a2bb99f7b07d434e119d2":[2,0,1,1,18,19], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a78d2b0098311a278be8394edbd5fc731":[1,0,1,1,18,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a78d2b0098311a278be8394edbd5fc731":[2,0,1,1,18,3], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111":[1,0,1,1,18,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111":[2,0,1,1,18,2], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f":[1,0,1,1,18,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f":[2,0,1,1,18,8], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b":[1,0,1,1,18,9], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b":[2,0,1,1,18,9] +"structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000":[2,0,1,1,13,0], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html":[1,0,1,1,10], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html":[2,0,1,1,10], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a06c2fb9c93660e8f6916228cd77f9494":[1,0,1,1,10,3], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a06c2fb9c93660e8f6916228cd77f9494":[2,0,1,1,10,3], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a71449551bbfe56058440755dfd50fc75":[1,0,1,1,10,5], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a71449551bbfe56058440755dfd50fc75":[2,0,1,1,10,5], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#ada22a8bd8a89078cfa28874055c8e753":[1,0,1,1,10,1], +"structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#ada22a8bd8a89078cfa28874055c8e753":[2,0,1,1,10,1], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html":[1,0,1,1,11], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html":[2,0,1,1,11], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#ac66ff37bc2cf78d96667192a6cca73b5":[1,0,1,1,11,3], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#ac66ff37bc2cf78d96667192a6cca73b5":[2,0,1,1,11,3], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acc490f3999230aa592c61bbed7eb7cfe":[1,0,1,1,11,1], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acc490f3999230aa592c61bbed7eb7cfe":[2,0,1,1,11,1], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acfb18991a77a9d1d4a79918ac5f387af":[1,0,1,1,11,5], +"structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acfb18991a77a9d1d4a79918ac5f387af":[2,0,1,1,11,5], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html":[1,0,1,1,12], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html":[2,0,1,1,12], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a071c015713b7bab09930661165517eff":[1,0,1,1,12,3], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a071c015713b7bab09930661165517eff":[2,0,1,1,12,3], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a5cb83774601c29564a6bbc010fc0bf7f":[1,0,1,1,12,5], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a5cb83774601c29564a6bbc010fc0bf7f":[2,0,1,1,12,5], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#aae404674763f3dc73c5ab29169f8b80f":[1,0,1,1,12,1], +"structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#aae404674763f3dc73c5ab29169f8b80f":[2,0,1,1,12,1], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html":[1,0,1,1,13], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html":[2,0,1,1,13], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#a167b00a84adf93b60e3d7a943d5eb977":[1,0,1,1,13,3], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#a167b00a84adf93b60e3d7a943d5eb977":[2,0,1,1,13,3], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#aecdd8331fec703d739a6f07b9b901ac8":[1,0,1,1,13,1], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#aecdd8331fec703d739a6f07b9b901ac8":[2,0,1,1,13,1], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#af28cdbe2a3c027d95832de07f60448ca":[1,0,1,1,13,5], +"structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#af28cdbe2a3c027d95832de07f60448ca":[2,0,1,1,13,5], +"structmlx_1_1steel_1_1_conv2_d_general_base_info.html":[1,0,1,1,14], +"structmlx_1_1steel_1_1_conv2_d_general_base_info.html":[2,0,1,1,14], +"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#a1d88677c4617f4bdae157e40a64a407b":[1,0,1,1,14,0], +"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#a1d88677c4617f4bdae157e40a64a407b":[2,0,1,1,14,0], +"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#aff119a4325b97fdbd745d8fcaed9f041":[1,0,1,1,14,1], +"structmlx_1_1steel_1_1_conv2_d_general_base_info.html#aff119a4325b97fdbd745d8fcaed9f041":[2,0,1,1,14,1], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html":[1,0,1,1,15], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html":[2,0,1,1,15], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a0fd755691482cb03ea4534b4a556c197":[1,0,1,1,15,5], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a0fd755691482cb03ea4534b4a556c197":[2,0,1,1,15,5], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a198ba0c2740ab4ded99345edf58917a7":[1,0,1,1,15,6], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a198ba0c2740ab4ded99345edf58917a7":[2,0,1,1,15,6], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a568435a612574ab19a051a48055d4cfc":[1,0,1,1,15,7], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a568435a612574ab19a051a48055d4cfc":[2,0,1,1,15,7], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a5bfca3bc43055013d28430cb1f023756":[1,0,1,1,15,0], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a5bfca3bc43055013d28430cb1f023756":[2,0,1,1,15,0], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a78d48b55cf182f000abece0e5e7fadcb":[1,0,1,1,15,4], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a78d48b55cf182f000abece0e5e7fadcb":[2,0,1,1,15,4], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a879cc9757f59605a87d936ec4156040d":[1,0,1,1,15,1], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#a879cc9757f59605a87d936ec4156040d":[2,0,1,1,15,1], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#ab971bf879079895189331fbeaf33c211":[1,0,1,1,15,3], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#ab971bf879079895189331fbeaf33c211":[2,0,1,1,15,3], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#aed0ffd63fbc85fd5d5c4cc7b43f68363":[1,0,1,1,15,2], +"structmlx_1_1steel_1_1_conv2_d_general_jump_params.html#aed0ffd63fbc85fd5d5c4cc7b43f68363":[2,0,1,1,15,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html":[1,0,1,1,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html":[2,0,1,1,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a0261d0349a0a95ca1a02a959b73e9352":[1,0,1,1,16,23], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a0261d0349a0a95ca1a02a959b73e9352":[2,0,1,1,16,23], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef":[1,0,1,1,16,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef":[2,0,1,1,16,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a09fd92c74ef57c20b48bc780153365ba":[1,0,1,1,16,13], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a09fd92c74ef57c20b48bc780153365ba":[2,0,1,1,16,13], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1587047caa339cf5b2c06adc4b332ab8":[1,0,1,1,16,21], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1587047caa339cf5b2c06adc4b332ab8":[2,0,1,1,16,21], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b":[1,0,1,1,16,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b":[2,0,1,1,16,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1ee2922961b5fcb1db577928c4d9d731":[1,0,1,1,16,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1ee2922961b5fcb1db577928c4d9d731":[2,0,1,1,16,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a21b9ee9168dad4af84a611f861519e77":[1,0,1,1,16,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a21b9ee9168dad4af84a611f861519e77":[2,0,1,1,16,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a2aff22af70f685f858adea73f5575cf7":[1,0,1,1,16,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a2aff22af70f685f858adea73f5575cf7":[2,0,1,1,16,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32a3a91fa715b82f36e05ceb10933d09":[1,0,1,1,16,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32a3a91fa715b82f36e05ceb10933d09":[2,0,1,1,16,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32d020c6715d06f7de360877fcb7b6e4":[1,0,1,1,16,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32d020c6715d06f7de360877fcb7b6e4":[2,0,1,1,16,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a35a010c3819df6667339d37a5e8f5b43":[1,0,1,1,16,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a35a010c3819df6667339d37a5e8f5b43":[2,0,1,1,16,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a":[1,0,1,1,16,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a":[2,0,1,1,16,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a397412909eb955babc935a35d97c3fd4":[1,0,1,1,16,22], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a397412909eb955babc935a35d97c3fd4":[2,0,1,1,16,22], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3d6272d000f8ea79d9b3b5228bdca20f":[1,0,1,1,16,5], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3d6272d000f8ea79d9b3b5228bdca20f":[2,0,1,1,16,5], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3e5ee68ed0ee43f7e979dd4222f76a8c":[1,0,1,1,16,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3e5ee68ed0ee43f7e979dd4222f76a8c":[2,0,1,1,16,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a401f0c7cf1588552556603c7ffba2316":[1,0,1,1,16,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a401f0c7cf1588552556603c7ffba2316":[2,0,1,1,16,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a53a683adf280e4806363020754525261":[1,0,1,1,16,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a53a683adf280e4806363020754525261":[2,0,1,1,16,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a":[1,0,1,1,16,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a":[2,0,1,1,16,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aba1e1c8012e4e50f0e9bcfb9486c1781":[1,0,1,1,16,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aba1e1c8012e4e50f0e9bcfb9486c1781":[2,0,1,1,16,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#abff29c5d96645d9113314c9a997dd7a8":[1,0,1,1,16,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#abff29c5d96645d9113314c9a997dd7a8":[2,0,1,1,16,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aca37adba6f148579eb1cd0a7800a5cfe":[1,0,1,1,16,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aca37adba6f148579eb1cd0a7800a5cfe":[2,0,1,1,16,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ace16704025bc6e6204c306a357f3a8b8":[1,0,1,1,16,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ace16704025bc6e6204c306a357f3a8b8":[2,0,1,1,16,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ae25c676b7318d78462ee89bcd80dc805":[1,0,1,1,16,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ae25c676b7318d78462ee89bcd80dc805":[2,0,1,1,16,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#afe5caaf38b574d3380533856c493dd92":[1,0,1,1,16,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#afe5caaf38b574d3380533856c493dd92":[2,0,1,1,16,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html":[1,0,1,1,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html":[2,0,1,1,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a097c48a23e1bd7d8cf3e9d531397602f":[1,0,1,1,17,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a097c48a23e1bd7d8cf3e9d531397602f":[2,0,1,1,17,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a09b4719415c5bddb0bb70c704b1d8d02":[1,0,1,1,17,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a09b4719415c5bddb0bb70c704b1d8d02":[2,0,1,1,17,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a0b5303f3258e0a21862dead8e3f5401e":[1,0,1,1,17,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a0b5303f3258e0a21862dead8e3f5401e":[2,0,1,1,17,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a17550360cae0a942a9552d7a67827512":[1,0,1,1,17,13], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a17550360cae0a942a9552d7a67827512":[2,0,1,1,17,13], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a2528ff5ed472e4ed35415ada42276b07":[1,0,1,1,17,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a2528ff5ed472e4ed35415ada42276b07":[2,0,1,1,17,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a29fbeeacdf5b6feeb74815ced255fa5a":[1,0,1,1,17,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a29fbeeacdf5b6feeb74815ced255fa5a":[2,0,1,1,17,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3b71f379ff9baf39830c92f4f1ecde52":[1,0,1,1,17,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3b71f379ff9baf39830c92f4f1ecde52":[2,0,1,1,17,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3be4815d4090cb27ebe2f9bad1a39e95":[1,0,1,1,17,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3be4815d4090cb27ebe2f9bad1a39e95":[2,0,1,1,17,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a656a46ee27486482b45ff90b3d626255":[1,0,1,1,17,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a656a46ee27486482b45ff90b3d626255":[2,0,1,1,17,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a70da26a715135d973f88371a70255be9":[1,0,1,1,17,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a70da26a715135d973f88371a70255be9":[2,0,1,1,17,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a7ae9e41f50c0c63c35b63086a1c22cc3":[1,0,1,1,17,5], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a7ae9e41f50c0c63c35b63086a1c22cc3":[2,0,1,1,17,5], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a82dd8230e1f37500f1a562177c3ad692":[1,0,1,1,17,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a82dd8230e1f37500f1a562177c3ad692":[2,0,1,1,17,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f":[1,0,1,1,17,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f":[2,0,1,1,17,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8e53b0a9951cb840d922cc285b257ee3":[1,0,1,1,17,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8e53b0a9951cb840d922cc285b257ee3":[2,0,1,1,17,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959":[1,0,1,1,17,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959":[2,0,1,1,17,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec":[1,0,1,1,17,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec":[2,0,1,1,17,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ab0724eb3ef52ee773b6607f6433b9f2c":[1,0,1,1,17,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ab0724eb3ef52ee773b6607f6433b9f2c":[2,0,1,1,17,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ac070c6bd5be85b1ae805e18890db4fd4":[1,0,1,1,17,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ac070c6bd5be85b1ae805e18890db4fd4":[2,0,1,1,17,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#adcc83bf6c02391cc2375e55c06a1c9a4":[1,0,1,1,17,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#adcc83bf6c02391cc2375e55c06a1c9a4":[2,0,1,1,17,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#add1186c7accb62bfa8a4a7e87fc4cc84":[1,0,1,1,17,21], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#add1186c7accb62bfa8a4a7e87fc4cc84":[2,0,1,1,17,21], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f":[1,0,1,1,17,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f":[2,0,1,1,17,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#aeb67767e2d60d5ff0279a55553f3184e":[1,0,1,1,17,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#aeb67767e2d60d5ff0279a55553f3184e":[2,0,1,1,17,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html":[1,0,1,1,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html":[2,0,1,1,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a335c573456ede3dd34bda1eec9842fe2":[1,0,1,1,18,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a335c573456ede3dd34bda1eec9842fe2":[2,0,1,1,18,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a343984fb74ec579a4404278dbbc7e7b5":[1,0,1,1,18,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a343984fb74ec579a4404278dbbc7e7b5":[2,0,1,1,18,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70":[1,0,1,1,18,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70":[2,0,1,1,18,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6623e33d946b41d01c69ec793706d789":[1,0,1,1,18,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6623e33d946b41d01c69ec793706d789":[2,0,1,1,18,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6b0b18428516d1d6dcae3beb3faee81c":[1,0,1,1,18,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6b0b18428516d1d6dcae3beb3faee81c":[2,0,1,1,18,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a789683f9ac9d9309d07c05f3bdedd2fd":[1,0,1,1,18,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a789683f9ac9d9309d07c05f3bdedd2fd":[2,0,1,1,18,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7cf448573d41fbc67f8dfc65b7aef2b2":[1,0,1,1,18,5], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7cf448573d41fbc67f8dfc65b7aef2b2":[2,0,1,1,18,5], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7dd320bc5b0a9a2e425d6b292ddac037":[1,0,1,1,18,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7dd320bc5b0a9a2e425d6b292ddac037":[2,0,1,1,18,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a8b6c0936c9ad2766242664f034d1115f":[1,0,1,1,18,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a8b6c0936c9ad2766242664f034d1115f":[2,0,1,1,18,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9229d22e0a02d96825eb5a57c8cb95ac":[1,0,1,1,18,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9229d22e0a02d96825eb5a57c8cb95ac":[2,0,1,1,18,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9642399b8066e29123524f36ebc7b482":[1,0,1,1,18,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9642399b8066e29123524f36ebc7b482":[2,0,1,1,18,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9eb024e2fc6f07345f87fbf7141c0d16":[1,0,1,1,18,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9eb024e2fc6f07345f87fbf7141c0d16":[2,0,1,1,18,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3":[1,0,1,1,18,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3":[2,0,1,1,18,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa2a1a870ff51889975f6ffb2b8caa31c":[1,0,1,1,18,13], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa2a1a870ff51889975f6ffb2b8caa31c":[2,0,1,1,18,13], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a":[1,0,1,1,18,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a":[2,0,1,1,18,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ad2508cd5cdb51b2f611057e743b8fc6f":[1,0,1,1,18,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ad2508cd5cdb51b2f611057e743b8fc6f":[2,0,1,1,18,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae363abc696400f4e334314576ea31421":[1,0,1,1,18,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae363abc696400f4e334314576ea31421":[2,0,1,1,18,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a":[1,0,1,1,18,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a":[2,0,1,1,18,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af59f9d356c4c3ec5627dc5a263d239d4":[1,0,1,1,18,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af59f9d356c4c3ec5627dc5a263d239d4":[2,0,1,1,18,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af9ce1a767266664bea131a5437002c80":[1,0,1,1,18,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#af9ce1a767266664bea131a5437002c80":[2,0,1,1,18,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#afe21e46e08523232830c25eb1b4ade16":[1,0,1,1,18,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#afe21e46e08523232830c25eb1b4ade16":[2,0,1,1,18,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html":[1,0,1,1,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html":[2,0,1,1,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933":[1,0,1,1,19,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933":[2,0,1,1,19,1], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19":[1,0,1,1,19,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19":[2,0,1,1,19,11], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a10591ea957605a9c662f93d59ff3410d":[1,0,1,1,19,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a10591ea957605a9c662f93d59ff3410d":[2,0,1,1,19,7], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be":[1,0,1,1,19,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be":[2,0,1,1,19,12], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a270ab3da7c98a12525a59952742cc97d":[1,0,1,1,19,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a270ab3da7c98a12525a59952742cc97d":[2,0,1,1,19,0], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a366c3cee4ed1165545287c8d5ce49445":[1,0,1,1,19,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a366c3cee4ed1165545287c8d5ce49445":[2,0,1,1,19,20], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3957fb263fe040fe70683fd1d7b06487":[1,0,1,1,19,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3957fb263fe040fe70683fd1d7b06487":[2,0,1,1,19,18], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3ec8a92c9e6643c1d5bf8af278026fe8":[1,0,1,1,19,13], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3ec8a92c9e6643c1d5bf8af278026fe8":[2,0,1,1,19,13] }; diff --git a/docs/build/html/navtreeindex33.js b/docs/build/html/navtreeindex33.js index b7045770f..14bf56caa 100644 --- a/docs/build/html/navtreeindex33.js +++ b/docs/build/html/navtreeindex33.js @@ -1,253 +1,253 @@ var NAVTREEINDEX33 = { -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac18de37cde1459595bfe18b0d5ef146d":[1,0,1,1,18,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac18de37cde1459595bfe18b0d5ef146d":[2,0,1,1,18,17], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac3b40db720055350bba59d614ea1dd79":[1,0,1,1,18,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac3b40db720055350bba59d614ea1dd79":[2,0,1,1,18,4], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#acc778b3c0b7ec38a43e8ea943df8704c":[1,0,1,1,18,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#acc778b3c0b7ec38a43e8ea943df8704c":[2,0,1,1,18,10], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ae3af75287f279d2cdeef189126740d4c":[1,0,1,1,18,5], -"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ae3af75287f279d2cdeef189126740d4c":[2,0,1,1,18,5], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html":[1,0,1,1,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html":[2,0,1,1,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d":[1,0,1,1,19,9], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d":[2,0,1,1,19,9], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a10109dc9553207f5a365799e4969c6d2":[1,0,1,1,19,18], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a10109dc9553207f5a365799e4969c6d2":[2,0,1,1,19,18], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad":[1,0,1,1,19,7], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad":[2,0,1,1,19,7], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a1fed11be2e8d9d594dcdf60e32b936b1":[1,0,1,1,19,11], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a1fed11be2e8d9d594dcdf60e32b936b1":[2,0,1,1,19,11], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a593ec140370d53f8c968f6240116d38b":[1,0,1,1,19,10], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a593ec140370d53f8c968f6240116d38b":[2,0,1,1,19,10], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a5afa232b7c84b5025247ac4f83eb9ca9":[1,0,1,1,19,12], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a5afa232b7c84b5025247ac4f83eb9ca9":[2,0,1,1,19,12], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55":[1,0,1,1,19,1], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55":[2,0,1,1,19,1], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a6f2fdcaf5a67567cca38ae3d8120ab37":[1,0,1,1,19,5], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a6f2fdcaf5a67567cca38ae3d8120ab37":[2,0,1,1,19,5], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7464ec687323fa79050702952ed9084f":[1,0,1,1,19,14], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7464ec687323fa79050702952ed9084f":[2,0,1,1,19,14], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7bfbcc4a1e3eef7aef5dd8e8c374a95f":[1,0,1,1,19,13], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7bfbcc4a1e3eef7aef5dd8e8c374a95f":[2,0,1,1,19,13], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a80cb90674f839d5d4ecfde384fa0a7a2":[1,0,1,1,19,15], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a80cb90674f839d5d4ecfde384fa0a7a2":[2,0,1,1,19,15], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a86519729ef0561686bb86e474c95b93d":[1,0,1,1,19,3], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a86519729ef0561686bb86e474c95b93d":[2,0,1,1,19,3], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a8c5e74003600132954cb953616e1a026":[1,0,1,1,19,4], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a8c5e74003600132954cb953616e1a026":[2,0,1,1,19,4], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a94f0ce5bb7d87bc1fb6a7c2ba2b892d4":[1,0,1,1,19,17], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a94f0ce5bb7d87bc1fb6a7c2ba2b892d4":[2,0,1,1,19,17], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c":[1,0,1,1,19,0], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c":[2,0,1,1,19,0], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aae56c19bb562219770fec38e5666c6ce":[1,0,1,1,19,2], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aae56c19bb562219770fec38e5666c6ce":[2,0,1,1,19,2], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ab1cb2ade639787243e0325dcd3dc0a11":[1,0,1,1,19,16], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ab1cb2ade639787243e0325dcd3dc0a11":[2,0,1,1,19,16], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae39d43f741c9c87cce9c6d3144dc8b94":[1,0,1,1,19,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae39d43f741c9c87cce9c6d3144dc8b94":[2,0,1,1,19,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae9b86b05b23153ea1abaeead456c491c":[1,0,1,1,19,6], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae9b86b05b23153ea1abaeead456c491c":[2,0,1,1,19,6], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7":[1,0,1,1,19,8], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7":[2,0,1,1,19,8], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html":[1,0,1,1,20], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html":[2,0,1,1,20], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a015a0c56de74a0c4d51953a7e94fbba8":[1,0,1,1,20,8], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a015a0c56de74a0c4d51953a7e94fbba8":[2,0,1,1,20,8], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08a517bc50caf41155b98be0690bfe44":[1,0,1,1,20,18], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08a517bc50caf41155b98be0690bfe44":[2,0,1,1,20,18], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08dba753ec7c8ea2892775746933b3e7":[1,0,1,1,20,20], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08dba753ec7c8ea2892775746933b3e7":[2,0,1,1,20,20], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a11743cb1c108f42ccdc6e59204a5b3e8":[1,0,1,1,20,2], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a11743cb1c108f42ccdc6e59204a5b3e8":[2,0,1,1,20,2], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a1843921cd67926002bb0dcccf3048eb6":[1,0,1,1,20,5], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a1843921cd67926002bb0dcccf3048eb6":[2,0,1,1,20,5], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a220e033b689c8d6a6f319dae02b38334":[1,0,1,1,20,16], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a220e033b689c8d6a6f319dae02b38334":[2,0,1,1,20,16], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a230f0e581f9b8227b9ee68760b3b1503":[1,0,1,1,20,4], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a230f0e581f9b8227b9ee68760b3b1503":[2,0,1,1,20,4], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a4c91f848856ab0872bdfd37c62d4b0ba":[1,0,1,1,20,6], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a4c91f848856ab0872bdfd37c62d4b0ba":[2,0,1,1,20,6], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a50f458dbb74d61be2ed24727d8d43614":[1,0,1,1,20,14], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a50f458dbb74d61be2ed24727d8d43614":[2,0,1,1,20,14], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a5997fd8ef249e4cd3df7dad7b251d8d5":[1,0,1,1,20,21], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a5997fd8ef249e4cd3df7dad7b251d8d5":[2,0,1,1,20,21], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6918c1df7712c4e408e2871467ea7987":[1,0,1,1,20,15], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6918c1df7712c4e408e2871467ea7987":[2,0,1,1,20,15], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6c46564bf1a96a02791dd432cc9c883e":[1,0,1,1,20,3], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6c46564bf1a96a02791dd432cc9c883e":[2,0,1,1,20,3], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6efa6268a37f18f4d225674bf1780cf6":[1,0,1,1,20,22], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6efa6268a37f18f4d225674bf1780cf6":[2,0,1,1,20,22], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352":[1,0,1,1,20,9], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352":[2,0,1,1,20,9], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655":[1,0,1,1,20,1], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655":[2,0,1,1,20,1], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aa5611e9a84bebaee966d2b339c214ff5":[1,0,1,1,20,11], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aa5611e9a84bebaee966d2b339c214ff5":[2,0,1,1,20,11], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09":[1,0,1,1,20,10], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09":[2,0,1,1,20,10], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aaebb6da2cac9961f5edf52d16c18de7d":[1,0,1,1,20,12], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aaebb6da2cac9961f5edf52d16c18de7d":[2,0,1,1,20,12], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acbc28f364381166faaeec2783dc88e10":[1,0,1,1,20,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acbc28f364381166faaeec2783dc88e10":[2,0,1,1,20,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acec010e10d5733654963407af38d4f67":[1,0,1,1,20,7], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acec010e10d5733654963407af38d4f67":[2,0,1,1,20,7], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1":[1,0,1,1,20,0], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1":[2,0,1,1,20,0], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ae4759d18c0e5cc3530b3da8493008419":[1,0,1,1,20,13], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ae4759d18c0e5cc3530b3da8493008419":[2,0,1,1,20,13], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aff021a6fae860b4ac01fb593b2720457":[1,0,1,1,20,17], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aff021a6fae860b4ac01fb593b2720457":[2,0,1,1,20,17], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html":[1,0,1,1,21], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html":[2,0,1,1,21], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a006153d274aa13d5fd4448b4607fff3a":[1,0,1,1,21,18], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a006153d274aa13d5fd4448b4607fff3a":[2,0,1,1,21,18], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704":[1,0,1,1,21,1], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704":[2,0,1,1,21,1], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3":[1,0,1,1,21,8], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3":[2,0,1,1,21,8], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a30b10bebde7f08b89d03bdd9ea0f48da":[1,0,1,1,21,2], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a30b10bebde7f08b89d03bdd9ea0f48da":[2,0,1,1,21,2], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5752e0309a4dc873cb31ce724c11ada6":[1,0,1,1,21,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5752e0309a4dc873cb31ce724c11ada6":[2,0,1,1,21,19], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5cefb1285ed13ad3490198e9303453de":[1,0,1,1,21,17], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5cefb1285ed13ad3490198e9303453de":[2,0,1,1,21,17], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6":[1,0,1,1,21,7], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6":[2,0,1,1,21,7], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b04a69952404a04029dacc424df6e8f":[1,0,1,1,21,13], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b04a69952404a04029dacc424df6e8f":[2,0,1,1,21,13], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b6cf53a10514310d01f4d6459053a57":[1,0,1,1,21,3], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b6cf53a10514310d01f4d6459053a57":[2,0,1,1,21,3], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa0af8ce417077695e9c51f1568dbc6b7":[1,0,1,1,21,12], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa0af8ce417077695e9c51f1568dbc6b7":[2,0,1,1,21,12], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa6bedc0cbb447eaf70c03f2e26df2cb2":[1,0,1,1,21,14], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa6bedc0cbb447eaf70c03f2e26df2cb2":[2,0,1,1,21,14], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350":[1,0,1,1,21,9], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350":[2,0,1,1,21,9], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acacdac168004c87fee27c8554ac905a7":[1,0,1,1,21,16], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acacdac168004c87fee27c8554ac905a7":[2,0,1,1,21,16], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acc8140aae84694f62e6324dbb6a614a4":[1,0,1,1,21,6], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acc8140aae84694f62e6324dbb6a614a4":[2,0,1,1,21,6], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acd54132d0928d0f6fb15b2f367e5d5e8":[1,0,1,1,21,15], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acd54132d0928d0f6fb15b2f367e5d5e8":[2,0,1,1,21,15], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#adaa261fc2e8e694aedab4ebd60b52e5e":[1,0,1,1,21,5], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#adaa261fc2e8e694aedab4ebd60b52e5e":[2,0,1,1,21,5], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6":[1,0,1,1,21,0], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6":[2,0,1,1,21,0], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae3b9f21f72e5e6c541c9978f55d354c7":[1,0,1,1,21,4], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae3b9f21f72e5e6c541c9978f55d354c7":[2,0,1,1,21,4], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae905e56c1129606e93dbbcd7baed8f0f":[1,0,1,1,21,10], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae905e56c1129606e93dbbcd7baed8f0f":[2,0,1,1,21,10], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#af67adf4550d69231a259e79c1aae9acc":[1,0,1,1,21,11], -"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#af67adf4550d69231a259e79c1aae9acc":[2,0,1,1,21,11], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html":[1,0,1,1,23], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html":[2,0,1,1,23], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a42efa2a1fddc11f71987377b9048f953":[1,0,1,1,23,3], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a42efa2a1fddc11f71987377b9048f953":[2,0,1,1,23,3], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a801e2245a36632160975a784b762a4e6":[1,0,1,1,23,4], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a801e2245a36632160975a784b762a4e6":[2,0,1,1,23,4], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac0ce4d8a6014f8adb29fd0a0bb23139f":[1,0,1,1,23,2], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac0ce4d8a6014f8adb29fd0a0bb23139f":[2,0,1,1,23,2], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac977827a0de9650b7110df029324fd60":[1,0,1,1,23,1], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac977827a0de9650b7110df029324fd60":[2,0,1,1,23,1], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#af8693d96512eff3e125d33d203920710":[1,0,1,1,23,0], -"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#af8693d96512eff3e125d33d203920710":[2,0,1,1,23,0], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html":[1,0,1,1,24], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html":[2,0,1,1,24], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[1,0,1,1,24,8], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[1,0,1,1,24,9], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[2,0,1,1,24,8], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[2,0,1,1,24,9], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a105af1069668028c6f1bc6d6dd162298":[1,0,1,1,24,12], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a105af1069668028c6f1bc6d6dd162298":[2,0,1,1,24,12], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da":[1,0,1,1,24,10], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da":[2,0,1,1,24,10], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[1,0,1,1,24,6], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[1,0,1,1,24,7], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[2,0,1,1,24,6], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[2,0,1,1,24,7], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a9058ddb73e30e83fb9c548ba22817d64":[1,0,1,1,24,15], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a9058ddb73e30e83fb9c548ba22817d64":[2,0,1,1,24,15], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[1,0,1,1,24,0], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[1,0,1,1,24,1], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[2,0,1,1,24,0], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[2,0,1,1,24,1], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[1,0,1,1,24,2], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[1,0,1,1,24,3], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[2,0,1,1,24,2], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[2,0,1,1,24,3], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ac00b149d76a903c2f91b0f477dc5037f":[1,0,1,1,24,11], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ac00b149d76a903c2f91b0f477dc5037f":[2,0,1,1,24,11], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad1b03941e869017558423c08b08bc094":[1,0,1,1,24,14], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad1b03941e869017558423c08b08bc094":[2,0,1,1,24,14], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad547704ccbff6c2076abeffa6628c5a0":[1,0,1,1,24,13], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad547704ccbff6c2076abeffa6628c5a0":[2,0,1,1,24,13], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[1,0,1,1,24,4], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[1,0,1,1,24,5], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[2,0,1,1,24,4], -"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[2,0,1,1,24,5], -"structmlx_1_1steel_1_1_g_e_m_m_params.html":[1,0,1,1,25], -"structmlx_1_1steel_1_1_g_e_m_m_params.html":[2,0,1,1,25], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0d7f419ba265805b418e93ce1ca2e0f9":[1,0,1,1,25,4], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0d7f419ba265805b418e93ce1ca2e0f9":[2,0,1,1,25,4], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0e6b8b629232f1b43fbce9a395174bed":[1,0,1,1,25,13], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0e6b8b629232f1b43fbce9a395174bed":[2,0,1,1,25,13], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a174626ab98515d89923b2841a664b9a1":[1,0,1,1,25,10], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a174626ab98515d89923b2841a664b9a1":[2,0,1,1,25,10], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a4fc69951d02a9ce2d3e11b356557deb9":[1,0,1,1,25,3], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a4fc69951d02a9ce2d3e11b356557deb9":[2,0,1,1,25,3], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a5fba5117664fbab81e22abf1e8c8fbc8":[1,0,1,1,25,2], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a5fba5117664fbab81e22abf1e8c8fbc8":[2,0,1,1,25,2], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6032a081ab707c14b5f28069faa7cf62":[1,0,1,1,25,7], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6032a081ab707c14b5f28069faa7cf62":[2,0,1,1,25,7], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a640dc138a8bf7b2b5bed6a436b429c2f":[1,0,1,1,25,0], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a640dc138a8bf7b2b5bed6a436b429c2f":[2,0,1,1,25,0], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6e8ae14e3f97c499ad9c39358a1855ab":[1,0,1,1,25,8], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6e8ae14e3f97c499ad9c39358a1855ab":[2,0,1,1,25,8], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a85b20a4c4558cc78d76fcbd045a9c694":[1,0,1,1,25,9], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#a85b20a4c4558cc78d76fcbd045a9c694":[2,0,1,1,25,9], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa0851af4da8df820bdad9589ff517cff":[1,0,1,1,25,5], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa0851af4da8df820bdad9589ff517cff":[2,0,1,1,25,5], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa9efc32581bba343b096123482507eee":[1,0,1,1,25,1], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa9efc32581bba343b096123482507eee":[2,0,1,1,25,1], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#ad23a5a7f74cd5859741a36e4bc7823ca":[1,0,1,1,25,12], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#ad23a5a7f74cd5859741a36e4bc7823ca":[2,0,1,1,25,12], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#af9ff2c06dd8994126634531440325be7":[1,0,1,1,25,11], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#af9ff2c06dd8994126634531440325be7":[2,0,1,1,25,11], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#afec42b532ffcad32bbffd494526bef03":[1,0,1,1,25,6], -"structmlx_1_1steel_1_1_g_e_m_m_params.html#afec42b532ffcad32bbffd494526bef03":[2,0,1,1,25,6], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html":[1,0,1,1,26], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html":[2,0,1,1,26], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a0970989624e17088d5326c2e198cb95b":[1,0,1,1,26,10], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a0970989624e17088d5326c2e198cb95b":[2,0,1,1,26,10], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a1103e79fb8962812b9a3c9d5c902ff86":[1,0,1,1,26,6], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a1103e79fb8962812b9a3c9d5c902ff86":[2,0,1,1,26,6], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a12144ce89d404812cd862611d770b9fb":[1,0,1,1,26,8], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a12144ce89d404812cd862611d770b9fb":[2,0,1,1,26,8], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a3733f9031e82e761ec44e72ed5c6d0e7":[1,0,1,1,26,1], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a3733f9031e82e761ec44e72ed5c6d0e7":[2,0,1,1,26,1], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a5b46dfb9cee3606efa05d217349a20a6":[1,0,1,1,26,11], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a5b46dfb9cee3606efa05d217349a20a6":[2,0,1,1,26,11], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a6fac3c4a7c35af7b46b53f9662f882c6":[1,0,1,1,26,2], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a6fac3c4a7c35af7b46b53f9662f882c6":[2,0,1,1,26,2], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a7f6f511854ccc98fa573bb560776ebed":[1,0,1,1,26,3], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a7f6f511854ccc98fa573bb560776ebed":[2,0,1,1,26,3], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a888730efa5c5c8ae7ed771c3084d583c":[1,0,1,1,26,4], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a888730efa5c5c8ae7ed771c3084d583c":[2,0,1,1,26,4], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a8bab0cf8a20d2abefe294a7505917e7e":[1,0,1,1,26,5], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a8bab0cf8a20d2abefe294a7505917e7e":[2,0,1,1,26,5], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a9f5a67b2343645b570e109c3837d4042":[1,0,1,1,26,7], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a9f5a67b2343645b570e109c3837d4042":[2,0,1,1,26,7], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#aa37e05a03ac8b34ec7dc31ca42f68998":[1,0,1,1,26,0], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#aa37e05a03ac8b34ec7dc31ca42f68998":[2,0,1,1,26,0], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#ae06c27116905d4ff3b9b436e588a93fd":[1,0,1,1,26,9], -"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#ae06c27116905d4ff3b9b436e588a93fd":[2,0,1,1,26,9], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html":[1,0,1,1,27], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html":[2,0,1,1,27], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a03685a4066cdb11ffb647408e2c5b122":[1,0,1,1,27,2], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a03685a4066cdb11ffb647408e2c5b122":[2,0,1,1,27,2], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a2117fc93662d5177c8f3e7c2dbb9e2db":[1,0,1,1,27,5], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a2117fc93662d5177c8f3e7c2dbb9e2db":[2,0,1,1,27,5], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a213f5ea4018120d8b61ab82754aaba83":[1,0,1,1,27,6], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a213f5ea4018120d8b61ab82754aaba83":[2,0,1,1,27,6] +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4744bd79fb05e81eaa53d2eabe017446":[1,0,1,1,19,21], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4744bd79fb05e81eaa53d2eabe017446":[2,0,1,1,19,21], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4f8c792ede675d14b70dd19fcf3c5aee":[1,0,1,1,19,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4f8c792ede675d14b70dd19fcf3c5aee":[2,0,1,1,19,14], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a57552e9cfbafad71d47b2f3a8e027bdf":[1,0,1,1,19,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a57552e9cfbafad71d47b2f3a8e027bdf":[2,0,1,1,19,15], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a5adbd51e9adb6f7853724d83de4ff755":[1,0,1,1,19,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a5adbd51e9adb6f7853724d83de4ff755":[2,0,1,1,19,16], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a6fd3dd7b74d91609fa9dd61c657a0e32":[1,0,1,1,19,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a6fd3dd7b74d91609fa9dd61c657a0e32":[2,0,1,1,19,6], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a71c313e1597a2bb99f7b07d434e119d2":[1,0,1,1,19,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a71c313e1597a2bb99f7b07d434e119d2":[2,0,1,1,19,19], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a78d2b0098311a278be8394edbd5fc731":[1,0,1,1,19,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a78d2b0098311a278be8394edbd5fc731":[2,0,1,1,19,3], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111":[1,0,1,1,19,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111":[2,0,1,1,19,2], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f":[1,0,1,1,19,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f":[2,0,1,1,19,8], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b":[1,0,1,1,19,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b":[2,0,1,1,19,9], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac18de37cde1459595bfe18b0d5ef146d":[1,0,1,1,19,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac18de37cde1459595bfe18b0d5ef146d":[2,0,1,1,19,17], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac3b40db720055350bba59d614ea1dd79":[1,0,1,1,19,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac3b40db720055350bba59d614ea1dd79":[2,0,1,1,19,4], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#acc778b3c0b7ec38a43e8ea943df8704c":[1,0,1,1,19,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#acc778b3c0b7ec38a43e8ea943df8704c":[2,0,1,1,19,10], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ae3af75287f279d2cdeef189126740d4c":[1,0,1,1,19,5], +"structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ae3af75287f279d2cdeef189126740d4c":[2,0,1,1,19,5], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html":[1,0,1,1,20], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html":[2,0,1,1,20], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d":[1,0,1,1,20,9], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d":[2,0,1,1,20,9], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a10109dc9553207f5a365799e4969c6d2":[1,0,1,1,20,18], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a10109dc9553207f5a365799e4969c6d2":[2,0,1,1,20,18], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad":[1,0,1,1,20,7], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad":[2,0,1,1,20,7], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a1fed11be2e8d9d594dcdf60e32b936b1":[1,0,1,1,20,11], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a1fed11be2e8d9d594dcdf60e32b936b1":[2,0,1,1,20,11], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a593ec140370d53f8c968f6240116d38b":[1,0,1,1,20,10], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a593ec140370d53f8c968f6240116d38b":[2,0,1,1,20,10], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a5afa232b7c84b5025247ac4f83eb9ca9":[1,0,1,1,20,12], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a5afa232b7c84b5025247ac4f83eb9ca9":[2,0,1,1,20,12], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55":[1,0,1,1,20,1], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55":[2,0,1,1,20,1], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a6f2fdcaf5a67567cca38ae3d8120ab37":[1,0,1,1,20,5], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a6f2fdcaf5a67567cca38ae3d8120ab37":[2,0,1,1,20,5], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7464ec687323fa79050702952ed9084f":[1,0,1,1,20,14], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7464ec687323fa79050702952ed9084f":[2,0,1,1,20,14], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7bfbcc4a1e3eef7aef5dd8e8c374a95f":[1,0,1,1,20,13], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a7bfbcc4a1e3eef7aef5dd8e8c374a95f":[2,0,1,1,20,13], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a80cb90674f839d5d4ecfde384fa0a7a2":[1,0,1,1,20,15], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a80cb90674f839d5d4ecfde384fa0a7a2":[2,0,1,1,20,15], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a86519729ef0561686bb86e474c95b93d":[1,0,1,1,20,3], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a86519729ef0561686bb86e474c95b93d":[2,0,1,1,20,3], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a8c5e74003600132954cb953616e1a026":[1,0,1,1,20,4], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a8c5e74003600132954cb953616e1a026":[2,0,1,1,20,4], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a94f0ce5bb7d87bc1fb6a7c2ba2b892d4":[1,0,1,1,20,17], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a94f0ce5bb7d87bc1fb6a7c2ba2b892d4":[2,0,1,1,20,17], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c":[1,0,1,1,20,0], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c":[2,0,1,1,20,0], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aae56c19bb562219770fec38e5666c6ce":[1,0,1,1,20,2], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aae56c19bb562219770fec38e5666c6ce":[2,0,1,1,20,2], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ab1cb2ade639787243e0325dcd3dc0a11":[1,0,1,1,20,16], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ab1cb2ade639787243e0325dcd3dc0a11":[2,0,1,1,20,16], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae39d43f741c9c87cce9c6d3144dc8b94":[1,0,1,1,20,19], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae39d43f741c9c87cce9c6d3144dc8b94":[2,0,1,1,20,19], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae9b86b05b23153ea1abaeead456c491c":[1,0,1,1,20,6], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae9b86b05b23153ea1abaeead456c491c":[2,0,1,1,20,6], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7":[1,0,1,1,20,8], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7":[2,0,1,1,20,8], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html":[1,0,1,1,21], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html":[2,0,1,1,21], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a015a0c56de74a0c4d51953a7e94fbba8":[1,0,1,1,21,8], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a015a0c56de74a0c4d51953a7e94fbba8":[2,0,1,1,21,8], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08a517bc50caf41155b98be0690bfe44":[1,0,1,1,21,18], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08a517bc50caf41155b98be0690bfe44":[2,0,1,1,21,18], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08dba753ec7c8ea2892775746933b3e7":[1,0,1,1,21,20], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08dba753ec7c8ea2892775746933b3e7":[2,0,1,1,21,20], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a11743cb1c108f42ccdc6e59204a5b3e8":[1,0,1,1,21,2], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a11743cb1c108f42ccdc6e59204a5b3e8":[2,0,1,1,21,2], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a1843921cd67926002bb0dcccf3048eb6":[1,0,1,1,21,5], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a1843921cd67926002bb0dcccf3048eb6":[2,0,1,1,21,5], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a220e033b689c8d6a6f319dae02b38334":[1,0,1,1,21,16], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a220e033b689c8d6a6f319dae02b38334":[2,0,1,1,21,16], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a230f0e581f9b8227b9ee68760b3b1503":[1,0,1,1,21,4], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a230f0e581f9b8227b9ee68760b3b1503":[2,0,1,1,21,4], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a4c91f848856ab0872bdfd37c62d4b0ba":[1,0,1,1,21,6], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a4c91f848856ab0872bdfd37c62d4b0ba":[2,0,1,1,21,6], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a50f458dbb74d61be2ed24727d8d43614":[1,0,1,1,21,14], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a50f458dbb74d61be2ed24727d8d43614":[2,0,1,1,21,14], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a5997fd8ef249e4cd3df7dad7b251d8d5":[1,0,1,1,21,21], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a5997fd8ef249e4cd3df7dad7b251d8d5":[2,0,1,1,21,21], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6918c1df7712c4e408e2871467ea7987":[1,0,1,1,21,15], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6918c1df7712c4e408e2871467ea7987":[2,0,1,1,21,15], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6c46564bf1a96a02791dd432cc9c883e":[1,0,1,1,21,3], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6c46564bf1a96a02791dd432cc9c883e":[2,0,1,1,21,3], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6efa6268a37f18f4d225674bf1780cf6":[1,0,1,1,21,22], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6efa6268a37f18f4d225674bf1780cf6":[2,0,1,1,21,22], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352":[1,0,1,1,21,9], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352":[2,0,1,1,21,9], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655":[1,0,1,1,21,1], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655":[2,0,1,1,21,1], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aa5611e9a84bebaee966d2b339c214ff5":[1,0,1,1,21,11], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aa5611e9a84bebaee966d2b339c214ff5":[2,0,1,1,21,11], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09":[1,0,1,1,21,10], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09":[2,0,1,1,21,10], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aaebb6da2cac9961f5edf52d16c18de7d":[1,0,1,1,21,12], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aaebb6da2cac9961f5edf52d16c18de7d":[2,0,1,1,21,12], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acbc28f364381166faaeec2783dc88e10":[1,0,1,1,21,19], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acbc28f364381166faaeec2783dc88e10":[2,0,1,1,21,19], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acec010e10d5733654963407af38d4f67":[1,0,1,1,21,7], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acec010e10d5733654963407af38d4f67":[2,0,1,1,21,7], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1":[1,0,1,1,21,0], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1":[2,0,1,1,21,0], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ae4759d18c0e5cc3530b3da8493008419":[1,0,1,1,21,13], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ae4759d18c0e5cc3530b3da8493008419":[2,0,1,1,21,13], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aff021a6fae860b4ac01fb593b2720457":[1,0,1,1,21,17], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aff021a6fae860b4ac01fb593b2720457":[2,0,1,1,21,17], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html":[1,0,1,1,22], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html":[2,0,1,1,22], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a006153d274aa13d5fd4448b4607fff3a":[1,0,1,1,22,18], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a006153d274aa13d5fd4448b4607fff3a":[2,0,1,1,22,18], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704":[1,0,1,1,22,1], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704":[2,0,1,1,22,1], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3":[1,0,1,1,22,8], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3":[2,0,1,1,22,8], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a30b10bebde7f08b89d03bdd9ea0f48da":[1,0,1,1,22,2], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a30b10bebde7f08b89d03bdd9ea0f48da":[2,0,1,1,22,2], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5752e0309a4dc873cb31ce724c11ada6":[1,0,1,1,22,19], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5752e0309a4dc873cb31ce724c11ada6":[2,0,1,1,22,19], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5cefb1285ed13ad3490198e9303453de":[1,0,1,1,22,17], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5cefb1285ed13ad3490198e9303453de":[2,0,1,1,22,17], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6":[1,0,1,1,22,7], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6":[2,0,1,1,22,7], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b04a69952404a04029dacc424df6e8f":[1,0,1,1,22,13], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b04a69952404a04029dacc424df6e8f":[2,0,1,1,22,13], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b6cf53a10514310d01f4d6459053a57":[1,0,1,1,22,3], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a8b6cf53a10514310d01f4d6459053a57":[2,0,1,1,22,3], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa0af8ce417077695e9c51f1568dbc6b7":[1,0,1,1,22,12], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa0af8ce417077695e9c51f1568dbc6b7":[2,0,1,1,22,12], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa6bedc0cbb447eaf70c03f2e26df2cb2":[1,0,1,1,22,14], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa6bedc0cbb447eaf70c03f2e26df2cb2":[2,0,1,1,22,14], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350":[1,0,1,1,22,9], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350":[2,0,1,1,22,9], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acacdac168004c87fee27c8554ac905a7":[1,0,1,1,22,16], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acacdac168004c87fee27c8554ac905a7":[2,0,1,1,22,16], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acc8140aae84694f62e6324dbb6a614a4":[1,0,1,1,22,6], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acc8140aae84694f62e6324dbb6a614a4":[2,0,1,1,22,6], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acd54132d0928d0f6fb15b2f367e5d5e8":[1,0,1,1,22,15], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acd54132d0928d0f6fb15b2f367e5d5e8":[2,0,1,1,22,15], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#adaa261fc2e8e694aedab4ebd60b52e5e":[1,0,1,1,22,5], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#adaa261fc2e8e694aedab4ebd60b52e5e":[2,0,1,1,22,5], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6":[1,0,1,1,22,0], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6":[2,0,1,1,22,0], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae3b9f21f72e5e6c541c9978f55d354c7":[1,0,1,1,22,4], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae3b9f21f72e5e6c541c9978f55d354c7":[2,0,1,1,22,4], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae905e56c1129606e93dbbcd7baed8f0f":[1,0,1,1,22,10], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae905e56c1129606e93dbbcd7baed8f0f":[2,0,1,1,22,10], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#af67adf4550d69231a259e79c1aae9acc":[1,0,1,1,22,11], +"structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#af67adf4550d69231a259e79c1aae9acc":[2,0,1,1,22,11], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html":[1,0,1,1,24], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html":[2,0,1,1,24], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a42efa2a1fddc11f71987377b9048f953":[1,0,1,1,24,3], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a42efa2a1fddc11f71987377b9048f953":[2,0,1,1,24,3], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a801e2245a36632160975a784b762a4e6":[1,0,1,1,24,4], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a801e2245a36632160975a784b762a4e6":[2,0,1,1,24,4], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac0ce4d8a6014f8adb29fd0a0bb23139f":[1,0,1,1,24,2], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac0ce4d8a6014f8adb29fd0a0bb23139f":[2,0,1,1,24,2], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac977827a0de9650b7110df029324fd60":[1,0,1,1,24,1], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#ac977827a0de9650b7110df029324fd60":[2,0,1,1,24,1], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#af8693d96512eff3e125d33d203920710":[1,0,1,1,24,0], +"structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#af8693d96512eff3e125d33d203920710":[2,0,1,1,24,0], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html":[1,0,1,1,25], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html":[2,0,1,1,25], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[1,0,1,1,25,8], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[1,0,1,1,25,9], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[2,0,1,1,25,8], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5":[2,0,1,1,25,9], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a105af1069668028c6f1bc6d6dd162298":[1,0,1,1,25,12], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a105af1069668028c6f1bc6d6dd162298":[2,0,1,1,25,12], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da":[1,0,1,1,25,10], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da":[2,0,1,1,25,10], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[1,0,1,1,25,6], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[1,0,1,1,25,7], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[2,0,1,1,25,6], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a756d7bbcc96e2919cd65eec4bc135780":[2,0,1,1,25,7], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a9058ddb73e30e83fb9c548ba22817d64":[1,0,1,1,25,15], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a9058ddb73e30e83fb9c548ba22817d64":[2,0,1,1,25,15], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[1,0,1,1,25,0], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[1,0,1,1,25,1], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[2,0,1,1,25,0], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa8a04ed74d2259f99b337d4662c64d83":[2,0,1,1,25,1], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[1,0,1,1,25,2], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[1,0,1,1,25,3], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[2,0,1,1,25,2], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#aa98f32278b5fd98c93ae5483c3596395":[2,0,1,1,25,3], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ac00b149d76a903c2f91b0f477dc5037f":[1,0,1,1,25,11], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ac00b149d76a903c2f91b0f477dc5037f":[2,0,1,1,25,11], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad1b03941e869017558423c08b08bc094":[1,0,1,1,25,14], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad1b03941e869017558423c08b08bc094":[2,0,1,1,25,14], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad547704ccbff6c2076abeffa6628c5a0":[1,0,1,1,25,13], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad547704ccbff6c2076abeffa6628c5a0":[2,0,1,1,25,13], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[1,0,1,1,25,4], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[1,0,1,1,25,5], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[2,0,1,1,25,4], +"structmlx_1_1steel_1_1_g_e_m_m_kernel.html#add8c6a31011a4895667c2a94a5af3782":[2,0,1,1,25,5], +"structmlx_1_1steel_1_1_g_e_m_m_params.html":[1,0,1,1,26], +"structmlx_1_1steel_1_1_g_e_m_m_params.html":[2,0,1,1,26], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0d7f419ba265805b418e93ce1ca2e0f9":[1,0,1,1,26,4], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0d7f419ba265805b418e93ce1ca2e0f9":[2,0,1,1,26,4], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0e6b8b629232f1b43fbce9a395174bed":[1,0,1,1,26,13], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a0e6b8b629232f1b43fbce9a395174bed":[2,0,1,1,26,13], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a174626ab98515d89923b2841a664b9a1":[1,0,1,1,26,10], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a174626ab98515d89923b2841a664b9a1":[2,0,1,1,26,10], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a4fc69951d02a9ce2d3e11b356557deb9":[1,0,1,1,26,3], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a4fc69951d02a9ce2d3e11b356557deb9":[2,0,1,1,26,3], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a5fba5117664fbab81e22abf1e8c8fbc8":[1,0,1,1,26,2], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a5fba5117664fbab81e22abf1e8c8fbc8":[2,0,1,1,26,2], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6032a081ab707c14b5f28069faa7cf62":[1,0,1,1,26,7], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6032a081ab707c14b5f28069faa7cf62":[2,0,1,1,26,7], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a640dc138a8bf7b2b5bed6a436b429c2f":[1,0,1,1,26,0], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a640dc138a8bf7b2b5bed6a436b429c2f":[2,0,1,1,26,0], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6e8ae14e3f97c499ad9c39358a1855ab":[1,0,1,1,26,8], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a6e8ae14e3f97c499ad9c39358a1855ab":[2,0,1,1,26,8], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a85b20a4c4558cc78d76fcbd045a9c694":[1,0,1,1,26,9], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#a85b20a4c4558cc78d76fcbd045a9c694":[2,0,1,1,26,9], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa0851af4da8df820bdad9589ff517cff":[1,0,1,1,26,5], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa0851af4da8df820bdad9589ff517cff":[2,0,1,1,26,5], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa9efc32581bba343b096123482507eee":[1,0,1,1,26,1], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#aa9efc32581bba343b096123482507eee":[2,0,1,1,26,1], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#ad23a5a7f74cd5859741a36e4bc7823ca":[1,0,1,1,26,12], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#ad23a5a7f74cd5859741a36e4bc7823ca":[2,0,1,1,26,12], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#af9ff2c06dd8994126634531440325be7":[1,0,1,1,26,11], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#af9ff2c06dd8994126634531440325be7":[2,0,1,1,26,11], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#afec42b532ffcad32bbffd494526bef03":[1,0,1,1,26,6], +"structmlx_1_1steel_1_1_g_e_m_m_params.html#afec42b532ffcad32bbffd494526bef03":[2,0,1,1,26,6], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html":[1,0,1,1,27], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html":[2,0,1,1,27], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a0970989624e17088d5326c2e198cb95b":[1,0,1,1,27,10], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a0970989624e17088d5326c2e198cb95b":[2,0,1,1,27,10], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a1103e79fb8962812b9a3c9d5c902ff86":[1,0,1,1,27,6], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a1103e79fb8962812b9a3c9d5c902ff86":[2,0,1,1,27,6], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a12144ce89d404812cd862611d770b9fb":[1,0,1,1,27,8], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a12144ce89d404812cd862611d770b9fb":[2,0,1,1,27,8], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a3733f9031e82e761ec44e72ed5c6d0e7":[1,0,1,1,27,1], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a3733f9031e82e761ec44e72ed5c6d0e7":[2,0,1,1,27,1], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a5b46dfb9cee3606efa05d217349a20a6":[1,0,1,1,27,11], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a5b46dfb9cee3606efa05d217349a20a6":[2,0,1,1,27,11], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a6fac3c4a7c35af7b46b53f9662f882c6":[1,0,1,1,27,2], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a6fac3c4a7c35af7b46b53f9662f882c6":[2,0,1,1,27,2] }; diff --git a/docs/build/html/navtreeindex34.js b/docs/build/html/navtreeindex34.js index d8fa743fb..e286b22a2 100644 --- a/docs/build/html/navtreeindex34.js +++ b/docs/build/html/navtreeindex34.js @@ -1,189 +1,209 @@ var NAVTREEINDEX34 = { -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a4c5e33edf70be99cf93ac5723c12eb24":[1,0,1,1,27,8], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a4c5e33edf70be99cf93ac5723c12eb24":[2,0,1,1,27,8], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a76f9f381e7187a993d65128b9b681b2d":[1,0,1,1,27,9], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a76f9f381e7187a993d65128b9b681b2d":[2,0,1,1,27,9], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a78d30e843d65d1829623afb0b607f0a5":[1,0,1,1,27,1], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a78d30e843d65d1829623afb0b607f0a5":[2,0,1,1,27,1], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a8b50863e4e2d3481c154be6c3629bf51":[1,0,1,1,27,0], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a8b50863e4e2d3481c154be6c3629bf51":[2,0,1,1,27,0], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#acf168c72f4a86b72b8f5f386f07c9d8c":[1,0,1,1,27,3], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#acf168c72f4a86b72b8f5f386f07c9d8c":[2,0,1,1,27,3], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ad0713159d4f710cd9a066596593d8840":[1,0,1,1,27,7], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ad0713159d4f710cd9a066596593d8840":[2,0,1,1,27,7], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ae1b0386e4cd1a7018f4b654c4e9493ba":[1,0,1,1,27,4], -"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ae1b0386e4cd1a7018f4b654c4e9493ba":[2,0,1,1,27,4], -"structmlx_1_1steel_1_1_layout2_d.html":[1,0,1,1,31], -"structmlx_1_1steel_1_1_layout2_d.html":[2,0,1,1,31], -"structmlx_1_1steel_1_1_layout2_d.html#a23183747ab1ddbdd3f1fcac6d0faa2cd":[1,0,1,1,31,1], -"structmlx_1_1steel_1_1_layout2_d.html#a23183747ab1ddbdd3f1fcac6d0faa2cd":[2,0,1,1,31,1], -"structmlx_1_1steel_1_1_layout2_d.html#a6beedf1677ee1b192fb48c83a29ac8a1":[1,0,1,1,31,0], -"structmlx_1_1steel_1_1_layout2_d.html#a6beedf1677ee1b192fb48c83a29ac8a1":[2,0,1,1,31,0], -"structmlx_1_1steel_1_1_loop_alignment.html":[1,0,1,1,32], -"structmlx_1_1steel_1_1_loop_alignment.html":[2,0,1,1,32], -"structmlx_1_1steel_1_1_m_m_a_tile.html":[1,0,1,1,33], -"structmlx_1_1steel_1_1_m_m_a_tile.html":[2,0,1,1,33], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[1,0,1,1,33,16], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[1,0,1,1,33,17], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[2,0,1,1,33,16], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[2,0,1,1,33,17], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a":[1,0,1,1,33,46], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a":[2,0,1,1,33,46], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1ea49efd92696b15302ee4b52ecd548c":[1,0,1,1,33,37], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1ea49efd92696b15302ee4b52ecd548c":[2,0,1,1,33,37], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[1,0,1,1,33,4], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[1,0,1,1,33,5], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[2,0,1,1,33,4], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[2,0,1,1,33,5], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[1,0,1,1,33,32], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[1,0,1,1,33,33], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[2,0,1,1,33,32], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[2,0,1,1,33,33], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[1,0,1,1,33,26], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[1,0,1,1,33,27], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[2,0,1,1,33,26], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[2,0,1,1,33,27], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2":[1,0,1,1,33,28], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2":[2,0,1,1,33,28], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4":[1,0,1,1,33,45], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4":[2,0,1,1,33,45], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[1,0,1,1,33,34], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[1,0,1,1,33,35], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[2,0,1,1,33,34], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[2,0,1,1,33,35], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a594142f957ffb99296a243f7af7b59e7":[1,0,1,1,33,41], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a594142f957ffb99296a243f7af7b59e7":[2,0,1,1,33,41], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e":[1,0,1,1,33,44], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e":[2,0,1,1,33,44], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323":[1,0,1,1,33,43], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323":[2,0,1,1,33,43], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a684e6c6d9f00f583994285b60aaa3b62":[1,0,1,1,33,47], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a684e6c6d9f00f583994285b60aaa3b62":[2,0,1,1,33,47], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[1,0,1,1,33,30], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[1,0,1,1,33,31], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[2,0,1,1,33,30], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[2,0,1,1,33,31], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[1,0,1,1,33,0], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[1,0,1,1,33,1], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[2,0,1,1,33,0], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[2,0,1,1,33,1], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[1,0,1,1,33,12], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[1,0,1,1,33,13], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[2,0,1,1,33,12], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[2,0,1,1,33,13], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a948784652e93830887ee8ad506ec3257":[1,0,1,1,33,36], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a948784652e93830887ee8ad506ec3257":[2,0,1,1,33,36], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a98357339ec98f804a1b12597937b318f":[1,0,1,1,33,39], -"structmlx_1_1steel_1_1_m_m_a_tile.html#a98357339ec98f804a1b12597937b318f":[2,0,1,1,33,39], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88":[1,0,1,1,33,29], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88":[2,0,1,1,33,29], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[1,0,1,1,33,24], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[1,0,1,1,33,25], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[2,0,1,1,33,24], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[2,0,1,1,33,25], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[1,0,1,1,33,8], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[1,0,1,1,33,9], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[2,0,1,1,33,8], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[2,0,1,1,33,9], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[1,0,1,1,33,22], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[1,0,1,1,33,23], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[2,0,1,1,33,22], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[2,0,1,1,33,23], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[1,0,1,1,33,10], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[1,0,1,1,33,11], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[2,0,1,1,33,10], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[2,0,1,1,33,11], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[1,0,1,1,33,20], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[1,0,1,1,33,21], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[2,0,1,1,33,20], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[2,0,1,1,33,21], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[1,0,1,1,33,2], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[1,0,1,1,33,3], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[2,0,1,1,33,2], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[2,0,1,1,33,3], -"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[1,0,1,1,33,6], -"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[1,0,1,1,33,7], -"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[2,0,1,1,33,6], -"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[2,0,1,1,33,7], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ad095371db98e7c335ec41ca77c10f906":[1,0,1,1,33,40], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ad095371db98e7c335ec41ca77c10f906":[2,0,1,1,33,40], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[1,0,1,1,33,18], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[1,0,1,1,33,19], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[2,0,1,1,33,18], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[2,0,1,1,33,19], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[1,0,1,1,33,14], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[1,0,1,1,33,15], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[2,0,1,1,33,14], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[2,0,1,1,33,15], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3":[1,0,1,1,33,42], -"structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3":[2,0,1,1,33,42], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aef0ea2387e1ff5767bff8563b2d36bd6":[1,0,1,1,33,38], -"structmlx_1_1steel_1_1_m_m_a_tile.html#aef0ea2387e1ff5767bff8563b2d36bd6":[2,0,1,1,33,38], -"structmlx_1_1steel_1_1_shape2_d.html":[1,0,1,1,34], -"structmlx_1_1steel_1_1_shape2_d.html":[2,0,1,1,34], -"structmlx_1_1steel_1_1_shape2_d.html#a070ce70eb6d84361c7f313159c438a5c":[1,0,1,1,34,0], -"structmlx_1_1steel_1_1_shape2_d.html#a070ce70eb6d84361c7f313159c438a5c":[2,0,1,1,34,0], -"structmlx_1_1steel_1_1_shape2_d.html#a6e9e8d56782fc8772bc432c7f58393fe":[1,0,1,1,34,2], -"structmlx_1_1steel_1_1_shape2_d.html#a6e9e8d56782fc8772bc432c7f58393fe":[2,0,1,1,34,2], -"structmlx_1_1steel_1_1_shape2_d.html#ae51347b2131647f2ed735ed43840d26e":[1,0,1,1,34,1], -"structmlx_1_1steel_1_1_shape2_d.html#ae51347b2131647f2ed735ed43840d26e":[2,0,1,1,34,1], -"structmlx_1_1steel_1_1_transform_add.html":[1,0,1,1,35], -"structmlx_1_1steel_1_1_transform_add.html":[2,0,1,1,35], -"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[1,0,1,1,35,4], -"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[1,0,1,1,35,5], -"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[2,0,1,1,35,4], -"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[2,0,1,1,35,5], -"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[1,0,1,1,35,0], -"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[1,0,1,1,35,1], -"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[2,0,1,1,35,0], -"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[2,0,1,1,35,1], -"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[1,0,1,1,35,2], -"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[1,0,1,1,35,3], -"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[2,0,1,1,35,2], -"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[2,0,1,1,35,3], -"structmlx_1_1steel_1_1_transform_axpby.html":[1,0,1,1,36], -"structmlx_1_1steel_1_1_transform_axpby.html":[2,0,1,1,36], -"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[1,0,1,1,36,2], -"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[1,0,1,1,36,3], -"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[2,0,1,1,36,2], -"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[2,0,1,1,36,3], -"structmlx_1_1steel_1_1_transform_axpby.html#a5fc726f085bafd1acbc391886f7fb8b6":[1,0,1,1,36,7], -"structmlx_1_1steel_1_1_transform_axpby.html#a5fc726f085bafd1acbc391886f7fb8b6":[2,0,1,1,36,7], -"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[1,0,1,1,36,4], -"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[1,0,1,1,36,5], -"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[2,0,1,1,36,4], -"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[2,0,1,1,36,5], -"structmlx_1_1steel_1_1_transform_axpby.html#ab3223b49c6b3b7f89eba91aeaff9dcff":[1,0,1,1,36,6], -"structmlx_1_1steel_1_1_transform_axpby.html#ab3223b49c6b3b7f89eba91aeaff9dcff":[2,0,1,1,36,6], -"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[1,0,1,1,36,0], -"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[1,0,1,1,36,1], -"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[2,0,1,1,36,0], -"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[2,0,1,1,36,1], -"structmlx_1_1steel_1_1_transform_none.html":[1,0,1,1,37], -"structmlx_1_1steel_1_1_transform_none.html":[2,0,1,1,37], -"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[1,0,1,1,37,0], -"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[1,0,1,1,37,1], -"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[2,0,1,1,37,0], -"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[2,0,1,1,37,1], -"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[1,0,1,1,37,2], -"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[1,0,1,1,37,3], -"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[2,0,1,1,37,2], -"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[2,0,1,1,37,3], -"structmlx_1_1steel_1_1integral__constant.html":[1,0,1,1,28], -"structmlx_1_1steel_1_1integral__constant.html":[2,0,1,1,28], -"structmlx_1_1steel_1_1integral__constant.html#a0569cc1334e0bc4f474304b33d365759":[1,0,1,1,28,1], -"structmlx_1_1steel_1_1integral__constant.html#a0569cc1334e0bc4f474304b33d365759":[2,0,1,1,28,1], -"structmlx_1_1steel_1_1integral__constant.html#a0c11203bed44a6a2c387b365134dcd64":[1,0,1,1,28,2], -"structmlx_1_1steel_1_1integral__constant.html#a0c11203bed44a6a2c387b365134dcd64":[2,0,1,1,28,2], -"structmlx_1_1steel_1_1integral__constant.html#a4efa69cb3fd42ac0dcad46578600d637":[1,0,1,1,28,3], -"structmlx_1_1steel_1_1integral__constant.html#a4efa69cb3fd42ac0dcad46578600d637":[2,0,1,1,28,3], -"structmlx_1_1steel_1_1integral__constant.html#a6492c15b37d160d3a33e1cbe770aa3f1":[1,0,1,1,28,0], -"structmlx_1_1steel_1_1integral__constant.html#a6492c15b37d160d3a33e1cbe770aa3f1":[2,0,1,1,28,0], -"structmlx_1_1steel_1_1is__integral.html":[1,0,1,1,29], -"structmlx_1_1steel_1_1is__integral.html":[2,0,1,1,29], -"structmlx_1_1steel_1_1is__integral_3_01integral__constant_3_01_t_00_01v_01_4_01_4.html":[1,0,1,1,30], -"structmlx_1_1steel_1_1is__integral_3_01integral__constant_3_01_t_00_01v_01_4_01_4.html":[2,0,1,1,30], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a7f6f511854ccc98fa573bb560776ebed":[1,0,1,1,27,3], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a7f6f511854ccc98fa573bb560776ebed":[2,0,1,1,27,3], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a888730efa5c5c8ae7ed771c3084d583c":[1,0,1,1,27,4], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a888730efa5c5c8ae7ed771c3084d583c":[2,0,1,1,27,4], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a8bab0cf8a20d2abefe294a7505917e7e":[1,0,1,1,27,5], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a8bab0cf8a20d2abefe294a7505917e7e":[2,0,1,1,27,5], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a9f5a67b2343645b570e109c3837d4042":[1,0,1,1,27,7], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a9f5a67b2343645b570e109c3837d4042":[2,0,1,1,27,7], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#aa37e05a03ac8b34ec7dc31ca42f68998":[1,0,1,1,27,0], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#aa37e05a03ac8b34ec7dc31ca42f68998":[2,0,1,1,27,0], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#ae06c27116905d4ff3b9b436e588a93fd":[1,0,1,1,27,9], +"structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#ae06c27116905d4ff3b9b436e588a93fd":[2,0,1,1,27,9], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html":[1,0,1,1,28], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html":[2,0,1,1,28], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a03685a4066cdb11ffb647408e2c5b122":[1,0,1,1,28,2], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a03685a4066cdb11ffb647408e2c5b122":[2,0,1,1,28,2], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a2117fc93662d5177c8f3e7c2dbb9e2db":[1,0,1,1,28,5], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a2117fc93662d5177c8f3e7c2dbb9e2db":[2,0,1,1,28,5], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a213f5ea4018120d8b61ab82754aaba83":[1,0,1,1,28,6], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a213f5ea4018120d8b61ab82754aaba83":[2,0,1,1,28,6], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a4c5e33edf70be99cf93ac5723c12eb24":[1,0,1,1,28,8], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a4c5e33edf70be99cf93ac5723c12eb24":[2,0,1,1,28,8], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a76f9f381e7187a993d65128b9b681b2d":[1,0,1,1,28,9], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a76f9f381e7187a993d65128b9b681b2d":[2,0,1,1,28,9], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a78d30e843d65d1829623afb0b607f0a5":[1,0,1,1,28,1], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a78d30e843d65d1829623afb0b607f0a5":[2,0,1,1,28,1], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a8b50863e4e2d3481c154be6c3629bf51":[1,0,1,1,28,0], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a8b50863e4e2d3481c154be6c3629bf51":[2,0,1,1,28,0], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#acf168c72f4a86b72b8f5f386f07c9d8c":[1,0,1,1,28,3], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#acf168c72f4a86b72b8f5f386f07c9d8c":[2,0,1,1,28,3], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ad0713159d4f710cd9a066596593d8840":[1,0,1,1,28,7], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ad0713159d4f710cd9a066596593d8840":[2,0,1,1,28,7], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ae1b0386e4cd1a7018f4b654c4e9493ba":[1,0,1,1,28,4], +"structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ae1b0386e4cd1a7018f4b654c4e9493ba":[2,0,1,1,28,4], +"structmlx_1_1steel_1_1_layout2_d.html":[1,0,1,1,32], +"structmlx_1_1steel_1_1_layout2_d.html":[2,0,1,1,32], +"structmlx_1_1steel_1_1_layout2_d.html#a23183747ab1ddbdd3f1fcac6d0faa2cd":[1,0,1,1,32,1], +"structmlx_1_1steel_1_1_layout2_d.html#a23183747ab1ddbdd3f1fcac6d0faa2cd":[2,0,1,1,32,1], +"structmlx_1_1steel_1_1_layout2_d.html#a6beedf1677ee1b192fb48c83a29ac8a1":[1,0,1,1,32,0], +"structmlx_1_1steel_1_1_layout2_d.html#a6beedf1677ee1b192fb48c83a29ac8a1":[2,0,1,1,32,0], +"structmlx_1_1steel_1_1_loop_alignment.html":[1,0,1,1,33], +"structmlx_1_1steel_1_1_loop_alignment.html":[2,0,1,1,33], +"structmlx_1_1steel_1_1_m_m_a_tile.html":[1,0,1,1,34], +"structmlx_1_1steel_1_1_m_m_a_tile.html":[2,0,1,1,34], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[1,0,1,1,34,16], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[1,0,1,1,34,17], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[2,0,1,1,34,16], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4":[2,0,1,1,34,17], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a":[1,0,1,1,34,46], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a":[2,0,1,1,34,46], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1ea49efd92696b15302ee4b52ecd548c":[1,0,1,1,34,37], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1ea49efd92696b15302ee4b52ecd548c":[2,0,1,1,34,37], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[1,0,1,1,34,4], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[1,0,1,1,34,5], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[2,0,1,1,34,4], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a":[2,0,1,1,34,5], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[1,0,1,1,34,32], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[1,0,1,1,34,33], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[2,0,1,1,34,32], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a2aadaa3239cb3af0c2ee8af9b88c8a98":[2,0,1,1,34,33], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[1,0,1,1,34,26], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[1,0,1,1,34,27], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[2,0,1,1,34,26], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e":[2,0,1,1,34,27], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2":[1,0,1,1,34,28], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2":[2,0,1,1,34,28], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4":[1,0,1,1,34,45], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4":[2,0,1,1,34,45], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[1,0,1,1,34,34], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[1,0,1,1,34,35], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[2,0,1,1,34,34], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba":[2,0,1,1,34,35], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a594142f957ffb99296a243f7af7b59e7":[1,0,1,1,34,41], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a594142f957ffb99296a243f7af7b59e7":[2,0,1,1,34,41], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e":[1,0,1,1,34,44], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e":[2,0,1,1,34,44], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323":[1,0,1,1,34,43], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323":[2,0,1,1,34,43], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a684e6c6d9f00f583994285b60aaa3b62":[1,0,1,1,34,47], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a684e6c6d9f00f583994285b60aaa3b62":[2,0,1,1,34,47], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[1,0,1,1,34,30], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[1,0,1,1,34,31], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[2,0,1,1,34,30], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a752f708e4fe5ef37fdd902dae153179f":[2,0,1,1,34,31], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[1,0,1,1,34,0], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[1,0,1,1,34,1], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[2,0,1,1,34,0], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a80078f0dfa4c225e79d9b460202d5e2c":[2,0,1,1,34,1], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[1,0,1,1,34,12], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[1,0,1,1,34,13], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[2,0,1,1,34,12], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc":[2,0,1,1,34,13], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a948784652e93830887ee8ad506ec3257":[1,0,1,1,34,36], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a948784652e93830887ee8ad506ec3257":[2,0,1,1,34,36], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a98357339ec98f804a1b12597937b318f":[1,0,1,1,34,39], +"structmlx_1_1steel_1_1_m_m_a_tile.html#a98357339ec98f804a1b12597937b318f":[2,0,1,1,34,39], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88":[1,0,1,1,34,29], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88":[2,0,1,1,34,29], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[1,0,1,1,34,24], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[1,0,1,1,34,25], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[2,0,1,1,34,24], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da":[2,0,1,1,34,25], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[1,0,1,1,34,8], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[1,0,1,1,34,9], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[2,0,1,1,34,8], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6":[2,0,1,1,34,9], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[1,0,1,1,34,22], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[1,0,1,1,34,23], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[2,0,1,1,34,22], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96":[2,0,1,1,34,23], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[1,0,1,1,34,10], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[1,0,1,1,34,11], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[2,0,1,1,34,10], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa97a98e423827a889c13a92217626ec7":[2,0,1,1,34,11], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[1,0,1,1,34,20], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[1,0,1,1,34,21], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[2,0,1,1,34,20], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9":[2,0,1,1,34,21], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[1,0,1,1,34,2], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[1,0,1,1,34,3], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[2,0,1,1,34,2], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171":[2,0,1,1,34,3], +"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[1,0,1,1,34,6], +"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[1,0,1,1,34,7], +"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[2,0,1,1,34,6], +"structmlx_1_1steel_1_1_m_m_a_tile.html#abe33de70e34300745bad9aa822fd0382":[2,0,1,1,34,7], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ad095371db98e7c335ec41ca77c10f906":[1,0,1,1,34,40], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ad095371db98e7c335ec41ca77c10f906":[2,0,1,1,34,40], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[1,0,1,1,34,18], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[1,0,1,1,34,19], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[2,0,1,1,34,18], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485":[2,0,1,1,34,19], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[1,0,1,1,34,14], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[1,0,1,1,34,15], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[2,0,1,1,34,14], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1":[2,0,1,1,34,15], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3":[1,0,1,1,34,42], +"structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3":[2,0,1,1,34,42], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aef0ea2387e1ff5767bff8563b2d36bd6":[1,0,1,1,34,38], +"structmlx_1_1steel_1_1_m_m_a_tile.html#aef0ea2387e1ff5767bff8563b2d36bd6":[2,0,1,1,34,38], +"structmlx_1_1steel_1_1_shape2_d.html":[1,0,1,1,35], +"structmlx_1_1steel_1_1_shape2_d.html":[2,0,1,1,35], +"structmlx_1_1steel_1_1_shape2_d.html#a070ce70eb6d84361c7f313159c438a5c":[1,0,1,1,35,0], +"structmlx_1_1steel_1_1_shape2_d.html#a070ce70eb6d84361c7f313159c438a5c":[2,0,1,1,35,0], +"structmlx_1_1steel_1_1_shape2_d.html#a6e9e8d56782fc8772bc432c7f58393fe":[1,0,1,1,35,2], +"structmlx_1_1steel_1_1_shape2_d.html#a6e9e8d56782fc8772bc432c7f58393fe":[2,0,1,1,35,2], +"structmlx_1_1steel_1_1_shape2_d.html#ae51347b2131647f2ed735ed43840d26e":[1,0,1,1,35,1], +"structmlx_1_1steel_1_1_shape2_d.html#ae51347b2131647f2ed735ed43840d26e":[2,0,1,1,35,1], +"structmlx_1_1steel_1_1_transform_add.html":[1,0,1,1,36], +"structmlx_1_1steel_1_1_transform_add.html":[2,0,1,1,36], +"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[1,0,1,1,36,4], +"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[1,0,1,1,36,5], +"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[2,0,1,1,36,4], +"structmlx_1_1steel_1_1_transform_add.html#a4923b0059d88099b2739f2cf0273ea19":[2,0,1,1,36,5], +"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[1,0,1,1,36,0], +"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[1,0,1,1,36,1], +"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[2,0,1,1,36,0], +"structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae":[2,0,1,1,36,1], +"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[1,0,1,1,36,2], +"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[1,0,1,1,36,3], +"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[2,0,1,1,36,2], +"structmlx_1_1steel_1_1_transform_add.html#afbb688d84443fd622b4dd2768cfe0acf":[2,0,1,1,36,3], +"structmlx_1_1steel_1_1_transform_axpby.html":[1,0,1,1,37], +"structmlx_1_1steel_1_1_transform_axpby.html":[2,0,1,1,37], +"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[1,0,1,1,37,2], +"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[1,0,1,1,37,3], +"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[2,0,1,1,37,2], +"structmlx_1_1steel_1_1_transform_axpby.html#a14ad48b0189d6bdde06c66f1b567ae87":[2,0,1,1,37,3], +"structmlx_1_1steel_1_1_transform_axpby.html#a5fc726f085bafd1acbc391886f7fb8b6":[1,0,1,1,37,7], +"structmlx_1_1steel_1_1_transform_axpby.html#a5fc726f085bafd1acbc391886f7fb8b6":[2,0,1,1,37,7], +"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[1,0,1,1,37,4], +"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[1,0,1,1,37,5], +"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[2,0,1,1,37,4], +"structmlx_1_1steel_1_1_transform_axpby.html#aaf3a45e25d7abf7a34b48cc612e631ba":[2,0,1,1,37,5], +"structmlx_1_1steel_1_1_transform_axpby.html#ab3223b49c6b3b7f89eba91aeaff9dcff":[1,0,1,1,37,6], +"structmlx_1_1steel_1_1_transform_axpby.html#ab3223b49c6b3b7f89eba91aeaff9dcff":[2,0,1,1,37,6], +"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[1,0,1,1,37,0], +"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[1,0,1,1,37,1], +"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[2,0,1,1,37,0], +"structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9":[2,0,1,1,37,1], +"structmlx_1_1steel_1_1_transform_none.html":[1,0,1,1,38], +"structmlx_1_1steel_1_1_transform_none.html":[2,0,1,1,38], +"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[1,0,1,1,38,0], +"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[1,0,1,1,38,1], +"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[2,0,1,1,38,0], +"structmlx_1_1steel_1_1_transform_none.html#a84daa89be5b3348b5715bf8c5a01da75":[2,0,1,1,38,1], +"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[1,0,1,1,38,2], +"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[1,0,1,1,38,3], +"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[2,0,1,1,38,2], +"structmlx_1_1steel_1_1_transform_none.html#ae4c397038f386b13eaa386638a0fce90":[2,0,1,1,38,3], +"structmlx_1_1steel_1_1integral__constant.html":[1,0,1,1,29], +"structmlx_1_1steel_1_1integral__constant.html":[2,0,1,1,29], +"structmlx_1_1steel_1_1integral__constant.html#a0569cc1334e0bc4f474304b33d365759":[1,0,1,1,29,1], +"structmlx_1_1steel_1_1integral__constant.html#a0569cc1334e0bc4f474304b33d365759":[2,0,1,1,29,1], +"structmlx_1_1steel_1_1integral__constant.html#a0c11203bed44a6a2c387b365134dcd64":[1,0,1,1,29,2], +"structmlx_1_1steel_1_1integral__constant.html#a0c11203bed44a6a2c387b365134dcd64":[2,0,1,1,29,2], +"structmlx_1_1steel_1_1integral__constant.html#a4efa69cb3fd42ac0dcad46578600d637":[1,0,1,1,29,3], +"structmlx_1_1steel_1_1integral__constant.html#a4efa69cb3fd42ac0dcad46578600d637":[2,0,1,1,29,3], +"structmlx_1_1steel_1_1integral__constant.html#a6492c15b37d160d3a33e1cbe770aa3f1":[1,0,1,1,29,0], +"structmlx_1_1steel_1_1integral__constant.html#a6492c15b37d160d3a33e1cbe770aa3f1":[2,0,1,1,29,0], +"structmlx_1_1steel_1_1is__integral.html":[1,0,1,1,30], +"structmlx_1_1steel_1_1is__integral.html":[2,0,1,1,30], +"structmlx_1_1steel_1_1is__integral_3_01integral__constant_3_01_t_00_01v_01_4_01_4.html":[1,0,1,1,31], +"structmlx_1_1steel_1_1is__integral_3_01integral__constant_3_01_t_00_01v_01_4_01_4.html":[2,0,1,1,31], "structmlx__atomic.html":[2,0,86], "structmlx__atomic.html#a6f6651b8dd8149917c50cd99b13c6747":[2,0,86,0], "structmlx__atomic.html#a6f6651b8dd8149917c50cd99b13c6747":[2,0,87,0], @@ -229,25 +249,5 @@ var NAVTREEINDEX34 = "structpocketfft_1_1detail_1_1add__vec.html#a7568dc83136c1b41eb71dcb78527227e":[1,0,2,0,2,0], "structpocketfft_1_1detail_1_1add__vec.html#a7568dc83136c1b41eb71dcb78527227e":[2,0,2,0,1,0], "structpocketfft_1_1detail_1_1add__vec.html#a7568dc83136c1b41eb71dcb78527227e":[2,0,2,0,2,0], -"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html":[1,0,2,0,2], -"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html":[2,0,2,0,2], -"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html#a257b1c81fb9f559c48ee90497013494e":[1,0,2,0,2,1], -"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html#a257b1c81fb9f559c48ee90497013494e":[2,0,2,0,2,1], -"structpocketfft_1_1detail_1_1cmplx.html":[1,0,2,0,6], -"structpocketfft_1_1detail_1_1cmplx.html":[2,0,2,0,6], -"structpocketfft_1_1detail_1_1cmplx.html#a05491b4f1f22ca0bc49012f6a1c1710a":[1,0,2,0,6,1], -"structpocketfft_1_1detail_1_1cmplx.html#a05491b4f1f22ca0bc49012f6a1c1710a":[2,0,2,0,6,1], -"structpocketfft_1_1detail_1_1cmplx.html#a06f2c26c6fc4722e61b44da4c242ed87":[1,0,2,0,6,4], -"structpocketfft_1_1detail_1_1cmplx.html#a06f2c26c6fc4722e61b44da4c242ed87":[2,0,2,0,6,4], -"structpocketfft_1_1detail_1_1cmplx.html#a12441ff423274bd1b54245933d69ad7e":[1,0,2,0,6,10], -"structpocketfft_1_1detail_1_1cmplx.html#a12441ff423274bd1b54245933d69ad7e":[2,0,2,0,6,10], -"structpocketfft_1_1detail_1_1cmplx.html#a26bf3d709a58f06228e502af6db8e5ac":[1,0,2,0,6,3], -"structpocketfft_1_1detail_1_1cmplx.html#a26bf3d709a58f06228e502af6db8e5ac":[2,0,2,0,6,3], -"structpocketfft_1_1detail_1_1cmplx.html#a2e79f5c73c1d926361ad126cf57c8874":[1,0,2,0,6,13], -"structpocketfft_1_1detail_1_1cmplx.html#a2e79f5c73c1d926361ad126cf57c8874":[2,0,2,0,6,13], -"structpocketfft_1_1detail_1_1cmplx.html#a35d2dce1b7de5f37d7029e639bc7f23d":[1,0,2,0,6,14], -"structpocketfft_1_1detail_1_1cmplx.html#a35d2dce1b7de5f37d7029e639bc7f23d":[2,0,2,0,6,14], -"structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98":[1,0,2,0,6,11], -"structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98":[2,0,2,0,6,11], -"structpocketfft_1_1detail_1_1cmplx.html#a460da5db36d1c72fb1ed3496fd3abde4":[1,0,2,0,6,9] +"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html":[1,0,2,0,2] }; diff --git a/docs/build/html/navtreeindex35.js b/docs/build/html/navtreeindex35.js index 37c1788c5..ef089bd4e 100644 --- a/docs/build/html/navtreeindex35.js +++ b/docs/build/html/navtreeindex35.js @@ -1,5 +1,25 @@ var NAVTREEINDEX35 = { +"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html":[2,0,2,0,2], +"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html#a257b1c81fb9f559c48ee90497013494e":[1,0,2,0,2,1], +"structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html#a257b1c81fb9f559c48ee90497013494e":[2,0,2,0,2,1], +"structpocketfft_1_1detail_1_1cmplx.html":[1,0,2,0,6], +"structpocketfft_1_1detail_1_1cmplx.html":[2,0,2,0,6], +"structpocketfft_1_1detail_1_1cmplx.html#a05491b4f1f22ca0bc49012f6a1c1710a":[1,0,2,0,6,1], +"structpocketfft_1_1detail_1_1cmplx.html#a05491b4f1f22ca0bc49012f6a1c1710a":[2,0,2,0,6,1], +"structpocketfft_1_1detail_1_1cmplx.html#a06f2c26c6fc4722e61b44da4c242ed87":[1,0,2,0,6,4], +"structpocketfft_1_1detail_1_1cmplx.html#a06f2c26c6fc4722e61b44da4c242ed87":[2,0,2,0,6,4], +"structpocketfft_1_1detail_1_1cmplx.html#a12441ff423274bd1b54245933d69ad7e":[1,0,2,0,6,10], +"structpocketfft_1_1detail_1_1cmplx.html#a12441ff423274bd1b54245933d69ad7e":[2,0,2,0,6,10], +"structpocketfft_1_1detail_1_1cmplx.html#a26bf3d709a58f06228e502af6db8e5ac":[1,0,2,0,6,3], +"structpocketfft_1_1detail_1_1cmplx.html#a26bf3d709a58f06228e502af6db8e5ac":[2,0,2,0,6,3], +"structpocketfft_1_1detail_1_1cmplx.html#a2e79f5c73c1d926361ad126cf57c8874":[1,0,2,0,6,13], +"structpocketfft_1_1detail_1_1cmplx.html#a2e79f5c73c1d926361ad126cf57c8874":[2,0,2,0,6,13], +"structpocketfft_1_1detail_1_1cmplx.html#a35d2dce1b7de5f37d7029e639bc7f23d":[1,0,2,0,6,14], +"structpocketfft_1_1detail_1_1cmplx.html#a35d2dce1b7de5f37d7029e639bc7f23d":[2,0,2,0,6,14], +"structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98":[1,0,2,0,6,11], +"structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98":[2,0,2,0,6,11], +"structpocketfft_1_1detail_1_1cmplx.html#a460da5db36d1c72fb1ed3496fd3abde4":[1,0,2,0,6,9], "structpocketfft_1_1detail_1_1cmplx.html#a460da5db36d1c72fb1ed3496fd3abde4":[2,0,2,0,6,9], "structpocketfft_1_1detail_1_1cmplx.html#a5b1ce506f1023f5254025ac81b831a2c":[1,0,2,0,6,0], "structpocketfft_1_1detail_1_1cmplx.html#a5b1ce506f1023f5254025ac81b831a2c":[2,0,2,0,6,0], @@ -51,15 +71,15 @@ var NAVTREEINDEX35 = "structpocketfft_1_1detail_1_1util.html#ad3d874bc3fb0048df2270779a15d4bd0":[2,0,2,0,25,0], "ternary__ops_8h.html":[3,0,0,1,2,1,33], "ternary__ops_8h_source.html":[3,0,0,1,2,1,33], -"threadpool_8h.html":[3,0,0,27], -"threadpool_8h_source.html":[3,0,0,27], -"threefry_8h.html":[3,0,0,1,1,12], -"threefry_8h_source.html":[3,0,0,1,1,12], +"threadpool_8h.html":[3,0,0,28], +"threadpool_8h_source.html":[3,0,0,28], +"threefry_8h.html":[3,0,0,1,1,14], +"threefry_8h_source.html":[3,0,0,1,1,14], "topics.html":[0], -"transforms_8h.html":[3,0,0,28], -"transforms_8h_source.html":[3,0,0,28], -"transforms__impl_8h.html":[3,0,0,29], -"transforms__impl_8h_source.html":[3,0,0,29], +"transforms_8h.html":[3,0,0,29], +"transforms_8h_source.html":[3,0,0,29], +"transforms__impl_8h.html":[3,0,0,30], +"transforms__impl_8h_source.html":[3,0,0,30], "type_8h.html":[3,0,0,1,1,0,6], "type_8h_source.html":[3,0,0,1,1,0,6], "type__traits_8h.html":[3,0,0,1,2,1,5,3,1], @@ -81,12 +101,12 @@ var NAVTREEINDEX35 = "unionbool4__or__uint.html":[2,0,20], "unionbool4__or__uint.html#a47d77eac47598fe420f8f04a615f76ca":[2,0,20,0], "unionbool4__or__uint.html#ab24d95aaf4203ddf3e6b1ed19397ced7":[2,0,20,1], -"utils_8h.html":[3,0,0,30], -"utils_8h_source.html":[3,0,0,30], -"version_8h.html":[3,0,0,31], -"version_8h.html#a11113ca6d778b3970362ab4bdce9f199":[3,0,0,31,0], -"version_8h.html#a28be6f5338015802ef5f1ad6a4c98750":[3,0,0,31,2], -"version_8h.html#a33b774f54c2725d743e28dd9bf89969e":[3,0,0,31,1], -"version_8h.html#ab25bf5456c6cb58d66fc90e143a26530":[3,0,0,31,3], -"version_8h_source.html":[3,0,0,31] +"utils_8h.html":[3,0,0,31], +"utils_8h_source.html":[3,0,0,31], +"version_8h.html":[3,0,0,32], +"version_8h.html#a11113ca6d778b3970362ab4bdce9f199":[3,0,0,32,0], +"version_8h.html#a28be6f5338015802ef5f1ad6a4c98750":[3,0,0,32,2], +"version_8h.html#a33b774f54c2725d743e28dd9bf89969e":[3,0,0,32,1], +"version_8h.html#ab25bf5456c6cb58d66fc90e143a26530":[3,0,0,32,3], +"version_8h_source.html":[3,0,0,32] }; diff --git a/docs/build/html/navtreeindex4.js b/docs/build/html/navtreeindex4.js index 3f0f0d083..a706c9c0d 100644 --- a/docs/build/html/navtreeindex4.js +++ b/docs/build/html/navtreeindex4.js @@ -1,253 +1,253 @@ var NAVTREEINDEX4 = { -"classmlx_1_1core_1_1_compiled.html#a271521f92eef49c39799f38e26b64a9b":[1,0,1,0,39,7], -"classmlx_1_1core_1_1_compiled.html#a271521f92eef49c39799f38e26b64a9b":[2,0,1,0,36,7], -"classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051":[1,0,1,0,39,0], -"classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051":[2,0,1,0,36,0], -"classmlx_1_1core_1_1_compiled.html#a32462e65c52f84b708188130cc508133":[1,0,1,0,39,8], -"classmlx_1_1core_1_1_compiled.html#a32462e65c52f84b708188130cc508133":[2,0,1,0,36,8], -"classmlx_1_1core_1_1_compiled.html#a63e5016458887813b4a59dee5a0a3f10":[1,0,1,0,39,3], -"classmlx_1_1core_1_1_compiled.html#a63e5016458887813b4a59dee5a0a3f10":[2,0,1,0,36,3], -"classmlx_1_1core_1_1_compiled.html#a732e7548f53977b4513bb7f30a04c30d":[1,0,1,0,39,9], -"classmlx_1_1core_1_1_compiled.html#a732e7548f53977b4513bb7f30a04c30d":[2,0,1,0,36,9], -"classmlx_1_1core_1_1_compiled.html#aa385fe28626856ca5f57161b47a3c205":[1,0,1,0,39,4], -"classmlx_1_1core_1_1_compiled.html#aa385fe28626856ca5f57161b47a3c205":[2,0,1,0,36,4], -"classmlx_1_1core_1_1_compiled.html#aa3d5ff0f2b3554ad48fbbf2a0f3336d5":[1,0,1,0,39,2], -"classmlx_1_1core_1_1_compiled.html#aa3d5ff0f2b3554ad48fbbf2a0f3336d5":[2,0,1,0,36,2], -"classmlx_1_1core_1_1_compiled.html#ac45b1d0fedd85feefbff7ce7e168b151":[1,0,1,0,39,1], -"classmlx_1_1core_1_1_compiled.html#ac45b1d0fedd85feefbff7ce7e168b151":[2,0,1,0,36,1], -"classmlx_1_1core_1_1_compiled.html#ae5c16cb91ac31b97e7652cc526c07439":[1,0,1,0,39,5], -"classmlx_1_1core_1_1_compiled.html#ae5c16cb91ac31b97e7652cc526c07439":[2,0,1,0,36,5], -"classmlx_1_1core_1_1_concatenate.html":[1,0,1,0,42], -"classmlx_1_1core_1_1_concatenate.html":[2,0,1,0,39], -"classmlx_1_1core_1_1_concatenate.html#a309a1c50e97f9925866433ee2841c474":[1,0,1,0,42,2], -"classmlx_1_1core_1_1_concatenate.html#a309a1c50e97f9925866433ee2841c474":[2,0,1,0,39,2], -"classmlx_1_1core_1_1_concatenate.html#a56f29b585a6d1d958954a68dcc893f33":[1,0,1,0,42,6], -"classmlx_1_1core_1_1_concatenate.html#a56f29b585a6d1d958954a68dcc893f33":[2,0,1,0,39,6], -"classmlx_1_1core_1_1_concatenate.html#a58c54dcf8e4b045d25edd3afc2caffc1":[1,0,1,0,42,9], -"classmlx_1_1core_1_1_concatenate.html#a58c54dcf8e4b045d25edd3afc2caffc1":[2,0,1,0,39,9], -"classmlx_1_1core_1_1_concatenate.html#a609e76bede7fc5581ec84ddcb727a258":[1,0,1,0,42,1], -"classmlx_1_1core_1_1_concatenate.html#a609e76bede7fc5581ec84ddcb727a258":[2,0,1,0,39,1], -"classmlx_1_1core_1_1_concatenate.html#a60cd572a42b346399ee539af2dfbf29e":[1,0,1,0,42,7], -"classmlx_1_1core_1_1_concatenate.html#a60cd572a42b346399ee539af2dfbf29e":[2,0,1,0,39,7], -"classmlx_1_1core_1_1_concatenate.html#a8155db9100ec3b8bd0bc94baeaeee3b0":[1,0,1,0,42,8], -"classmlx_1_1core_1_1_concatenate.html#a8155db9100ec3b8bd0bc94baeaeee3b0":[2,0,1,0,39,8], -"classmlx_1_1core_1_1_concatenate.html#a9f9e7a9dc3a00e02b84c94e1868baff1":[1,0,1,0,42,4], -"classmlx_1_1core_1_1_concatenate.html#a9f9e7a9dc3a00e02b84c94e1868baff1":[2,0,1,0,39,4], -"classmlx_1_1core_1_1_concatenate.html#aaf8a72a0c30114460caf519580cc35d2":[1,0,1,0,42,3], -"classmlx_1_1core_1_1_concatenate.html#aaf8a72a0c30114460caf519580cc35d2":[2,0,1,0,39,3], -"classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888":[1,0,1,0,42,0], -"classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888":[2,0,1,0,39,0], -"classmlx_1_1core_1_1_concatenate.html#af8415a2fe28804a1437d0876ba15615f":[1,0,1,0,42,5], -"classmlx_1_1core_1_1_concatenate.html#af8415a2fe28804a1437d0876ba15615f":[2,0,1,0,39,5], -"classmlx_1_1core_1_1_conjugate.html":[1,0,1,0,43], -"classmlx_1_1core_1_1_conjugate.html":[2,0,1,0,40], -"classmlx_1_1core_1_1_conjugate.html#a2c7632c8ae0ca07777e23a0a79344e60":[1,0,1,0,43,6], -"classmlx_1_1core_1_1_conjugate.html#a2c7632c8ae0ca07777e23a0a79344e60":[2,0,1,0,40,6], -"classmlx_1_1core_1_1_conjugate.html#a40281539bbd543ac8fd8e28650de17e4":[1,0,1,0,43,5], -"classmlx_1_1core_1_1_conjugate.html#a40281539bbd543ac8fd8e28650de17e4":[2,0,1,0,40,5], -"classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87":[1,0,1,0,43,0], -"classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87":[2,0,1,0,40,0], -"classmlx_1_1core_1_1_conjugate.html#ae39643e2178f442ffba05139f8609d61":[1,0,1,0,43,1], -"classmlx_1_1core_1_1_conjugate.html#ae39643e2178f442ffba05139f8609d61":[2,0,1,0,40,1], -"classmlx_1_1core_1_1_conjugate.html#af42f00a790c6bc5572bd8fe9e5b36c5e":[1,0,1,0,43,3], -"classmlx_1_1core_1_1_conjugate.html#af42f00a790c6bc5572bd8fe9e5b36c5e":[2,0,1,0,40,3], -"classmlx_1_1core_1_1_conjugate.html#afd68332463d12e69c47388f6b81ae96c":[1,0,1,0,43,4], -"classmlx_1_1core_1_1_conjugate.html#afd68332463d12e69c47388f6b81ae96c":[2,0,1,0,40,4], -"classmlx_1_1core_1_1_conjugate.html#aff0a802166e3724db88ab5d3feb2d3de":[1,0,1,0,43,2], -"classmlx_1_1core_1_1_conjugate.html#aff0a802166e3724db88ab5d3feb2d3de":[2,0,1,0,40,2], -"classmlx_1_1core_1_1_contiguous.html":[1,0,1,0,44], -"classmlx_1_1core_1_1_contiguous.html":[2,0,1,0,41], -"classmlx_1_1core_1_1_contiguous.html#a1f9fcae7235e0ae9217825b78cb0f991":[1,0,1,0,44,4], -"classmlx_1_1core_1_1_contiguous.html#a1f9fcae7235e0ae9217825b78cb0f991":[2,0,1,0,41,4], -"classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0":[1,0,1,0,44,0], -"classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0":[2,0,1,0,41,0], -"classmlx_1_1core_1_1_contiguous.html#a519cd16fd0c55b371ea7625fbb37c70f":[1,0,1,0,44,2], -"classmlx_1_1core_1_1_contiguous.html#a519cd16fd0c55b371ea7625fbb37c70f":[2,0,1,0,41,2], -"classmlx_1_1core_1_1_contiguous.html#a563221e90b15aa90bfae23d29c10e4ec":[1,0,1,0,44,8], -"classmlx_1_1core_1_1_contiguous.html#a563221e90b15aa90bfae23d29c10e4ec":[2,0,1,0,41,8], -"classmlx_1_1core_1_1_contiguous.html#a742de24e6c0310cd85a606dec0cd8336":[1,0,1,0,44,1], -"classmlx_1_1core_1_1_contiguous.html#a742de24e6c0310cd85a606dec0cd8336":[2,0,1,0,41,1], -"classmlx_1_1core_1_1_contiguous.html#aa5d273a461fc6e64f3c9a67c24cb3372":[1,0,1,0,44,3], -"classmlx_1_1core_1_1_contiguous.html#aa5d273a461fc6e64f3c9a67c24cb3372":[2,0,1,0,41,3], -"classmlx_1_1core_1_1_contiguous.html#abf488f02057fd5852f38b2e8a600ad2a":[1,0,1,0,44,7], -"classmlx_1_1core_1_1_contiguous.html#abf488f02057fd5852f38b2e8a600ad2a":[2,0,1,0,41,7], -"classmlx_1_1core_1_1_contiguous.html#aca8a4ba9a58cc10f063e6b082fa2fc23":[1,0,1,0,44,6], -"classmlx_1_1core_1_1_contiguous.html#aca8a4ba9a58cc10f063e6b082fa2fc23":[2,0,1,0,41,6], -"classmlx_1_1core_1_1_contiguous.html#afff58fbf61f0c26b3606208dd2fa2072":[1,0,1,0,44,5], -"classmlx_1_1core_1_1_contiguous.html#afff58fbf61f0c26b3606208dd2fa2072":[2,0,1,0,41,5], -"classmlx_1_1core_1_1_convolution.html":[1,0,1,0,46], -"classmlx_1_1core_1_1_convolution.html":[2,0,1,0,43], -"classmlx_1_1core_1_1_convolution.html#a30b64109eeb1778f002b99447dff9dd2":[1,0,1,0,46,2], -"classmlx_1_1core_1_1_convolution.html#a30b64109eeb1778f002b99447dff9dd2":[2,0,1,0,43,2], -"classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef":[1,0,1,0,46,0], -"classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef":[2,0,1,0,43,0], -"classmlx_1_1core_1_1_convolution.html#a7f44f0caea20cc2858717afba1e915d8":[1,0,1,0,46,5], -"classmlx_1_1core_1_1_convolution.html#a7f44f0caea20cc2858717afba1e915d8":[2,0,1,0,43,5], -"classmlx_1_1core_1_1_convolution.html#a844eab7c4cc99e775cfb561265ed14fd":[1,0,1,0,46,4], -"classmlx_1_1core_1_1_convolution.html#a844eab7c4cc99e775cfb561265ed14fd":[2,0,1,0,43,4], -"classmlx_1_1core_1_1_convolution.html#ac74256068da01730629109fa4fa8432b":[1,0,1,0,46,1], -"classmlx_1_1core_1_1_convolution.html#ac74256068da01730629109fa4fa8432b":[2,0,1,0,43,1], -"classmlx_1_1core_1_1_convolution.html#af8eb9c0c055ad20aa74b547016917690":[1,0,1,0,46,6], -"classmlx_1_1core_1_1_convolution.html#af8eb9c0c055ad20aa74b547016917690":[2,0,1,0,43,6], -"classmlx_1_1core_1_1_convolution.html#afb87708a5e3aab2e9e663daa9d8863de":[1,0,1,0,46,3], -"classmlx_1_1core_1_1_convolution.html#afb87708a5e3aab2e9e663daa9d8863de":[2,0,1,0,43,3], -"classmlx_1_1core_1_1_copy.html":[1,0,1,0,47], -"classmlx_1_1core_1_1_copy.html":[2,0,1,0,44], -"classmlx_1_1core_1_1_copy.html#a1eda7b2ea771a168f67421f0d384b3a1":[1,0,1,0,47,2], -"classmlx_1_1core_1_1_copy.html#a1eda7b2ea771a168f67421f0d384b3a1":[2,0,1,0,44,2], -"classmlx_1_1core_1_1_copy.html#a5acf02aa360cbefd86749fe9877b29cc":[1,0,1,0,47,4], -"classmlx_1_1core_1_1_copy.html#a5acf02aa360cbefd86749fe9877b29cc":[2,0,1,0,44,4], -"classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584":[1,0,1,0,47,0], -"classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584":[2,0,1,0,44,0], -"classmlx_1_1core_1_1_copy.html#a669b10253c15b769d90058d1ad7d0e61":[1,0,1,0,47,8], -"classmlx_1_1core_1_1_copy.html#a669b10253c15b769d90058d1ad7d0e61":[2,0,1,0,44,8], -"classmlx_1_1core_1_1_copy.html#a6bbe5fd9ce3cb5a39853b316106d2674":[1,0,1,0,47,5], -"classmlx_1_1core_1_1_copy.html#a6bbe5fd9ce3cb5a39853b316106d2674":[2,0,1,0,44,5], -"classmlx_1_1core_1_1_copy.html#a6c4dee582001e9983e9517485ee37efd":[1,0,1,0,47,7], -"classmlx_1_1core_1_1_copy.html#a6c4dee582001e9983e9517485ee37efd":[2,0,1,0,44,7], -"classmlx_1_1core_1_1_copy.html#acfa1a02ab9cdab593e928faa515a8008":[1,0,1,0,47,6], -"classmlx_1_1core_1_1_copy.html#acfa1a02ab9cdab593e928faa515a8008":[2,0,1,0,44,6], -"classmlx_1_1core_1_1_copy.html#af4a0ebec423e84ffe8083a5e9ed0d70c":[1,0,1,0,47,1], -"classmlx_1_1core_1_1_copy.html#af4a0ebec423e84ffe8083a5e9ed0d70c":[2,0,1,0,44,1], -"classmlx_1_1core_1_1_copy.html#afcfa39465015f638e294aa954ea0f3da":[1,0,1,0,47,3], -"classmlx_1_1core_1_1_copy.html#afcfa39465015f638e294aa954ea0f3da":[2,0,1,0,44,3], -"classmlx_1_1core_1_1_cos.html":[1,0,1,0,48], -"classmlx_1_1core_1_1_cos.html":[2,0,1,0,45], -"classmlx_1_1core_1_1_cos.html#a061fc446268fe56237ae6b20ccf78152":[1,0,1,0,48,1], -"classmlx_1_1core_1_1_cos.html#a061fc446268fe56237ae6b20ccf78152":[2,0,1,0,45,1], -"classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995":[1,0,1,0,48,0], -"classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995":[2,0,1,0,45,0], -"classmlx_1_1core_1_1_cos.html#a51d84113728e651ef9d4a1fe671c4d00":[1,0,1,0,48,7], -"classmlx_1_1core_1_1_cos.html#a51d84113728e651ef9d4a1fe671c4d00":[2,0,1,0,45,7], -"classmlx_1_1core_1_1_cos.html#a5ef41aafad595f6cdd8c535e36e12060":[1,0,1,0,48,2], -"classmlx_1_1core_1_1_cos.html#a5ef41aafad595f6cdd8c535e36e12060":[2,0,1,0,45,2], -"classmlx_1_1core_1_1_cos.html#a81858457e4bea931a4bc6f6e38b0f696":[1,0,1,0,48,6], -"classmlx_1_1core_1_1_cos.html#a81858457e4bea931a4bc6f6e38b0f696":[2,0,1,0,45,6], -"classmlx_1_1core_1_1_cos.html#a923312e71c5a003a38b37ab67ec82580":[1,0,1,0,48,5], -"classmlx_1_1core_1_1_cos.html#a923312e71c5a003a38b37ab67ec82580":[2,0,1,0,45,5], -"classmlx_1_1core_1_1_cos.html#a99dd0b7e4aa2c838b77736f1fd539ee1":[1,0,1,0,48,4], -"classmlx_1_1core_1_1_cos.html#a99dd0b7e4aa2c838b77736f1fd539ee1":[2,0,1,0,45,4], -"classmlx_1_1core_1_1_cos.html#ab611ca38c987915659f7ffcce0370417":[1,0,1,0,48,3], -"classmlx_1_1core_1_1_cos.html#ab611ca38c987915659f7ffcce0370417":[2,0,1,0,45,3], -"classmlx_1_1core_1_1_cos.html#aec9460daf0131156734013d03b230cd6":[1,0,1,0,48,8], -"classmlx_1_1core_1_1_cos.html#aec9460daf0131156734013d03b230cd6":[2,0,1,0,45,8], -"classmlx_1_1core_1_1_cosh.html":[1,0,1,0,49], -"classmlx_1_1core_1_1_cosh.html":[2,0,1,0,46], -"classmlx_1_1core_1_1_cosh.html#a0791abd4305a333fb3b181a5357ce0f4":[1,0,1,0,49,7], -"classmlx_1_1core_1_1_cosh.html#a0791abd4305a333fb3b181a5357ce0f4":[2,0,1,0,46,7], -"classmlx_1_1core_1_1_cosh.html#a1ab2386e7d96219b6e4a525f7dac0406":[1,0,1,0,49,8], -"classmlx_1_1core_1_1_cosh.html#a1ab2386e7d96219b6e4a525f7dac0406":[2,0,1,0,46,8], -"classmlx_1_1core_1_1_cosh.html#a23f71b43792934c3ec0ebe9b74f32559":[1,0,1,0,49,2], -"classmlx_1_1core_1_1_cosh.html#a23f71b43792934c3ec0ebe9b74f32559":[2,0,1,0,46,2], -"classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1":[1,0,1,0,49,0], -"classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1":[2,0,1,0,46,0], -"classmlx_1_1core_1_1_cosh.html#a79facb0882443533f36a0a18407f5863":[1,0,1,0,49,4], -"classmlx_1_1core_1_1_cosh.html#a79facb0882443533f36a0a18407f5863":[2,0,1,0,46,4], -"classmlx_1_1core_1_1_cosh.html#ac247faad68c1050cda9f72d7d6d040e2":[1,0,1,0,49,6], -"classmlx_1_1core_1_1_cosh.html#ac247faad68c1050cda9f72d7d6d040e2":[2,0,1,0,46,6], -"classmlx_1_1core_1_1_cosh.html#adf58c7e24b5059e66007132bc16dfe49":[1,0,1,0,49,5], -"classmlx_1_1core_1_1_cosh.html#adf58c7e24b5059e66007132bc16dfe49":[2,0,1,0,46,5], -"classmlx_1_1core_1_1_cosh.html#ae0bacccaf501f5349db0c13cca776ff9":[1,0,1,0,49,3], -"classmlx_1_1core_1_1_cosh.html#ae0bacccaf501f5349db0c13cca776ff9":[2,0,1,0,46,3], -"classmlx_1_1core_1_1_cosh.html#ae8702df7e8f0e20cbeccb2a548961d3d":[1,0,1,0,49,1], -"classmlx_1_1core_1_1_cosh.html#ae8702df7e8f0e20cbeccb2a548961d3d":[2,0,1,0,46,1], -"classmlx_1_1core_1_1_custom_transforms.html":[1,0,1,0,50], -"classmlx_1_1core_1_1_custom_transforms.html":[2,0,1,0,47], -"classmlx_1_1core_1_1_custom_transforms.html#a2ddbacbc468271b11caee0ad97005298":[1,0,1,0,50,4], -"classmlx_1_1core_1_1_custom_transforms.html#a2ddbacbc468271b11caee0ad97005298":[2,0,1,0,47,4], -"classmlx_1_1core_1_1_custom_transforms.html#a7b3538681acbb20af3ed37b0877f6667":[1,0,1,0,50,2], -"classmlx_1_1core_1_1_custom_transforms.html#a7b3538681acbb20af3ed37b0877f6667":[2,0,1,0,47,2], -"classmlx_1_1core_1_1_custom_transforms.html#a906a2ff30d9c5281fbf1fa927e4c021b":[1,0,1,0,50,6], -"classmlx_1_1core_1_1_custom_transforms.html#a906a2ff30d9c5281fbf1fa927e4c021b":[2,0,1,0,47,6], -"classmlx_1_1core_1_1_custom_transforms.html#aa1da36cef632df767cd9809d6cf06209":[1,0,1,0,50,5], -"classmlx_1_1core_1_1_custom_transforms.html#aa1da36cef632df767cd9809d6cf06209":[2,0,1,0,47,5], -"classmlx_1_1core_1_1_custom_transforms.html#aa9f695100170d5cae999b3da138ce720":[1,0,1,0,50,3], -"classmlx_1_1core_1_1_custom_transforms.html#aa9f695100170d5cae999b3da138ce720":[2,0,1,0,47,3], -"classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488":[1,0,1,0,50,0], -"classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488":[2,0,1,0,47,0], -"classmlx_1_1core_1_1_custom_transforms.html#adba1c40c77a2138df6b5f75483f62184":[1,0,1,0,50,1], -"classmlx_1_1core_1_1_custom_transforms.html#adba1c40c77a2138df6b5f75483f62184":[2,0,1,0,47,1], -"classmlx_1_1core_1_1_depends.html":[1,0,1,0,51], -"classmlx_1_1core_1_1_depends.html":[2,0,1,0,48], -"classmlx_1_1core_1_1_depends.html#a02996fa45f01f7cb9f37074d5f8ccab0":[1,0,1,0,51,4], -"classmlx_1_1core_1_1_depends.html#a02996fa45f01f7cb9f37074d5f8ccab0":[2,0,1,0,48,4], -"classmlx_1_1core_1_1_depends.html#a0c7ea6db97337591fa53c6e6bde41e5e":[1,0,1,0,51,1], -"classmlx_1_1core_1_1_depends.html#a0c7ea6db97337591fa53c6e6bde41e5e":[2,0,1,0,48,1], -"classmlx_1_1core_1_1_depends.html#a4ccb792c99f5d8d133d3fac29f7d3f62":[1,0,1,0,51,0], -"classmlx_1_1core_1_1_depends.html#a4ccb792c99f5d8d133d3fac29f7d3f62":[2,0,1,0,48,0], -"classmlx_1_1core_1_1_depends.html#ae5057f65e69490ad0add8eeda2b75e28":[1,0,1,0,51,2], -"classmlx_1_1core_1_1_depends.html#ae5057f65e69490ad0add8eeda2b75e28":[2,0,1,0,48,2], -"classmlx_1_1core_1_1_depends.html#aed575b0d927f4341f60442c70adeeb82":[1,0,1,0,51,3], -"classmlx_1_1core_1_1_depends.html#aed575b0d927f4341f60442c70adeeb82":[2,0,1,0,48,3], -"classmlx_1_1core_1_1_div_mod.html":[1,0,1,0,54], -"classmlx_1_1core_1_1_div_mod.html":[2,0,1,0,51], -"classmlx_1_1core_1_1_div_mod.html#a003117c9ecf3c06a27248f72a76348dc":[1,0,1,0,54,2], -"classmlx_1_1core_1_1_div_mod.html#a003117c9ecf3c06a27248f72a76348dc":[2,0,1,0,51,2], -"classmlx_1_1core_1_1_div_mod.html#a1267401f25f25847888dd0a00b3fe3b9":[1,0,1,0,54,4], -"classmlx_1_1core_1_1_div_mod.html#a1267401f25f25847888dd0a00b3fe3b9":[2,0,1,0,51,4], -"classmlx_1_1core_1_1_div_mod.html#a1b7f104346cb5423ac15371b45c7ef86":[1,0,1,0,54,5], -"classmlx_1_1core_1_1_div_mod.html#a1b7f104346cb5423ac15371b45c7ef86":[2,0,1,0,51,5], -"classmlx_1_1core_1_1_div_mod.html#a7edbed50d07869d921e529157931b7a1":[1,0,1,0,54,6], -"classmlx_1_1core_1_1_div_mod.html#a7edbed50d07869d921e529157931b7a1":[2,0,1,0,51,6], -"classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826":[1,0,1,0,54,0], -"classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826":[2,0,1,0,51,0], -"classmlx_1_1core_1_1_div_mod.html#a8c914a07f666a1d9377a27ed5d55e7c1":[1,0,1,0,54,7], -"classmlx_1_1core_1_1_div_mod.html#a8c914a07f666a1d9377a27ed5d55e7c1":[2,0,1,0,51,7], -"classmlx_1_1core_1_1_div_mod.html#ae350b7b93ad128e3133ee14f247193b3":[1,0,1,0,54,1], -"classmlx_1_1core_1_1_div_mod.html#ae350b7b93ad128e3133ee14f247193b3":[2,0,1,0,51,1], -"classmlx_1_1core_1_1_div_mod.html#ae709e0fdd83994bd1d156e0d0e6a7942":[1,0,1,0,54,8], -"classmlx_1_1core_1_1_div_mod.html#ae709e0fdd83994bd1d156e0d0e6a7942":[2,0,1,0,51,8], -"classmlx_1_1core_1_1_div_mod.html#af5fcf8ec8515d46844cbeeab6dafb38a":[1,0,1,0,54,3], -"classmlx_1_1core_1_1_div_mod.html#af5fcf8ec8515d46844cbeeab6dafb38a":[2,0,1,0,51,3], -"classmlx_1_1core_1_1_divide.html":[1,0,1,0,53], -"classmlx_1_1core_1_1_divide.html":[2,0,1,0,50], -"classmlx_1_1core_1_1_divide.html#a3dda091f05c4164c29bb8129e9712650":[1,0,1,0,53,3], -"classmlx_1_1core_1_1_divide.html#a3dda091f05c4164c29bb8129e9712650":[2,0,1,0,50,3], -"classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb":[1,0,1,0,53,0], -"classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb":[2,0,1,0,50,0], -"classmlx_1_1core_1_1_divide.html#a823443c2a8e8b81bbcaeee6ddbcdbf49":[1,0,1,0,53,1], -"classmlx_1_1core_1_1_divide.html#a823443c2a8e8b81bbcaeee6ddbcdbf49":[2,0,1,0,50,1], -"classmlx_1_1core_1_1_divide.html#a83e7da52831165b3a026e97b63770242":[1,0,1,0,53,8], -"classmlx_1_1core_1_1_divide.html#a83e7da52831165b3a026e97b63770242":[2,0,1,0,50,8], -"classmlx_1_1core_1_1_divide.html#a9563d9ee243204cfdaac6aca34853cd7":[1,0,1,0,53,5], -"classmlx_1_1core_1_1_divide.html#a9563d9ee243204cfdaac6aca34853cd7":[2,0,1,0,50,5], -"classmlx_1_1core_1_1_divide.html#abffda0ce37221ddc28dc9eea794f6bc7":[1,0,1,0,53,2], -"classmlx_1_1core_1_1_divide.html#abffda0ce37221ddc28dc9eea794f6bc7":[2,0,1,0,50,2], -"classmlx_1_1core_1_1_divide.html#ad3af7c70cad22c1a1a75b4a78ef793b6":[1,0,1,0,53,7], -"classmlx_1_1core_1_1_divide.html#ad3af7c70cad22c1a1a75b4a78ef793b6":[2,0,1,0,50,7], -"classmlx_1_1core_1_1_divide.html#ae1f408c447b17b3c84fe7f951d95559c":[1,0,1,0,53,4], -"classmlx_1_1core_1_1_divide.html#ae1f408c447b17b3c84fe7f951d95559c":[2,0,1,0,50,4], -"classmlx_1_1core_1_1_divide.html#af3c15337ac15522cc34ed98b97895bb6":[1,0,1,0,53,6], -"classmlx_1_1core_1_1_divide.html#af3c15337ac15522cc34ed98b97895bb6":[2,0,1,0,50,6], -"classmlx_1_1core_1_1_dynamic_slice.html":[1,0,1,0,56], -"classmlx_1_1core_1_1_dynamic_slice.html":[2,0,1,0,53], -"classmlx_1_1core_1_1_dynamic_slice.html#a0325271def8d9ea9ed21eb27e51994b4":[1,0,1,0,56,3], -"classmlx_1_1core_1_1_dynamic_slice.html#a0325271def8d9ea9ed21eb27e51994b4":[2,0,1,0,53,3], -"classmlx_1_1core_1_1_dynamic_slice.html#a29caf03256945f7732a52d551191f8fa":[1,0,1,0,56,8], -"classmlx_1_1core_1_1_dynamic_slice.html#a29caf03256945f7732a52d551191f8fa":[2,0,1,0,53,8], -"classmlx_1_1core_1_1_dynamic_slice.html#a421283744fe5554ac9a8288cf47edeab":[1,0,1,0,56,6], -"classmlx_1_1core_1_1_dynamic_slice.html#a421283744fe5554ac9a8288cf47edeab":[2,0,1,0,53,6], -"classmlx_1_1core_1_1_dynamic_slice.html#a4e8c22c24a587ea0648ce89f461ed1ee":[1,0,1,0,56,1], -"classmlx_1_1core_1_1_dynamic_slice.html#a4e8c22c24a587ea0648ce89f461ed1ee":[2,0,1,0,53,1], -"classmlx_1_1core_1_1_dynamic_slice.html#a825a6d4d1499b287525462854b841ef2":[1,0,1,0,56,9], -"classmlx_1_1core_1_1_dynamic_slice.html#a825a6d4d1499b287525462854b841ef2":[2,0,1,0,53,9], -"classmlx_1_1core_1_1_dynamic_slice.html#a920dc4d1ee4976065e6d91fe3ecfbbf3":[1,0,1,0,56,5], -"classmlx_1_1core_1_1_dynamic_slice.html#a920dc4d1ee4976065e6d91fe3ecfbbf3":[2,0,1,0,53,5], -"classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b":[1,0,1,0,56,0], -"classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b":[2,0,1,0,53,0], -"classmlx_1_1core_1_1_dynamic_slice.html#ab0a2e31c03f02a4f25700e240cf18e3e":[1,0,1,0,56,2], -"classmlx_1_1core_1_1_dynamic_slice.html#ab0a2e31c03f02a4f25700e240cf18e3e":[2,0,1,0,53,2], -"classmlx_1_1core_1_1_dynamic_slice.html#acd0d2d6d83d4112e9e6fdd9ca8072ac3":[1,0,1,0,56,4], -"classmlx_1_1core_1_1_dynamic_slice.html#acd0d2d6d83d4112e9e6fdd9ca8072ac3":[2,0,1,0,53,4], -"classmlx_1_1core_1_1_dynamic_slice.html#aec9084e603d7562f3a75c5fc32918581":[1,0,1,0,56,7], -"classmlx_1_1core_1_1_dynamic_slice.html#aec9084e603d7562f3a75c5fc32918581":[2,0,1,0,53,7], -"classmlx_1_1core_1_1_dynamic_slice_update.html":[1,0,1,0,57], -"classmlx_1_1core_1_1_dynamic_slice_update.html":[2,0,1,0,54], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a0b0b2a0e4d97305fd6f3c635fcdccd76":[1,0,1,0,57,7], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a0b0b2a0e4d97305fd6f3c635fcdccd76":[2,0,1,0,54,7], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213":[1,0,1,0,57,0], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213":[2,0,1,0,54,0], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a249dab28690c45203c3995698de0cab7":[1,0,1,0,57,2], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a249dab28690c45203c3995698de0cab7":[2,0,1,0,54,2] +"classmlx_1_1core_1_1_compiled.html#a32462e65c52f84b708188130cc508133":[1,0,1,0,40,8], +"classmlx_1_1core_1_1_compiled.html#a32462e65c52f84b708188130cc508133":[2,0,1,0,37,8], +"classmlx_1_1core_1_1_compiled.html#a63e5016458887813b4a59dee5a0a3f10":[1,0,1,0,40,3], +"classmlx_1_1core_1_1_compiled.html#a63e5016458887813b4a59dee5a0a3f10":[2,0,1,0,37,3], +"classmlx_1_1core_1_1_compiled.html#a732e7548f53977b4513bb7f30a04c30d":[1,0,1,0,40,9], +"classmlx_1_1core_1_1_compiled.html#a732e7548f53977b4513bb7f30a04c30d":[2,0,1,0,37,9], +"classmlx_1_1core_1_1_compiled.html#aa385fe28626856ca5f57161b47a3c205":[1,0,1,0,40,4], +"classmlx_1_1core_1_1_compiled.html#aa385fe28626856ca5f57161b47a3c205":[2,0,1,0,37,4], +"classmlx_1_1core_1_1_compiled.html#aa3d5ff0f2b3554ad48fbbf2a0f3336d5":[1,0,1,0,40,2], +"classmlx_1_1core_1_1_compiled.html#aa3d5ff0f2b3554ad48fbbf2a0f3336d5":[2,0,1,0,37,2], +"classmlx_1_1core_1_1_compiled.html#ac45b1d0fedd85feefbff7ce7e168b151":[1,0,1,0,40,1], +"classmlx_1_1core_1_1_compiled.html#ac45b1d0fedd85feefbff7ce7e168b151":[2,0,1,0,37,1], +"classmlx_1_1core_1_1_compiled.html#ae5c16cb91ac31b97e7652cc526c07439":[1,0,1,0,40,5], +"classmlx_1_1core_1_1_compiled.html#ae5c16cb91ac31b97e7652cc526c07439":[2,0,1,0,37,5], +"classmlx_1_1core_1_1_concatenate.html":[1,0,1,0,43], +"classmlx_1_1core_1_1_concatenate.html":[2,0,1,0,40], +"classmlx_1_1core_1_1_concatenate.html#a309a1c50e97f9925866433ee2841c474":[1,0,1,0,43,2], +"classmlx_1_1core_1_1_concatenate.html#a309a1c50e97f9925866433ee2841c474":[2,0,1,0,40,2], +"classmlx_1_1core_1_1_concatenate.html#a56f29b585a6d1d958954a68dcc893f33":[1,0,1,0,43,6], +"classmlx_1_1core_1_1_concatenate.html#a56f29b585a6d1d958954a68dcc893f33":[2,0,1,0,40,6], +"classmlx_1_1core_1_1_concatenate.html#a58c54dcf8e4b045d25edd3afc2caffc1":[1,0,1,0,43,9], +"classmlx_1_1core_1_1_concatenate.html#a58c54dcf8e4b045d25edd3afc2caffc1":[2,0,1,0,40,9], +"classmlx_1_1core_1_1_concatenate.html#a609e76bede7fc5581ec84ddcb727a258":[1,0,1,0,43,1], +"classmlx_1_1core_1_1_concatenate.html#a609e76bede7fc5581ec84ddcb727a258":[2,0,1,0,40,1], +"classmlx_1_1core_1_1_concatenate.html#a60cd572a42b346399ee539af2dfbf29e":[1,0,1,0,43,7], +"classmlx_1_1core_1_1_concatenate.html#a60cd572a42b346399ee539af2dfbf29e":[2,0,1,0,40,7], +"classmlx_1_1core_1_1_concatenate.html#a8155db9100ec3b8bd0bc94baeaeee3b0":[1,0,1,0,43,8], +"classmlx_1_1core_1_1_concatenate.html#a8155db9100ec3b8bd0bc94baeaeee3b0":[2,0,1,0,40,8], +"classmlx_1_1core_1_1_concatenate.html#a9f9e7a9dc3a00e02b84c94e1868baff1":[1,0,1,0,43,4], +"classmlx_1_1core_1_1_concatenate.html#a9f9e7a9dc3a00e02b84c94e1868baff1":[2,0,1,0,40,4], +"classmlx_1_1core_1_1_concatenate.html#aaf8a72a0c30114460caf519580cc35d2":[1,0,1,0,43,3], +"classmlx_1_1core_1_1_concatenate.html#aaf8a72a0c30114460caf519580cc35d2":[2,0,1,0,40,3], +"classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888":[1,0,1,0,43,0], +"classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888":[2,0,1,0,40,0], +"classmlx_1_1core_1_1_concatenate.html#af8415a2fe28804a1437d0876ba15615f":[1,0,1,0,43,5], +"classmlx_1_1core_1_1_concatenate.html#af8415a2fe28804a1437d0876ba15615f":[2,0,1,0,40,5], +"classmlx_1_1core_1_1_conjugate.html":[1,0,1,0,44], +"classmlx_1_1core_1_1_conjugate.html":[2,0,1,0,41], +"classmlx_1_1core_1_1_conjugate.html#a2c7632c8ae0ca07777e23a0a79344e60":[1,0,1,0,44,6], +"classmlx_1_1core_1_1_conjugate.html#a2c7632c8ae0ca07777e23a0a79344e60":[2,0,1,0,41,6], +"classmlx_1_1core_1_1_conjugate.html#a40281539bbd543ac8fd8e28650de17e4":[1,0,1,0,44,5], +"classmlx_1_1core_1_1_conjugate.html#a40281539bbd543ac8fd8e28650de17e4":[2,0,1,0,41,5], +"classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87":[1,0,1,0,44,0], +"classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87":[2,0,1,0,41,0], +"classmlx_1_1core_1_1_conjugate.html#ae39643e2178f442ffba05139f8609d61":[1,0,1,0,44,1], +"classmlx_1_1core_1_1_conjugate.html#ae39643e2178f442ffba05139f8609d61":[2,0,1,0,41,1], +"classmlx_1_1core_1_1_conjugate.html#af42f00a790c6bc5572bd8fe9e5b36c5e":[1,0,1,0,44,3], +"classmlx_1_1core_1_1_conjugate.html#af42f00a790c6bc5572bd8fe9e5b36c5e":[2,0,1,0,41,3], +"classmlx_1_1core_1_1_conjugate.html#afd68332463d12e69c47388f6b81ae96c":[1,0,1,0,44,4], +"classmlx_1_1core_1_1_conjugate.html#afd68332463d12e69c47388f6b81ae96c":[2,0,1,0,41,4], +"classmlx_1_1core_1_1_conjugate.html#aff0a802166e3724db88ab5d3feb2d3de":[1,0,1,0,44,2], +"classmlx_1_1core_1_1_conjugate.html#aff0a802166e3724db88ab5d3feb2d3de":[2,0,1,0,41,2], +"classmlx_1_1core_1_1_contiguous.html":[1,0,1,0,45], +"classmlx_1_1core_1_1_contiguous.html":[2,0,1,0,42], +"classmlx_1_1core_1_1_contiguous.html#a1f9fcae7235e0ae9217825b78cb0f991":[1,0,1,0,45,4], +"classmlx_1_1core_1_1_contiguous.html#a1f9fcae7235e0ae9217825b78cb0f991":[2,0,1,0,42,4], +"classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0":[1,0,1,0,45,0], +"classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0":[2,0,1,0,42,0], +"classmlx_1_1core_1_1_contiguous.html#a519cd16fd0c55b371ea7625fbb37c70f":[1,0,1,0,45,2], +"classmlx_1_1core_1_1_contiguous.html#a519cd16fd0c55b371ea7625fbb37c70f":[2,0,1,0,42,2], +"classmlx_1_1core_1_1_contiguous.html#a563221e90b15aa90bfae23d29c10e4ec":[1,0,1,0,45,8], +"classmlx_1_1core_1_1_contiguous.html#a563221e90b15aa90bfae23d29c10e4ec":[2,0,1,0,42,8], +"classmlx_1_1core_1_1_contiguous.html#a742de24e6c0310cd85a606dec0cd8336":[1,0,1,0,45,1], +"classmlx_1_1core_1_1_contiguous.html#a742de24e6c0310cd85a606dec0cd8336":[2,0,1,0,42,1], +"classmlx_1_1core_1_1_contiguous.html#aa5d273a461fc6e64f3c9a67c24cb3372":[1,0,1,0,45,3], +"classmlx_1_1core_1_1_contiguous.html#aa5d273a461fc6e64f3c9a67c24cb3372":[2,0,1,0,42,3], +"classmlx_1_1core_1_1_contiguous.html#abf488f02057fd5852f38b2e8a600ad2a":[1,0,1,0,45,7], +"classmlx_1_1core_1_1_contiguous.html#abf488f02057fd5852f38b2e8a600ad2a":[2,0,1,0,42,7], +"classmlx_1_1core_1_1_contiguous.html#aca8a4ba9a58cc10f063e6b082fa2fc23":[1,0,1,0,45,6], +"classmlx_1_1core_1_1_contiguous.html#aca8a4ba9a58cc10f063e6b082fa2fc23":[2,0,1,0,42,6], +"classmlx_1_1core_1_1_contiguous.html#afff58fbf61f0c26b3606208dd2fa2072":[1,0,1,0,45,5], +"classmlx_1_1core_1_1_contiguous.html#afff58fbf61f0c26b3606208dd2fa2072":[2,0,1,0,42,5], +"classmlx_1_1core_1_1_convolution.html":[1,0,1,0,47], +"classmlx_1_1core_1_1_convolution.html":[2,0,1,0,44], +"classmlx_1_1core_1_1_convolution.html#a30b64109eeb1778f002b99447dff9dd2":[1,0,1,0,47,2], +"classmlx_1_1core_1_1_convolution.html#a30b64109eeb1778f002b99447dff9dd2":[2,0,1,0,44,2], +"classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef":[1,0,1,0,47,0], +"classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef":[2,0,1,0,44,0], +"classmlx_1_1core_1_1_convolution.html#a7f44f0caea20cc2858717afba1e915d8":[1,0,1,0,47,5], +"classmlx_1_1core_1_1_convolution.html#a7f44f0caea20cc2858717afba1e915d8":[2,0,1,0,44,5], +"classmlx_1_1core_1_1_convolution.html#a844eab7c4cc99e775cfb561265ed14fd":[1,0,1,0,47,4], +"classmlx_1_1core_1_1_convolution.html#a844eab7c4cc99e775cfb561265ed14fd":[2,0,1,0,44,4], +"classmlx_1_1core_1_1_convolution.html#ac74256068da01730629109fa4fa8432b":[1,0,1,0,47,1], +"classmlx_1_1core_1_1_convolution.html#ac74256068da01730629109fa4fa8432b":[2,0,1,0,44,1], +"classmlx_1_1core_1_1_convolution.html#af8eb9c0c055ad20aa74b547016917690":[1,0,1,0,47,6], +"classmlx_1_1core_1_1_convolution.html#af8eb9c0c055ad20aa74b547016917690":[2,0,1,0,44,6], +"classmlx_1_1core_1_1_convolution.html#afb87708a5e3aab2e9e663daa9d8863de":[1,0,1,0,47,3], +"classmlx_1_1core_1_1_convolution.html#afb87708a5e3aab2e9e663daa9d8863de":[2,0,1,0,44,3], +"classmlx_1_1core_1_1_copy.html":[1,0,1,0,48], +"classmlx_1_1core_1_1_copy.html":[2,0,1,0,45], +"classmlx_1_1core_1_1_copy.html#a1eda7b2ea771a168f67421f0d384b3a1":[1,0,1,0,48,2], +"classmlx_1_1core_1_1_copy.html#a1eda7b2ea771a168f67421f0d384b3a1":[2,0,1,0,45,2], +"classmlx_1_1core_1_1_copy.html#a5acf02aa360cbefd86749fe9877b29cc":[1,0,1,0,48,4], +"classmlx_1_1core_1_1_copy.html#a5acf02aa360cbefd86749fe9877b29cc":[2,0,1,0,45,4], +"classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584":[1,0,1,0,48,0], +"classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584":[2,0,1,0,45,0], +"classmlx_1_1core_1_1_copy.html#a669b10253c15b769d90058d1ad7d0e61":[1,0,1,0,48,8], +"classmlx_1_1core_1_1_copy.html#a669b10253c15b769d90058d1ad7d0e61":[2,0,1,0,45,8], +"classmlx_1_1core_1_1_copy.html#a6bbe5fd9ce3cb5a39853b316106d2674":[1,0,1,0,48,5], +"classmlx_1_1core_1_1_copy.html#a6bbe5fd9ce3cb5a39853b316106d2674":[2,0,1,0,45,5], +"classmlx_1_1core_1_1_copy.html#a6c4dee582001e9983e9517485ee37efd":[1,0,1,0,48,7], +"classmlx_1_1core_1_1_copy.html#a6c4dee582001e9983e9517485ee37efd":[2,0,1,0,45,7], +"classmlx_1_1core_1_1_copy.html#acfa1a02ab9cdab593e928faa515a8008":[1,0,1,0,48,6], +"classmlx_1_1core_1_1_copy.html#acfa1a02ab9cdab593e928faa515a8008":[2,0,1,0,45,6], +"classmlx_1_1core_1_1_copy.html#af4a0ebec423e84ffe8083a5e9ed0d70c":[1,0,1,0,48,1], +"classmlx_1_1core_1_1_copy.html#af4a0ebec423e84ffe8083a5e9ed0d70c":[2,0,1,0,45,1], +"classmlx_1_1core_1_1_copy.html#afcfa39465015f638e294aa954ea0f3da":[1,0,1,0,48,3], +"classmlx_1_1core_1_1_copy.html#afcfa39465015f638e294aa954ea0f3da":[2,0,1,0,45,3], +"classmlx_1_1core_1_1_cos.html":[1,0,1,0,49], +"classmlx_1_1core_1_1_cos.html":[2,0,1,0,46], +"classmlx_1_1core_1_1_cos.html#a061fc446268fe56237ae6b20ccf78152":[1,0,1,0,49,1], +"classmlx_1_1core_1_1_cos.html#a061fc446268fe56237ae6b20ccf78152":[2,0,1,0,46,1], +"classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995":[1,0,1,0,49,0], +"classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995":[2,0,1,0,46,0], +"classmlx_1_1core_1_1_cos.html#a51d84113728e651ef9d4a1fe671c4d00":[1,0,1,0,49,7], +"classmlx_1_1core_1_1_cos.html#a51d84113728e651ef9d4a1fe671c4d00":[2,0,1,0,46,7], +"classmlx_1_1core_1_1_cos.html#a5ef41aafad595f6cdd8c535e36e12060":[1,0,1,0,49,2], +"classmlx_1_1core_1_1_cos.html#a5ef41aafad595f6cdd8c535e36e12060":[2,0,1,0,46,2], +"classmlx_1_1core_1_1_cos.html#a81858457e4bea931a4bc6f6e38b0f696":[1,0,1,0,49,6], +"classmlx_1_1core_1_1_cos.html#a81858457e4bea931a4bc6f6e38b0f696":[2,0,1,0,46,6], +"classmlx_1_1core_1_1_cos.html#a923312e71c5a003a38b37ab67ec82580":[1,0,1,0,49,5], +"classmlx_1_1core_1_1_cos.html#a923312e71c5a003a38b37ab67ec82580":[2,0,1,0,46,5], +"classmlx_1_1core_1_1_cos.html#a99dd0b7e4aa2c838b77736f1fd539ee1":[1,0,1,0,49,4], +"classmlx_1_1core_1_1_cos.html#a99dd0b7e4aa2c838b77736f1fd539ee1":[2,0,1,0,46,4], +"classmlx_1_1core_1_1_cos.html#ab611ca38c987915659f7ffcce0370417":[1,0,1,0,49,3], +"classmlx_1_1core_1_1_cos.html#ab611ca38c987915659f7ffcce0370417":[2,0,1,0,46,3], +"classmlx_1_1core_1_1_cos.html#aec9460daf0131156734013d03b230cd6":[1,0,1,0,49,8], +"classmlx_1_1core_1_1_cos.html#aec9460daf0131156734013d03b230cd6":[2,0,1,0,46,8], +"classmlx_1_1core_1_1_cosh.html":[1,0,1,0,50], +"classmlx_1_1core_1_1_cosh.html":[2,0,1,0,47], +"classmlx_1_1core_1_1_cosh.html#a0791abd4305a333fb3b181a5357ce0f4":[1,0,1,0,50,7], +"classmlx_1_1core_1_1_cosh.html#a0791abd4305a333fb3b181a5357ce0f4":[2,0,1,0,47,7], +"classmlx_1_1core_1_1_cosh.html#a1ab2386e7d96219b6e4a525f7dac0406":[1,0,1,0,50,8], +"classmlx_1_1core_1_1_cosh.html#a1ab2386e7d96219b6e4a525f7dac0406":[2,0,1,0,47,8], +"classmlx_1_1core_1_1_cosh.html#a23f71b43792934c3ec0ebe9b74f32559":[1,0,1,0,50,2], +"classmlx_1_1core_1_1_cosh.html#a23f71b43792934c3ec0ebe9b74f32559":[2,0,1,0,47,2], +"classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1":[1,0,1,0,50,0], +"classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1":[2,0,1,0,47,0], +"classmlx_1_1core_1_1_cosh.html#a79facb0882443533f36a0a18407f5863":[1,0,1,0,50,4], +"classmlx_1_1core_1_1_cosh.html#a79facb0882443533f36a0a18407f5863":[2,0,1,0,47,4], +"classmlx_1_1core_1_1_cosh.html#ac247faad68c1050cda9f72d7d6d040e2":[1,0,1,0,50,6], +"classmlx_1_1core_1_1_cosh.html#ac247faad68c1050cda9f72d7d6d040e2":[2,0,1,0,47,6], +"classmlx_1_1core_1_1_cosh.html#adf58c7e24b5059e66007132bc16dfe49":[1,0,1,0,50,5], +"classmlx_1_1core_1_1_cosh.html#adf58c7e24b5059e66007132bc16dfe49":[2,0,1,0,47,5], +"classmlx_1_1core_1_1_cosh.html#ae0bacccaf501f5349db0c13cca776ff9":[1,0,1,0,50,3], +"classmlx_1_1core_1_1_cosh.html#ae0bacccaf501f5349db0c13cca776ff9":[2,0,1,0,47,3], +"classmlx_1_1core_1_1_cosh.html#ae8702df7e8f0e20cbeccb2a548961d3d":[1,0,1,0,50,1], +"classmlx_1_1core_1_1_cosh.html#ae8702df7e8f0e20cbeccb2a548961d3d":[2,0,1,0,47,1], +"classmlx_1_1core_1_1_custom_transforms.html":[1,0,1,0,51], +"classmlx_1_1core_1_1_custom_transforms.html":[2,0,1,0,48], +"classmlx_1_1core_1_1_custom_transforms.html#a2ddbacbc468271b11caee0ad97005298":[1,0,1,0,51,4], +"classmlx_1_1core_1_1_custom_transforms.html#a2ddbacbc468271b11caee0ad97005298":[2,0,1,0,48,4], +"classmlx_1_1core_1_1_custom_transforms.html#a7b3538681acbb20af3ed37b0877f6667":[1,0,1,0,51,2], +"classmlx_1_1core_1_1_custom_transforms.html#a7b3538681acbb20af3ed37b0877f6667":[2,0,1,0,48,2], +"classmlx_1_1core_1_1_custom_transforms.html#a906a2ff30d9c5281fbf1fa927e4c021b":[1,0,1,0,51,6], +"classmlx_1_1core_1_1_custom_transforms.html#a906a2ff30d9c5281fbf1fa927e4c021b":[2,0,1,0,48,6], +"classmlx_1_1core_1_1_custom_transforms.html#aa1da36cef632df767cd9809d6cf06209":[1,0,1,0,51,5], +"classmlx_1_1core_1_1_custom_transforms.html#aa1da36cef632df767cd9809d6cf06209":[2,0,1,0,48,5], +"classmlx_1_1core_1_1_custom_transforms.html#aa9f695100170d5cae999b3da138ce720":[1,0,1,0,51,3], +"classmlx_1_1core_1_1_custom_transforms.html#aa9f695100170d5cae999b3da138ce720":[2,0,1,0,48,3], +"classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488":[1,0,1,0,51,0], +"classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488":[2,0,1,0,48,0], +"classmlx_1_1core_1_1_custom_transforms.html#adba1c40c77a2138df6b5f75483f62184":[1,0,1,0,51,1], +"classmlx_1_1core_1_1_custom_transforms.html#adba1c40c77a2138df6b5f75483f62184":[2,0,1,0,48,1], +"classmlx_1_1core_1_1_depends.html":[1,0,1,0,52], +"classmlx_1_1core_1_1_depends.html":[2,0,1,0,49], +"classmlx_1_1core_1_1_depends.html#a02996fa45f01f7cb9f37074d5f8ccab0":[1,0,1,0,52,4], +"classmlx_1_1core_1_1_depends.html#a02996fa45f01f7cb9f37074d5f8ccab0":[2,0,1,0,49,4], +"classmlx_1_1core_1_1_depends.html#a0c7ea6db97337591fa53c6e6bde41e5e":[1,0,1,0,52,1], +"classmlx_1_1core_1_1_depends.html#a0c7ea6db97337591fa53c6e6bde41e5e":[2,0,1,0,49,1], +"classmlx_1_1core_1_1_depends.html#a4ccb792c99f5d8d133d3fac29f7d3f62":[1,0,1,0,52,0], +"classmlx_1_1core_1_1_depends.html#a4ccb792c99f5d8d133d3fac29f7d3f62":[2,0,1,0,49,0], +"classmlx_1_1core_1_1_depends.html#ae5057f65e69490ad0add8eeda2b75e28":[1,0,1,0,52,2], +"classmlx_1_1core_1_1_depends.html#ae5057f65e69490ad0add8eeda2b75e28":[2,0,1,0,49,2], +"classmlx_1_1core_1_1_depends.html#aed575b0d927f4341f60442c70adeeb82":[1,0,1,0,52,3], +"classmlx_1_1core_1_1_depends.html#aed575b0d927f4341f60442c70adeeb82":[2,0,1,0,49,3], +"classmlx_1_1core_1_1_div_mod.html":[1,0,1,0,55], +"classmlx_1_1core_1_1_div_mod.html":[2,0,1,0,52], +"classmlx_1_1core_1_1_div_mod.html#a003117c9ecf3c06a27248f72a76348dc":[1,0,1,0,55,2], +"classmlx_1_1core_1_1_div_mod.html#a003117c9ecf3c06a27248f72a76348dc":[2,0,1,0,52,2], +"classmlx_1_1core_1_1_div_mod.html#a1267401f25f25847888dd0a00b3fe3b9":[1,0,1,0,55,4], +"classmlx_1_1core_1_1_div_mod.html#a1267401f25f25847888dd0a00b3fe3b9":[2,0,1,0,52,4], +"classmlx_1_1core_1_1_div_mod.html#a1b7f104346cb5423ac15371b45c7ef86":[1,0,1,0,55,5], +"classmlx_1_1core_1_1_div_mod.html#a1b7f104346cb5423ac15371b45c7ef86":[2,0,1,0,52,5], +"classmlx_1_1core_1_1_div_mod.html#a7edbed50d07869d921e529157931b7a1":[1,0,1,0,55,6], +"classmlx_1_1core_1_1_div_mod.html#a7edbed50d07869d921e529157931b7a1":[2,0,1,0,52,6], +"classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826":[1,0,1,0,55,0], +"classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826":[2,0,1,0,52,0], +"classmlx_1_1core_1_1_div_mod.html#a8c914a07f666a1d9377a27ed5d55e7c1":[1,0,1,0,55,7], +"classmlx_1_1core_1_1_div_mod.html#a8c914a07f666a1d9377a27ed5d55e7c1":[2,0,1,0,52,7], +"classmlx_1_1core_1_1_div_mod.html#ae350b7b93ad128e3133ee14f247193b3":[1,0,1,0,55,1], +"classmlx_1_1core_1_1_div_mod.html#ae350b7b93ad128e3133ee14f247193b3":[2,0,1,0,52,1], +"classmlx_1_1core_1_1_div_mod.html#ae709e0fdd83994bd1d156e0d0e6a7942":[1,0,1,0,55,8], +"classmlx_1_1core_1_1_div_mod.html#ae709e0fdd83994bd1d156e0d0e6a7942":[2,0,1,0,52,8], +"classmlx_1_1core_1_1_div_mod.html#af5fcf8ec8515d46844cbeeab6dafb38a":[1,0,1,0,55,3], +"classmlx_1_1core_1_1_div_mod.html#af5fcf8ec8515d46844cbeeab6dafb38a":[2,0,1,0,52,3], +"classmlx_1_1core_1_1_divide.html":[1,0,1,0,54], +"classmlx_1_1core_1_1_divide.html":[2,0,1,0,51], +"classmlx_1_1core_1_1_divide.html#a3dda091f05c4164c29bb8129e9712650":[1,0,1,0,54,3], +"classmlx_1_1core_1_1_divide.html#a3dda091f05c4164c29bb8129e9712650":[2,0,1,0,51,3], +"classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb":[1,0,1,0,54,0], +"classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb":[2,0,1,0,51,0], +"classmlx_1_1core_1_1_divide.html#a823443c2a8e8b81bbcaeee6ddbcdbf49":[1,0,1,0,54,1], +"classmlx_1_1core_1_1_divide.html#a823443c2a8e8b81bbcaeee6ddbcdbf49":[2,0,1,0,51,1], +"classmlx_1_1core_1_1_divide.html#a83e7da52831165b3a026e97b63770242":[1,0,1,0,54,8], +"classmlx_1_1core_1_1_divide.html#a83e7da52831165b3a026e97b63770242":[2,0,1,0,51,8], +"classmlx_1_1core_1_1_divide.html#a9563d9ee243204cfdaac6aca34853cd7":[1,0,1,0,54,5], +"classmlx_1_1core_1_1_divide.html#a9563d9ee243204cfdaac6aca34853cd7":[2,0,1,0,51,5], +"classmlx_1_1core_1_1_divide.html#abffda0ce37221ddc28dc9eea794f6bc7":[1,0,1,0,54,2], +"classmlx_1_1core_1_1_divide.html#abffda0ce37221ddc28dc9eea794f6bc7":[2,0,1,0,51,2], +"classmlx_1_1core_1_1_divide.html#ad3af7c70cad22c1a1a75b4a78ef793b6":[1,0,1,0,54,7], +"classmlx_1_1core_1_1_divide.html#ad3af7c70cad22c1a1a75b4a78ef793b6":[2,0,1,0,51,7], +"classmlx_1_1core_1_1_divide.html#ae1f408c447b17b3c84fe7f951d95559c":[1,0,1,0,54,4], +"classmlx_1_1core_1_1_divide.html#ae1f408c447b17b3c84fe7f951d95559c":[2,0,1,0,51,4], +"classmlx_1_1core_1_1_divide.html#af3c15337ac15522cc34ed98b97895bb6":[1,0,1,0,54,6], +"classmlx_1_1core_1_1_divide.html#af3c15337ac15522cc34ed98b97895bb6":[2,0,1,0,51,6], +"classmlx_1_1core_1_1_dynamic_slice.html":[1,0,1,0,57], +"classmlx_1_1core_1_1_dynamic_slice.html":[2,0,1,0,54], +"classmlx_1_1core_1_1_dynamic_slice.html#a0325271def8d9ea9ed21eb27e51994b4":[1,0,1,0,57,3], +"classmlx_1_1core_1_1_dynamic_slice.html#a0325271def8d9ea9ed21eb27e51994b4":[2,0,1,0,54,3], +"classmlx_1_1core_1_1_dynamic_slice.html#a29caf03256945f7732a52d551191f8fa":[1,0,1,0,57,8], +"classmlx_1_1core_1_1_dynamic_slice.html#a29caf03256945f7732a52d551191f8fa":[2,0,1,0,54,8], +"classmlx_1_1core_1_1_dynamic_slice.html#a421283744fe5554ac9a8288cf47edeab":[1,0,1,0,57,6], +"classmlx_1_1core_1_1_dynamic_slice.html#a421283744fe5554ac9a8288cf47edeab":[2,0,1,0,54,6], +"classmlx_1_1core_1_1_dynamic_slice.html#a4e8c22c24a587ea0648ce89f461ed1ee":[1,0,1,0,57,1], +"classmlx_1_1core_1_1_dynamic_slice.html#a4e8c22c24a587ea0648ce89f461ed1ee":[2,0,1,0,54,1], +"classmlx_1_1core_1_1_dynamic_slice.html#a825a6d4d1499b287525462854b841ef2":[1,0,1,0,57,9], +"classmlx_1_1core_1_1_dynamic_slice.html#a825a6d4d1499b287525462854b841ef2":[2,0,1,0,54,9], +"classmlx_1_1core_1_1_dynamic_slice.html#a920dc4d1ee4976065e6d91fe3ecfbbf3":[1,0,1,0,57,5], +"classmlx_1_1core_1_1_dynamic_slice.html#a920dc4d1ee4976065e6d91fe3ecfbbf3":[2,0,1,0,54,5], +"classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b":[1,0,1,0,57,0], +"classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b":[2,0,1,0,54,0], +"classmlx_1_1core_1_1_dynamic_slice.html#ab0a2e31c03f02a4f25700e240cf18e3e":[1,0,1,0,57,2], +"classmlx_1_1core_1_1_dynamic_slice.html#ab0a2e31c03f02a4f25700e240cf18e3e":[2,0,1,0,54,2], +"classmlx_1_1core_1_1_dynamic_slice.html#acd0d2d6d83d4112e9e6fdd9ca8072ac3":[1,0,1,0,57,4], +"classmlx_1_1core_1_1_dynamic_slice.html#acd0d2d6d83d4112e9e6fdd9ca8072ac3":[2,0,1,0,54,4], +"classmlx_1_1core_1_1_dynamic_slice.html#aec9084e603d7562f3a75c5fc32918581":[1,0,1,0,57,7], +"classmlx_1_1core_1_1_dynamic_slice.html#aec9084e603d7562f3a75c5fc32918581":[2,0,1,0,54,7], +"classmlx_1_1core_1_1_dynamic_slice_update.html":[1,0,1,0,58], +"classmlx_1_1core_1_1_dynamic_slice_update.html":[2,0,1,0,55], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a0b0b2a0e4d97305fd6f3c635fcdccd76":[1,0,1,0,58,7], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a0b0b2a0e4d97305fd6f3c635fcdccd76":[2,0,1,0,55,7], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213":[1,0,1,0,58,0], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213":[2,0,1,0,55,0], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a249dab28690c45203c3995698de0cab7":[1,0,1,0,58,2], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a249dab28690c45203c3995698de0cab7":[2,0,1,0,55,2], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a3669f4d939ba36256c43143b603eb12b":[1,0,1,0,58,6], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a3669f4d939ba36256c43143b603eb12b":[2,0,1,0,55,6], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a379185914db0326a5d4839839fe4fc83":[1,0,1,0,58,1], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a379185914db0326a5d4839839fe4fc83":[2,0,1,0,55,1] }; diff --git a/docs/build/html/navtreeindex5.js b/docs/build/html/navtreeindex5.js index 3f6d882de..5fe8bccc2 100644 --- a/docs/build/html/navtreeindex5.js +++ b/docs/build/html/navtreeindex5.js @@ -1,253 +1,253 @@ var NAVTREEINDEX5 = { -"classmlx_1_1core_1_1_dynamic_slice_update.html#a3669f4d939ba36256c43143b603eb12b":[1,0,1,0,57,6], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a3669f4d939ba36256c43143b603eb12b":[2,0,1,0,54,6], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a379185914db0326a5d4839839fe4fc83":[1,0,1,0,57,1], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a379185914db0326a5d4839839fe4fc83":[2,0,1,0,54,1], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a750fb3548d8f3a5c6f4e54958649936f":[1,0,1,0,57,9], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a750fb3548d8f3a5c6f4e54958649936f":[2,0,1,0,54,9], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a804c03c745fc563e209a7bfb3d425a91":[1,0,1,0,57,5], -"classmlx_1_1core_1_1_dynamic_slice_update.html#a804c03c745fc563e209a7bfb3d425a91":[2,0,1,0,54,5], -"classmlx_1_1core_1_1_dynamic_slice_update.html#ab2817cb9d1bfcd3de6454d841909da1f":[1,0,1,0,57,8], -"classmlx_1_1core_1_1_dynamic_slice_update.html#ab2817cb9d1bfcd3de6454d841909da1f":[2,0,1,0,54,8], -"classmlx_1_1core_1_1_dynamic_slice_update.html#ad1eae28869ebc2ecad87a9a01e314d56":[1,0,1,0,57,4], -"classmlx_1_1core_1_1_dynamic_slice_update.html#ad1eae28869ebc2ecad87a9a01e314d56":[2,0,1,0,54,4], -"classmlx_1_1core_1_1_dynamic_slice_update.html#ae6292d2b1f3221a7c8ef6b77cb466481":[1,0,1,0,57,3], -"classmlx_1_1core_1_1_dynamic_slice_update.html#ae6292d2b1f3221a7c8ef6b77cb466481":[2,0,1,0,54,3], -"classmlx_1_1core_1_1_eigh.html":[1,0,1,0,58], -"classmlx_1_1core_1_1_eigh.html":[2,0,1,0,55], -"classmlx_1_1core_1_1_eigh.html#a09414e3fe88a952408d164d6dd0af381":[1,0,1,0,58,3], -"classmlx_1_1core_1_1_eigh.html#a09414e3fe88a952408d164d6dd0af381":[2,0,1,0,55,3], -"classmlx_1_1core_1_1_eigh.html#a2b8e47ecd60cd7330716761c5fb1fe84":[1,0,1,0,58,5], -"classmlx_1_1core_1_1_eigh.html#a2b8e47ecd60cd7330716761c5fb1fe84":[2,0,1,0,55,5], -"classmlx_1_1core_1_1_eigh.html#a67775b41c0a15e356f08d51d9736baa2":[1,0,1,0,58,2], -"classmlx_1_1core_1_1_eigh.html#a67775b41c0a15e356f08d51d9736baa2":[2,0,1,0,55,2], -"classmlx_1_1core_1_1_eigh.html#a894b32e17229394f6a43b4a0655fd8be":[1,0,1,0,58,1], -"classmlx_1_1core_1_1_eigh.html#a894b32e17229394f6a43b4a0655fd8be":[2,0,1,0,55,1], -"classmlx_1_1core_1_1_eigh.html#a9892f5b72dec19a5a2f7af5efcf2a952":[1,0,1,0,58,4], -"classmlx_1_1core_1_1_eigh.html#a9892f5b72dec19a5a2f7af5efcf2a952":[2,0,1,0,55,4], -"classmlx_1_1core_1_1_eigh.html#aa3b6c33b5679c5528863f3de2ab2f914":[1,0,1,0,58,6], -"classmlx_1_1core_1_1_eigh.html#aa3b6c33b5679c5528863f3de2ab2f914":[2,0,1,0,55,6], -"classmlx_1_1core_1_1_eigh.html#ab2f2ea5326e2f6045f9b7250692c240f":[1,0,1,0,58,7], -"classmlx_1_1core_1_1_eigh.html#ab2f2ea5326e2f6045f9b7250692c240f":[2,0,1,0,55,7], -"classmlx_1_1core_1_1_eigh.html#ad8f5d012ebd5942abeffecca77fcddda":[1,0,1,0,58,0], -"classmlx_1_1core_1_1_eigh.html#ad8f5d012ebd5942abeffecca77fcddda":[2,0,1,0,55,0], -"classmlx_1_1core_1_1_equal.html":[1,0,1,0,59], -"classmlx_1_1core_1_1_equal.html":[2,0,1,0,56], -"classmlx_1_1core_1_1_equal.html#a0787bf32f0b405a8b2ac809d2d990774":[1,0,1,0,59,6], -"classmlx_1_1core_1_1_equal.html#a0787bf32f0b405a8b2ac809d2d990774":[2,0,1,0,56,6], -"classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36":[1,0,1,0,59,0], -"classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36":[2,0,1,0,56,0], -"classmlx_1_1core_1_1_equal.html#a58c1c5003e43f47dc0788c1851deaa02":[1,0,1,0,59,3], -"classmlx_1_1core_1_1_equal.html#a58c1c5003e43f47dc0788c1851deaa02":[2,0,1,0,56,3], -"classmlx_1_1core_1_1_equal.html#a659d484589d7cd96d038922a1a98730f":[1,0,1,0,59,4], -"classmlx_1_1core_1_1_equal.html#a659d484589d7cd96d038922a1a98730f":[2,0,1,0,56,4], -"classmlx_1_1core_1_1_equal.html#aa27ff7525f109edc56b731a6df78f6bc":[1,0,1,0,59,7], -"classmlx_1_1core_1_1_equal.html#aa27ff7525f109edc56b731a6df78f6bc":[2,0,1,0,56,7], -"classmlx_1_1core_1_1_equal.html#aabb8aa61fa581defddcdca1274b1b454":[1,0,1,0,59,1], -"classmlx_1_1core_1_1_equal.html#aabb8aa61fa581defddcdca1274b1b454":[2,0,1,0,56,1], -"classmlx_1_1core_1_1_equal.html#ac3757001fec42ceb5ece2954df42161c":[1,0,1,0,59,2], -"classmlx_1_1core_1_1_equal.html#ac3757001fec42ceb5ece2954df42161c":[2,0,1,0,56,2], -"classmlx_1_1core_1_1_equal.html#ae714c2b0641fc9c339a2f8483bb4e257":[1,0,1,0,59,5], -"classmlx_1_1core_1_1_equal.html#ae714c2b0641fc9c339a2f8483bb4e257":[2,0,1,0,56,5], -"classmlx_1_1core_1_1_equal.html#aea9cc3c88924ac824d72c39c2e83b0ca":[1,0,1,0,59,9], -"classmlx_1_1core_1_1_equal.html#aea9cc3c88924ac824d72c39c2e83b0ca":[2,0,1,0,56,9], -"classmlx_1_1core_1_1_equal.html#af3c1bfcd1bf50922fc00e302bb193736":[1,0,1,0,59,8], -"classmlx_1_1core_1_1_equal.html#af3c1bfcd1bf50922fc00e302bb193736":[2,0,1,0,56,8], -"classmlx_1_1core_1_1_erf.html":[1,0,1,0,60], -"classmlx_1_1core_1_1_erf.html":[2,0,1,0,57], -"classmlx_1_1core_1_1_erf.html#a186af7b783cf832c3b25eec3a09f5a0c":[1,0,1,0,60,6], -"classmlx_1_1core_1_1_erf.html#a186af7b783cf832c3b25eec3a09f5a0c":[2,0,1,0,57,6], -"classmlx_1_1core_1_1_erf.html#a1f529e95a42a2d69a8b18979d3ee2909":[1,0,1,0,60,7], -"classmlx_1_1core_1_1_erf.html#a1f529e95a42a2d69a8b18979d3ee2909":[2,0,1,0,57,7], -"classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82":[1,0,1,0,60,0], -"classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82":[2,0,1,0,57,0], -"classmlx_1_1core_1_1_erf.html#a84ea16e43d5b7f83bbc2d5ece78a3fb6":[1,0,1,0,60,1], -"classmlx_1_1core_1_1_erf.html#a84ea16e43d5b7f83bbc2d5ece78a3fb6":[2,0,1,0,57,1], -"classmlx_1_1core_1_1_erf.html#abe554f553356654a3e800ba368108aaa":[1,0,1,0,60,8], -"classmlx_1_1core_1_1_erf.html#abe554f553356654a3e800ba368108aaa":[2,0,1,0,57,8], -"classmlx_1_1core_1_1_erf.html#abe99dfbc2954c3a7d5dec56ab165ee82":[1,0,1,0,60,3], -"classmlx_1_1core_1_1_erf.html#abe99dfbc2954c3a7d5dec56ab165ee82":[2,0,1,0,57,3], -"classmlx_1_1core_1_1_erf.html#ac733d605d80277d613954794eb8c46fe":[1,0,1,0,60,4], -"classmlx_1_1core_1_1_erf.html#ac733d605d80277d613954794eb8c46fe":[2,0,1,0,57,4], -"classmlx_1_1core_1_1_erf.html#ace70b96c48419e29243982ed697f6411":[1,0,1,0,60,5], -"classmlx_1_1core_1_1_erf.html#ace70b96c48419e29243982ed697f6411":[2,0,1,0,57,5], -"classmlx_1_1core_1_1_erf.html#ad8551be664d767dccc3c0d8cc1eca008":[1,0,1,0,60,2], -"classmlx_1_1core_1_1_erf.html#ad8551be664d767dccc3c0d8cc1eca008":[2,0,1,0,57,2], -"classmlx_1_1core_1_1_erf_inv.html":[1,0,1,0,61], -"classmlx_1_1core_1_1_erf_inv.html":[2,0,1,0,58], -"classmlx_1_1core_1_1_erf_inv.html#a067cac7a7244b4dae6629c7e4466589f":[1,0,1,0,61,5], -"classmlx_1_1core_1_1_erf_inv.html#a067cac7a7244b4dae6629c7e4466589f":[2,0,1,0,58,5], -"classmlx_1_1core_1_1_erf_inv.html#a0acb31bd5780abf61877bd1a3e0fd4f9":[1,0,1,0,61,6], -"classmlx_1_1core_1_1_erf_inv.html#a0acb31bd5780abf61877bd1a3e0fd4f9":[2,0,1,0,58,6], -"classmlx_1_1core_1_1_erf_inv.html#a48afff12a58ddefae7ae0245c3580189":[1,0,1,0,61,7], -"classmlx_1_1core_1_1_erf_inv.html#a48afff12a58ddefae7ae0245c3580189":[2,0,1,0,58,7], -"classmlx_1_1core_1_1_erf_inv.html#a4a2413d0634db1f3dae1806ddfa632db":[1,0,1,0,61,2], -"classmlx_1_1core_1_1_erf_inv.html#a4a2413d0634db1f3dae1806ddfa632db":[2,0,1,0,58,2], -"classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478":[1,0,1,0,61,0], -"classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478":[2,0,1,0,58,0], -"classmlx_1_1core_1_1_erf_inv.html#aa52710297ab6f7cd6826418c303e64be":[1,0,1,0,61,4], -"classmlx_1_1core_1_1_erf_inv.html#aa52710297ab6f7cd6826418c303e64be":[2,0,1,0,58,4], -"classmlx_1_1core_1_1_erf_inv.html#aaac9e3b454ba564f9c6e804ab6562832":[1,0,1,0,61,3], -"classmlx_1_1core_1_1_erf_inv.html#aaac9e3b454ba564f9c6e804ab6562832":[2,0,1,0,58,3], -"classmlx_1_1core_1_1_erf_inv.html#ad5d7634e8568af8cc4a54a558a48d0e9":[1,0,1,0,61,8], -"classmlx_1_1core_1_1_erf_inv.html#ad5d7634e8568af8cc4a54a558a48d0e9":[2,0,1,0,58,8], -"classmlx_1_1core_1_1_erf_inv.html#af579627402af3249565134884701d39e":[1,0,1,0,61,1], -"classmlx_1_1core_1_1_erf_inv.html#af579627402af3249565134884701d39e":[2,0,1,0,58,1], -"classmlx_1_1core_1_1_event.html":[1,0,1,0,62], -"classmlx_1_1core_1_1_event.html":[2,0,1,0,59], -"classmlx_1_1core_1_1_event.html#a05a9a3de88185b4a89e154242b4e770a":[1,0,1,0,62,2], -"classmlx_1_1core_1_1_event.html#a05a9a3de88185b4a89e154242b4e770a":[2,0,1,0,59,2], -"classmlx_1_1core_1_1_event.html#a0d077b11f4b28f882b42440b7ac6d40d":[1,0,1,0,62,4], -"classmlx_1_1core_1_1_event.html#a0d077b11f4b28f882b42440b7ac6d40d":[2,0,1,0,59,4], -"classmlx_1_1core_1_1_event.html#a13e4835f2ffb2cc22e29148a448ea184":[1,0,1,0,62,1], -"classmlx_1_1core_1_1_event.html#a13e4835f2ffb2cc22e29148a448ea184":[2,0,1,0,59,1], -"classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614":[1,0,1,0,62,6], -"classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614":[2,0,1,0,59,6], -"classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252":[1,0,1,0,62,9], -"classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252":[2,0,1,0,59,9], -"classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89":[1,0,1,0,62,5], -"classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89":[2,0,1,0,59,5], -"classmlx_1_1core_1_1_event.html#a833506419b2110ad1abd89b2dd238b4d":[1,0,1,0,62,0], -"classmlx_1_1core_1_1_event.html#a833506419b2110ad1abd89b2dd238b4d":[2,0,1,0,59,0], -"classmlx_1_1core_1_1_event.html#aa77afd9669e2ef9d5e9ae1c2c6fd24fa":[1,0,1,0,62,7], -"classmlx_1_1core_1_1_event.html#aa77afd9669e2ef9d5e9ae1c2c6fd24fa":[2,0,1,0,59,7], -"classmlx_1_1core_1_1_event.html#ab71c7baee3d1d02ad6a2001bbf90b970":[1,0,1,0,62,8], -"classmlx_1_1core_1_1_event.html#ab71c7baee3d1d02ad6a2001bbf90b970":[2,0,1,0,59,8], -"classmlx_1_1core_1_1_event.html#af408d30df17c4771e9e2aa550cb6e921":[1,0,1,0,62,3], -"classmlx_1_1core_1_1_event.html#af408d30df17c4771e9e2aa550cb6e921":[2,0,1,0,59,3], -"classmlx_1_1core_1_1_exp.html":[1,0,1,0,63], -"classmlx_1_1core_1_1_exp.html":[2,0,1,0,60], -"classmlx_1_1core_1_1_exp.html#a0fcd579fe148b4c3dbc72e514b81bb37":[1,0,1,0,63,8], -"classmlx_1_1core_1_1_exp.html#a0fcd579fe148b4c3dbc72e514b81bb37":[2,0,1,0,60,8], -"classmlx_1_1core_1_1_exp.html#a1d0a618cbb91ab29ef53b57ff6ed6e06":[1,0,1,0,63,0], -"classmlx_1_1core_1_1_exp.html#a1d0a618cbb91ab29ef53b57ff6ed6e06":[2,0,1,0,60,0], -"classmlx_1_1core_1_1_exp.html#a47934c5a5023bc7ae7ae89bff45ebb2c":[1,0,1,0,63,1], -"classmlx_1_1core_1_1_exp.html#a47934c5a5023bc7ae7ae89bff45ebb2c":[2,0,1,0,60,1], -"classmlx_1_1core_1_1_exp.html#a7d63695a97a14760fd33b5d4e6590822":[1,0,1,0,63,2], -"classmlx_1_1core_1_1_exp.html#a7d63695a97a14760fd33b5d4e6590822":[2,0,1,0,60,2], -"classmlx_1_1core_1_1_exp.html#a94b9b7d137c3640d290b96c5e8b7e1a8":[1,0,1,0,63,7], -"classmlx_1_1core_1_1_exp.html#a94b9b7d137c3640d290b96c5e8b7e1a8":[2,0,1,0,60,7], -"classmlx_1_1core_1_1_exp.html#ac6e44bffe7a643ab4ca51e74c7328357":[1,0,1,0,63,3], -"classmlx_1_1core_1_1_exp.html#ac6e44bffe7a643ab4ca51e74c7328357":[2,0,1,0,60,3], -"classmlx_1_1core_1_1_exp.html#ad87cc1b2ae595a613b03b0fdca63ae6a":[1,0,1,0,63,6], -"classmlx_1_1core_1_1_exp.html#ad87cc1b2ae595a613b03b0fdca63ae6a":[2,0,1,0,60,6], -"classmlx_1_1core_1_1_exp.html#aef2b3c24dba3ca3a63a210d3bd8e39b6":[1,0,1,0,63,5], -"classmlx_1_1core_1_1_exp.html#aef2b3c24dba3ca3a63a210d3bd8e39b6":[2,0,1,0,60,5], -"classmlx_1_1core_1_1_exp.html#aef6721832fcc283b082e35a7d436fa59":[1,0,1,0,63,4], -"classmlx_1_1core_1_1_exp.html#aef6721832fcc283b082e35a7d436fa59":[2,0,1,0,60,4], -"classmlx_1_1core_1_1_expand_dims.html":[1,0,1,0,64], -"classmlx_1_1core_1_1_expand_dims.html":[2,0,1,0,61], -"classmlx_1_1core_1_1_expand_dims.html#a2ccfe836a715dd8fa908731523f3ce5f":[1,0,1,0,64,4], -"classmlx_1_1core_1_1_expand_dims.html#a2ccfe836a715dd8fa908731523f3ce5f":[2,0,1,0,61,4], -"classmlx_1_1core_1_1_expand_dims.html#a2fb3c65ba7a3b2d1f33a3c681fda8896":[1,0,1,0,64,9], -"classmlx_1_1core_1_1_expand_dims.html#a2fb3c65ba7a3b2d1f33a3c681fda8896":[2,0,1,0,61,9], -"classmlx_1_1core_1_1_expand_dims.html#a34058a87582a6ab2e5d82a75bc713030":[1,0,1,0,64,1], -"classmlx_1_1core_1_1_expand_dims.html#a34058a87582a6ab2e5d82a75bc713030":[2,0,1,0,61,1], -"classmlx_1_1core_1_1_expand_dims.html#a380c9ddc25a1f973c3d71b42f8a19486":[1,0,1,0,64,10], -"classmlx_1_1core_1_1_expand_dims.html#a380c9ddc25a1f973c3d71b42f8a19486":[2,0,1,0,61,10], -"classmlx_1_1core_1_1_expand_dims.html#a3814ad4697eccb75fdb9275017a3fd67":[1,0,1,0,64,5], -"classmlx_1_1core_1_1_expand_dims.html#a3814ad4697eccb75fdb9275017a3fd67":[2,0,1,0,61,5], -"classmlx_1_1core_1_1_expand_dims.html#a7cacc704c533c00ba072f0a7872631cf":[1,0,1,0,64,8], -"classmlx_1_1core_1_1_expand_dims.html#a7cacc704c533c00ba072f0a7872631cf":[2,0,1,0,61,8], -"classmlx_1_1core_1_1_expand_dims.html#ac8f1d849562b2222158fbe476fc2dc2e":[1,0,1,0,64,7], -"classmlx_1_1core_1_1_expand_dims.html#ac8f1d849562b2222158fbe476fc2dc2e":[2,0,1,0,61,7], -"classmlx_1_1core_1_1_expand_dims.html#ad350ede3abecc55371ddeb89fbba2b90":[1,0,1,0,64,2], -"classmlx_1_1core_1_1_expand_dims.html#ad350ede3abecc55371ddeb89fbba2b90":[2,0,1,0,61,2], -"classmlx_1_1core_1_1_expand_dims.html#aea2479ea4dd93941eb83a22e087983a8":[1,0,1,0,64,0], -"classmlx_1_1core_1_1_expand_dims.html#aea2479ea4dd93941eb83a22e087983a8":[2,0,1,0,61,0], -"classmlx_1_1core_1_1_expand_dims.html#aef468da4027527afec7b24161ce1e1f3":[1,0,1,0,64,3], -"classmlx_1_1core_1_1_expand_dims.html#aef468da4027527afec7b24161ce1e1f3":[2,0,1,0,61,3], -"classmlx_1_1core_1_1_expand_dims.html#af64bd4bc2cc5f5c58869f34cd974bb3c":[1,0,1,0,64,6], -"classmlx_1_1core_1_1_expand_dims.html#af64bd4bc2cc5f5c58869f34cd974bb3c":[2,0,1,0,61,6], -"classmlx_1_1core_1_1_expm1.html":[1,0,1,0,65], -"classmlx_1_1core_1_1_expm1.html":[2,0,1,0,62], -"classmlx_1_1core_1_1_expm1.html#a47c2a1b2a4ef6bb07ba77c55ddddaec2":[1,0,1,0,65,0], -"classmlx_1_1core_1_1_expm1.html#a47c2a1b2a4ef6bb07ba77c55ddddaec2":[2,0,1,0,62,0], -"classmlx_1_1core_1_1_expm1.html#a82930071f4b77d883b300f77966aff5f":[1,0,1,0,65,2], -"classmlx_1_1core_1_1_expm1.html#a82930071f4b77d883b300f77966aff5f":[2,0,1,0,62,2], -"classmlx_1_1core_1_1_expm1.html#aa4caa848b2ea97e71ee3dd33de039296":[1,0,1,0,65,7], -"classmlx_1_1core_1_1_expm1.html#aa4caa848b2ea97e71ee3dd33de039296":[2,0,1,0,62,7], -"classmlx_1_1core_1_1_expm1.html#ab9c8b7aa50fe4592d55f8957baac647a":[1,0,1,0,65,1], -"classmlx_1_1core_1_1_expm1.html#ab9c8b7aa50fe4592d55f8957baac647a":[2,0,1,0,62,1], -"classmlx_1_1core_1_1_expm1.html#ad463730632a00945d3a8addfdaec67b1":[1,0,1,0,65,3], -"classmlx_1_1core_1_1_expm1.html#ad463730632a00945d3a8addfdaec67b1":[2,0,1,0,62,3], -"classmlx_1_1core_1_1_expm1.html#ae78f03a204687f16164ed702cfc0d5cc":[1,0,1,0,65,4], -"classmlx_1_1core_1_1_expm1.html#ae78f03a204687f16164ed702cfc0d5cc":[2,0,1,0,62,4], -"classmlx_1_1core_1_1_expm1.html#af1a99266fc50aa5948cdd298e2916ef1":[1,0,1,0,65,5], -"classmlx_1_1core_1_1_expm1.html#af1a99266fc50aa5948cdd298e2916ef1":[2,0,1,0,62,5], -"classmlx_1_1core_1_1_expm1.html#af6ce416169190479c9792bb9cdbe2f43":[1,0,1,0,65,6], -"classmlx_1_1core_1_1_expm1.html#af6ce416169190479c9792bb9cdbe2f43":[2,0,1,0,62,6], -"classmlx_1_1core_1_1_f_f_t.html":[1,0,1,0,67], -"classmlx_1_1core_1_1_f_f_t.html":[2,0,1,0,64], -"classmlx_1_1core_1_1_f_f_t.html#a0cdce626ed2c8eeeecc6949418437839":[1,0,1,0,67,0], -"classmlx_1_1core_1_1_f_f_t.html#a0cdce626ed2c8eeeecc6949418437839":[2,0,1,0,64,0], -"classmlx_1_1core_1_1_f_f_t.html#a0ede3bc8b6d77d560c0a750b68fddc06":[1,0,1,0,67,3], -"classmlx_1_1core_1_1_f_f_t.html#a0ede3bc8b6d77d560c0a750b68fddc06":[2,0,1,0,64,3], -"classmlx_1_1core_1_1_f_f_t.html#a15a2a5f7647f5fb78611a251d3270edf":[1,0,1,0,67,5], -"classmlx_1_1core_1_1_f_f_t.html#a15a2a5f7647f5fb78611a251d3270edf":[2,0,1,0,64,5], -"classmlx_1_1core_1_1_f_f_t.html#a1c21b26d1e9ad7c4da78ae845721b2dd":[1,0,1,0,67,2], -"classmlx_1_1core_1_1_f_f_t.html#a1c21b26d1e9ad7c4da78ae845721b2dd":[2,0,1,0,64,2], -"classmlx_1_1core_1_1_f_f_t.html#a34578814b6576f7b7b447541984ecba6":[1,0,1,0,67,4], -"classmlx_1_1core_1_1_f_f_t.html#a34578814b6576f7b7b447541984ecba6":[2,0,1,0,64,4], -"classmlx_1_1core_1_1_f_f_t.html#a6bc262a0c2b5d4fe655e3e2e0ff28635":[1,0,1,0,67,1], -"classmlx_1_1core_1_1_f_f_t.html#a6bc262a0c2b5d4fe655e3e2e0ff28635":[2,0,1,0,64,1], -"classmlx_1_1core_1_1_f_f_t.html#a710c6f6e8412da0af0fdbe58fbae320e":[1,0,1,0,67,6], -"classmlx_1_1core_1_1_f_f_t.html#a710c6f6e8412da0af0fdbe58fbae320e":[2,0,1,0,64,6], -"classmlx_1_1core_1_1_f_f_t.html#aafc895614a6e368c0e6d64af20d01090":[1,0,1,0,67,7], -"classmlx_1_1core_1_1_f_f_t.html#aafc895614a6e368c0e6d64af20d01090":[2,0,1,0,64,7], -"classmlx_1_1core_1_1_f_f_t.html#ac32d6cc9b67289124f855ea68a61ede1":[1,0,1,0,67,8], -"classmlx_1_1core_1_1_f_f_t.html#ac32d6cc9b67289124f855ea68a61ede1":[2,0,1,0,64,8], -"classmlx_1_1core_1_1_fence.html":[1,0,1,0,66], -"classmlx_1_1core_1_1_fence.html":[2,0,1,0,63], -"classmlx_1_1core_1_1_fence.html#a1ccbe354d043e6c4d76286c6635a38e2":[1,0,1,0,66,3], -"classmlx_1_1core_1_1_fence.html#a1ccbe354d043e6c4d76286c6635a38e2":[2,0,1,0,63,3], -"classmlx_1_1core_1_1_fence.html#a3e3ed08eb6a1025b051b5a435f6f95f7":[1,0,1,0,66,0], -"classmlx_1_1core_1_1_fence.html#a3e3ed08eb6a1025b051b5a435f6f95f7":[2,0,1,0,63,0], -"classmlx_1_1core_1_1_fence.html#a653279d4023d69751a930a91d3bf010a":[1,0,1,0,66,1], -"classmlx_1_1core_1_1_fence.html#a653279d4023d69751a930a91d3bf010a":[2,0,1,0,63,1], -"classmlx_1_1core_1_1_fence.html#a6c5652aad6e93b06c72258bb8d9c19fc":[1,0,1,0,66,2], -"classmlx_1_1core_1_1_fence.html#a6c5652aad6e93b06c72258bb8d9c19fc":[2,0,1,0,63,2], -"classmlx_1_1core_1_1_fence.html#ab6d783dee02656ebb8ffcbbfa6de5b53":[1,0,1,0,66,4], -"classmlx_1_1core_1_1_fence.html#ab6d783dee02656ebb8ffcbbfa6de5b53":[2,0,1,0,63,4], -"classmlx_1_1core_1_1_flatten.html":[1,0,1,0,69], -"classmlx_1_1core_1_1_flatten.html":[2,0,1,0,66], -"classmlx_1_1core_1_1_flatten.html#a244a03915313286d36ed4d36b01a99f2":[1,0,1,0,69,10], -"classmlx_1_1core_1_1_flatten.html#a244a03915313286d36ed4d36b01a99f2":[2,0,1,0,66,10], -"classmlx_1_1core_1_1_flatten.html#a2f8e1defb9c33af2dec29ff8697132aa":[1,0,1,0,69,5], -"classmlx_1_1core_1_1_flatten.html#a2f8e1defb9c33af2dec29ff8697132aa":[2,0,1,0,66,5], -"classmlx_1_1core_1_1_flatten.html#a42499e796aac751fceb4628317cc58f4":[1,0,1,0,69,3], -"classmlx_1_1core_1_1_flatten.html#a42499e796aac751fceb4628317cc58f4":[2,0,1,0,66,3], -"classmlx_1_1core_1_1_flatten.html#a5069a73ba1e7b52b7b051f692db6d0d2":[1,0,1,0,69,6], -"classmlx_1_1core_1_1_flatten.html#a5069a73ba1e7b52b7b051f692db6d0d2":[2,0,1,0,66,6], -"classmlx_1_1core_1_1_flatten.html#a72ade7d22386b349712f6c7c1f619842":[1,0,1,0,69,1], -"classmlx_1_1core_1_1_flatten.html#a72ade7d22386b349712f6c7c1f619842":[2,0,1,0,66,1], -"classmlx_1_1core_1_1_flatten.html#ab549a8c38b63055e2d5cd672f7676aab":[1,0,1,0,69,9], -"classmlx_1_1core_1_1_flatten.html#ab549a8c38b63055e2d5cd672f7676aab":[2,0,1,0,66,9], -"classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780":[1,0,1,0,69,0], -"classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780":[2,0,1,0,66,0], -"classmlx_1_1core_1_1_flatten.html#acb2219cc122d218b273af2cb9a882e7f":[1,0,1,0,69,2], -"classmlx_1_1core_1_1_flatten.html#acb2219cc122d218b273af2cb9a882e7f":[2,0,1,0,66,2], -"classmlx_1_1core_1_1_flatten.html#ad0495ee66601c7527d836d2db77a6aec":[1,0,1,0,69,7], -"classmlx_1_1core_1_1_flatten.html#ad0495ee66601c7527d836d2db77a6aec":[2,0,1,0,66,7], -"classmlx_1_1core_1_1_flatten.html#ae0351b8d8088baa09db927ac8546186b":[1,0,1,0,69,4], -"classmlx_1_1core_1_1_flatten.html#ae0351b8d8088baa09db927ac8546186b":[2,0,1,0,66,4], -"classmlx_1_1core_1_1_flatten.html#af95dd89c47cd2342233dc0b6d36822a3":[1,0,1,0,69,8], -"classmlx_1_1core_1_1_flatten.html#af95dd89c47cd2342233dc0b6d36822a3":[2,0,1,0,66,8], -"classmlx_1_1core_1_1_floor.html":[1,0,1,0,70], -"classmlx_1_1core_1_1_floor.html":[2,0,1,0,67], -"classmlx_1_1core_1_1_floor.html#a0a62dee6df6a82fcd955bf7670be2cd5":[1,0,1,0,70,5], -"classmlx_1_1core_1_1_floor.html#a0a62dee6df6a82fcd955bf7670be2cd5":[2,0,1,0,67,5], -"classmlx_1_1core_1_1_floor.html#a1a7dc5f571b7b73e7ef3cbdc1dd1fcf7":[1,0,1,0,70,1], -"classmlx_1_1core_1_1_floor.html#a1a7dc5f571b7b73e7ef3cbdc1dd1fcf7":[2,0,1,0,67,1], -"classmlx_1_1core_1_1_floor.html#a24b64feb026c4fcd02fc481cffdb1c94":[1,0,1,0,70,3], -"classmlx_1_1core_1_1_floor.html#a24b64feb026c4fcd02fc481cffdb1c94":[2,0,1,0,67,3], -"classmlx_1_1core_1_1_floor.html#a589e2cf99b6fd1a5ba85534a2a31338e":[1,0,1,0,70,7], -"classmlx_1_1core_1_1_floor.html#a589e2cf99b6fd1a5ba85534a2a31338e":[2,0,1,0,67,7], -"classmlx_1_1core_1_1_floor.html#aa47bc360ec563b6e7d93e8b50626d8af":[1,0,1,0,70,4], -"classmlx_1_1core_1_1_floor.html#aa47bc360ec563b6e7d93e8b50626d8af":[2,0,1,0,67,4], -"classmlx_1_1core_1_1_floor.html#aaa29c83538099eb8f951c95a41f2eb65":[1,0,1,0,70,2], -"classmlx_1_1core_1_1_floor.html#aaa29c83538099eb8f951c95a41f2eb65":[2,0,1,0,67,2], -"classmlx_1_1core_1_1_floor.html#ac289e87c5fac15e2f491e2513be610f6":[1,0,1,0,70,6], -"classmlx_1_1core_1_1_floor.html#ac289e87c5fac15e2f491e2513be610f6":[2,0,1,0,67,6] +"classmlx_1_1core_1_1_dynamic_slice_update.html#a750fb3548d8f3a5c6f4e54958649936f":[1,0,1,0,58,9], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a750fb3548d8f3a5c6f4e54958649936f":[2,0,1,0,55,9], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a804c03c745fc563e209a7bfb3d425a91":[1,0,1,0,58,5], +"classmlx_1_1core_1_1_dynamic_slice_update.html#a804c03c745fc563e209a7bfb3d425a91":[2,0,1,0,55,5], +"classmlx_1_1core_1_1_dynamic_slice_update.html#ab2817cb9d1bfcd3de6454d841909da1f":[1,0,1,0,58,8], +"classmlx_1_1core_1_1_dynamic_slice_update.html#ab2817cb9d1bfcd3de6454d841909da1f":[2,0,1,0,55,8], +"classmlx_1_1core_1_1_dynamic_slice_update.html#ad1eae28869ebc2ecad87a9a01e314d56":[1,0,1,0,58,4], +"classmlx_1_1core_1_1_dynamic_slice_update.html#ad1eae28869ebc2ecad87a9a01e314d56":[2,0,1,0,55,4], +"classmlx_1_1core_1_1_dynamic_slice_update.html#ae6292d2b1f3221a7c8ef6b77cb466481":[1,0,1,0,58,3], +"classmlx_1_1core_1_1_dynamic_slice_update.html#ae6292d2b1f3221a7c8ef6b77cb466481":[2,0,1,0,55,3], +"classmlx_1_1core_1_1_eigh.html":[1,0,1,0,59], +"classmlx_1_1core_1_1_eigh.html":[2,0,1,0,56], +"classmlx_1_1core_1_1_eigh.html#a09414e3fe88a952408d164d6dd0af381":[1,0,1,0,59,3], +"classmlx_1_1core_1_1_eigh.html#a09414e3fe88a952408d164d6dd0af381":[2,0,1,0,56,3], +"classmlx_1_1core_1_1_eigh.html#a2b8e47ecd60cd7330716761c5fb1fe84":[1,0,1,0,59,5], +"classmlx_1_1core_1_1_eigh.html#a2b8e47ecd60cd7330716761c5fb1fe84":[2,0,1,0,56,5], +"classmlx_1_1core_1_1_eigh.html#a67775b41c0a15e356f08d51d9736baa2":[1,0,1,0,59,2], +"classmlx_1_1core_1_1_eigh.html#a67775b41c0a15e356f08d51d9736baa2":[2,0,1,0,56,2], +"classmlx_1_1core_1_1_eigh.html#a894b32e17229394f6a43b4a0655fd8be":[1,0,1,0,59,1], +"classmlx_1_1core_1_1_eigh.html#a894b32e17229394f6a43b4a0655fd8be":[2,0,1,0,56,1], +"classmlx_1_1core_1_1_eigh.html#a9892f5b72dec19a5a2f7af5efcf2a952":[1,0,1,0,59,4], +"classmlx_1_1core_1_1_eigh.html#a9892f5b72dec19a5a2f7af5efcf2a952":[2,0,1,0,56,4], +"classmlx_1_1core_1_1_eigh.html#aa3b6c33b5679c5528863f3de2ab2f914":[1,0,1,0,59,6], +"classmlx_1_1core_1_1_eigh.html#aa3b6c33b5679c5528863f3de2ab2f914":[2,0,1,0,56,6], +"classmlx_1_1core_1_1_eigh.html#ab2f2ea5326e2f6045f9b7250692c240f":[1,0,1,0,59,7], +"classmlx_1_1core_1_1_eigh.html#ab2f2ea5326e2f6045f9b7250692c240f":[2,0,1,0,56,7], +"classmlx_1_1core_1_1_eigh.html#ad8f5d012ebd5942abeffecca77fcddda":[1,0,1,0,59,0], +"classmlx_1_1core_1_1_eigh.html#ad8f5d012ebd5942abeffecca77fcddda":[2,0,1,0,56,0], +"classmlx_1_1core_1_1_equal.html":[1,0,1,0,60], +"classmlx_1_1core_1_1_equal.html":[2,0,1,0,57], +"classmlx_1_1core_1_1_equal.html#a0787bf32f0b405a8b2ac809d2d990774":[1,0,1,0,60,6], +"classmlx_1_1core_1_1_equal.html#a0787bf32f0b405a8b2ac809d2d990774":[2,0,1,0,57,6], +"classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36":[1,0,1,0,60,0], +"classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36":[2,0,1,0,57,0], +"classmlx_1_1core_1_1_equal.html#a58c1c5003e43f47dc0788c1851deaa02":[1,0,1,0,60,3], +"classmlx_1_1core_1_1_equal.html#a58c1c5003e43f47dc0788c1851deaa02":[2,0,1,0,57,3], +"classmlx_1_1core_1_1_equal.html#a659d484589d7cd96d038922a1a98730f":[1,0,1,0,60,4], +"classmlx_1_1core_1_1_equal.html#a659d484589d7cd96d038922a1a98730f":[2,0,1,0,57,4], +"classmlx_1_1core_1_1_equal.html#aa27ff7525f109edc56b731a6df78f6bc":[1,0,1,0,60,7], +"classmlx_1_1core_1_1_equal.html#aa27ff7525f109edc56b731a6df78f6bc":[2,0,1,0,57,7], +"classmlx_1_1core_1_1_equal.html#aabb8aa61fa581defddcdca1274b1b454":[1,0,1,0,60,1], +"classmlx_1_1core_1_1_equal.html#aabb8aa61fa581defddcdca1274b1b454":[2,0,1,0,57,1], +"classmlx_1_1core_1_1_equal.html#ac3757001fec42ceb5ece2954df42161c":[1,0,1,0,60,2], +"classmlx_1_1core_1_1_equal.html#ac3757001fec42ceb5ece2954df42161c":[2,0,1,0,57,2], +"classmlx_1_1core_1_1_equal.html#ae714c2b0641fc9c339a2f8483bb4e257":[1,0,1,0,60,5], +"classmlx_1_1core_1_1_equal.html#ae714c2b0641fc9c339a2f8483bb4e257":[2,0,1,0,57,5], +"classmlx_1_1core_1_1_equal.html#aea9cc3c88924ac824d72c39c2e83b0ca":[1,0,1,0,60,9], +"classmlx_1_1core_1_1_equal.html#aea9cc3c88924ac824d72c39c2e83b0ca":[2,0,1,0,57,9], +"classmlx_1_1core_1_1_equal.html#af3c1bfcd1bf50922fc00e302bb193736":[1,0,1,0,60,8], +"classmlx_1_1core_1_1_equal.html#af3c1bfcd1bf50922fc00e302bb193736":[2,0,1,0,57,8], +"classmlx_1_1core_1_1_erf.html":[1,0,1,0,61], +"classmlx_1_1core_1_1_erf.html":[2,0,1,0,58], +"classmlx_1_1core_1_1_erf.html#a186af7b783cf832c3b25eec3a09f5a0c":[1,0,1,0,61,6], +"classmlx_1_1core_1_1_erf.html#a186af7b783cf832c3b25eec3a09f5a0c":[2,0,1,0,58,6], +"classmlx_1_1core_1_1_erf.html#a1f529e95a42a2d69a8b18979d3ee2909":[1,0,1,0,61,7], +"classmlx_1_1core_1_1_erf.html#a1f529e95a42a2d69a8b18979d3ee2909":[2,0,1,0,58,7], +"classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82":[1,0,1,0,61,0], +"classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82":[2,0,1,0,58,0], +"classmlx_1_1core_1_1_erf.html#a84ea16e43d5b7f83bbc2d5ece78a3fb6":[1,0,1,0,61,1], +"classmlx_1_1core_1_1_erf.html#a84ea16e43d5b7f83bbc2d5ece78a3fb6":[2,0,1,0,58,1], +"classmlx_1_1core_1_1_erf.html#abe554f553356654a3e800ba368108aaa":[1,0,1,0,61,8], +"classmlx_1_1core_1_1_erf.html#abe554f553356654a3e800ba368108aaa":[2,0,1,0,58,8], +"classmlx_1_1core_1_1_erf.html#abe99dfbc2954c3a7d5dec56ab165ee82":[1,0,1,0,61,3], +"classmlx_1_1core_1_1_erf.html#abe99dfbc2954c3a7d5dec56ab165ee82":[2,0,1,0,58,3], +"classmlx_1_1core_1_1_erf.html#ac733d605d80277d613954794eb8c46fe":[1,0,1,0,61,4], +"classmlx_1_1core_1_1_erf.html#ac733d605d80277d613954794eb8c46fe":[2,0,1,0,58,4], +"classmlx_1_1core_1_1_erf.html#ace70b96c48419e29243982ed697f6411":[1,0,1,0,61,5], +"classmlx_1_1core_1_1_erf.html#ace70b96c48419e29243982ed697f6411":[2,0,1,0,58,5], +"classmlx_1_1core_1_1_erf.html#ad8551be664d767dccc3c0d8cc1eca008":[1,0,1,0,61,2], +"classmlx_1_1core_1_1_erf.html#ad8551be664d767dccc3c0d8cc1eca008":[2,0,1,0,58,2], +"classmlx_1_1core_1_1_erf_inv.html":[1,0,1,0,62], +"classmlx_1_1core_1_1_erf_inv.html":[2,0,1,0,59], +"classmlx_1_1core_1_1_erf_inv.html#a067cac7a7244b4dae6629c7e4466589f":[1,0,1,0,62,5], +"classmlx_1_1core_1_1_erf_inv.html#a067cac7a7244b4dae6629c7e4466589f":[2,0,1,0,59,5], +"classmlx_1_1core_1_1_erf_inv.html#a0acb31bd5780abf61877bd1a3e0fd4f9":[1,0,1,0,62,6], +"classmlx_1_1core_1_1_erf_inv.html#a0acb31bd5780abf61877bd1a3e0fd4f9":[2,0,1,0,59,6], +"classmlx_1_1core_1_1_erf_inv.html#a48afff12a58ddefae7ae0245c3580189":[1,0,1,0,62,7], +"classmlx_1_1core_1_1_erf_inv.html#a48afff12a58ddefae7ae0245c3580189":[2,0,1,0,59,7], +"classmlx_1_1core_1_1_erf_inv.html#a4a2413d0634db1f3dae1806ddfa632db":[1,0,1,0,62,2], +"classmlx_1_1core_1_1_erf_inv.html#a4a2413d0634db1f3dae1806ddfa632db":[2,0,1,0,59,2], +"classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478":[1,0,1,0,62,0], +"classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478":[2,0,1,0,59,0], +"classmlx_1_1core_1_1_erf_inv.html#aa52710297ab6f7cd6826418c303e64be":[1,0,1,0,62,4], +"classmlx_1_1core_1_1_erf_inv.html#aa52710297ab6f7cd6826418c303e64be":[2,0,1,0,59,4], +"classmlx_1_1core_1_1_erf_inv.html#aaac9e3b454ba564f9c6e804ab6562832":[1,0,1,0,62,3], +"classmlx_1_1core_1_1_erf_inv.html#aaac9e3b454ba564f9c6e804ab6562832":[2,0,1,0,59,3], +"classmlx_1_1core_1_1_erf_inv.html#ad5d7634e8568af8cc4a54a558a48d0e9":[1,0,1,0,62,8], +"classmlx_1_1core_1_1_erf_inv.html#ad5d7634e8568af8cc4a54a558a48d0e9":[2,0,1,0,59,8], +"classmlx_1_1core_1_1_erf_inv.html#af579627402af3249565134884701d39e":[1,0,1,0,62,1], +"classmlx_1_1core_1_1_erf_inv.html#af579627402af3249565134884701d39e":[2,0,1,0,59,1], +"classmlx_1_1core_1_1_event.html":[1,0,1,0,63], +"classmlx_1_1core_1_1_event.html":[2,0,1,0,60], +"classmlx_1_1core_1_1_event.html#a05a9a3de88185b4a89e154242b4e770a":[1,0,1,0,63,2], +"classmlx_1_1core_1_1_event.html#a05a9a3de88185b4a89e154242b4e770a":[2,0,1,0,60,2], +"classmlx_1_1core_1_1_event.html#a0d077b11f4b28f882b42440b7ac6d40d":[1,0,1,0,63,3], +"classmlx_1_1core_1_1_event.html#a0d077b11f4b28f882b42440b7ac6d40d":[2,0,1,0,60,3], +"classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614":[1,0,1,0,63,6], +"classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614":[2,0,1,0,60,6], +"classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252":[1,0,1,0,63,9], +"classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252":[2,0,1,0,60,9], +"classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89":[1,0,1,0,63,4], +"classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89":[2,0,1,0,60,4], +"classmlx_1_1core_1_1_event.html#a98f1f98d6cac43ddb682522acdce63d5":[1,0,1,0,63,0], +"classmlx_1_1core_1_1_event.html#a98f1f98d6cac43ddb682522acdce63d5":[2,0,1,0,60,0], +"classmlx_1_1core_1_1_event.html#aa77afd9669e2ef9d5e9ae1c2c6fd24fa":[1,0,1,0,63,7], +"classmlx_1_1core_1_1_event.html#aa77afd9669e2ef9d5e9ae1c2c6fd24fa":[2,0,1,0,60,7], +"classmlx_1_1core_1_1_event.html#ab514bd9e9c21d1fdd7c1460dc7d0ec7f":[1,0,1,0,63,5], +"classmlx_1_1core_1_1_event.html#ab514bd9e9c21d1fdd7c1460dc7d0ec7f":[2,0,1,0,60,5], +"classmlx_1_1core_1_1_event.html#ab71c7baee3d1d02ad6a2001bbf90b970":[1,0,1,0,63,8], +"classmlx_1_1core_1_1_event.html#ab71c7baee3d1d02ad6a2001bbf90b970":[2,0,1,0,60,8], +"classmlx_1_1core_1_1_event.html#ac58282a36a02aed7a5bd59b1602d11a8":[1,0,1,0,63,10], +"classmlx_1_1core_1_1_event.html#ac58282a36a02aed7a5bd59b1602d11a8":[2,0,1,0,60,10], +"classmlx_1_1core_1_1_event.html#acdc48fc71fcf3f8d128be029d63b7826":[1,0,1,0,63,1], +"classmlx_1_1core_1_1_event.html#acdc48fc71fcf3f8d128be029d63b7826":[2,0,1,0,60,1], +"classmlx_1_1core_1_1_exp.html":[1,0,1,0,64], +"classmlx_1_1core_1_1_exp.html":[2,0,1,0,61], +"classmlx_1_1core_1_1_exp.html#a0fcd579fe148b4c3dbc72e514b81bb37":[1,0,1,0,64,8], +"classmlx_1_1core_1_1_exp.html#a0fcd579fe148b4c3dbc72e514b81bb37":[2,0,1,0,61,8], +"classmlx_1_1core_1_1_exp.html#a1d0a618cbb91ab29ef53b57ff6ed6e06":[1,0,1,0,64,0], +"classmlx_1_1core_1_1_exp.html#a1d0a618cbb91ab29ef53b57ff6ed6e06":[2,0,1,0,61,0], +"classmlx_1_1core_1_1_exp.html#a47934c5a5023bc7ae7ae89bff45ebb2c":[1,0,1,0,64,1], +"classmlx_1_1core_1_1_exp.html#a47934c5a5023bc7ae7ae89bff45ebb2c":[2,0,1,0,61,1], +"classmlx_1_1core_1_1_exp.html#a7d63695a97a14760fd33b5d4e6590822":[1,0,1,0,64,2], +"classmlx_1_1core_1_1_exp.html#a7d63695a97a14760fd33b5d4e6590822":[2,0,1,0,61,2], +"classmlx_1_1core_1_1_exp.html#a94b9b7d137c3640d290b96c5e8b7e1a8":[1,0,1,0,64,7], +"classmlx_1_1core_1_1_exp.html#a94b9b7d137c3640d290b96c5e8b7e1a8":[2,0,1,0,61,7], +"classmlx_1_1core_1_1_exp.html#ac6e44bffe7a643ab4ca51e74c7328357":[1,0,1,0,64,3], +"classmlx_1_1core_1_1_exp.html#ac6e44bffe7a643ab4ca51e74c7328357":[2,0,1,0,61,3], +"classmlx_1_1core_1_1_exp.html#ad87cc1b2ae595a613b03b0fdca63ae6a":[1,0,1,0,64,6], +"classmlx_1_1core_1_1_exp.html#ad87cc1b2ae595a613b03b0fdca63ae6a":[2,0,1,0,61,6], +"classmlx_1_1core_1_1_exp.html#aef2b3c24dba3ca3a63a210d3bd8e39b6":[1,0,1,0,64,5], +"classmlx_1_1core_1_1_exp.html#aef2b3c24dba3ca3a63a210d3bd8e39b6":[2,0,1,0,61,5], +"classmlx_1_1core_1_1_exp.html#aef6721832fcc283b082e35a7d436fa59":[1,0,1,0,64,4], +"classmlx_1_1core_1_1_exp.html#aef6721832fcc283b082e35a7d436fa59":[2,0,1,0,61,4], +"classmlx_1_1core_1_1_expand_dims.html":[1,0,1,0,65], +"classmlx_1_1core_1_1_expand_dims.html":[2,0,1,0,62], +"classmlx_1_1core_1_1_expand_dims.html#a2ccfe836a715dd8fa908731523f3ce5f":[1,0,1,0,65,4], +"classmlx_1_1core_1_1_expand_dims.html#a2ccfe836a715dd8fa908731523f3ce5f":[2,0,1,0,62,4], +"classmlx_1_1core_1_1_expand_dims.html#a2fb3c65ba7a3b2d1f33a3c681fda8896":[1,0,1,0,65,9], +"classmlx_1_1core_1_1_expand_dims.html#a2fb3c65ba7a3b2d1f33a3c681fda8896":[2,0,1,0,62,9], +"classmlx_1_1core_1_1_expand_dims.html#a34058a87582a6ab2e5d82a75bc713030":[1,0,1,0,65,1], +"classmlx_1_1core_1_1_expand_dims.html#a34058a87582a6ab2e5d82a75bc713030":[2,0,1,0,62,1], +"classmlx_1_1core_1_1_expand_dims.html#a380c9ddc25a1f973c3d71b42f8a19486":[1,0,1,0,65,10], +"classmlx_1_1core_1_1_expand_dims.html#a380c9ddc25a1f973c3d71b42f8a19486":[2,0,1,0,62,10], +"classmlx_1_1core_1_1_expand_dims.html#a3814ad4697eccb75fdb9275017a3fd67":[1,0,1,0,65,5], +"classmlx_1_1core_1_1_expand_dims.html#a3814ad4697eccb75fdb9275017a3fd67":[2,0,1,0,62,5], +"classmlx_1_1core_1_1_expand_dims.html#a7cacc704c533c00ba072f0a7872631cf":[1,0,1,0,65,8], +"classmlx_1_1core_1_1_expand_dims.html#a7cacc704c533c00ba072f0a7872631cf":[2,0,1,0,62,8], +"classmlx_1_1core_1_1_expand_dims.html#ac8f1d849562b2222158fbe476fc2dc2e":[1,0,1,0,65,7], +"classmlx_1_1core_1_1_expand_dims.html#ac8f1d849562b2222158fbe476fc2dc2e":[2,0,1,0,62,7], +"classmlx_1_1core_1_1_expand_dims.html#ad350ede3abecc55371ddeb89fbba2b90":[1,0,1,0,65,2], +"classmlx_1_1core_1_1_expand_dims.html#ad350ede3abecc55371ddeb89fbba2b90":[2,0,1,0,62,2], +"classmlx_1_1core_1_1_expand_dims.html#aea2479ea4dd93941eb83a22e087983a8":[1,0,1,0,65,0], +"classmlx_1_1core_1_1_expand_dims.html#aea2479ea4dd93941eb83a22e087983a8":[2,0,1,0,62,0], +"classmlx_1_1core_1_1_expand_dims.html#aef468da4027527afec7b24161ce1e1f3":[1,0,1,0,65,3], +"classmlx_1_1core_1_1_expand_dims.html#aef468da4027527afec7b24161ce1e1f3":[2,0,1,0,62,3], +"classmlx_1_1core_1_1_expand_dims.html#af64bd4bc2cc5f5c58869f34cd974bb3c":[1,0,1,0,65,6], +"classmlx_1_1core_1_1_expand_dims.html#af64bd4bc2cc5f5c58869f34cd974bb3c":[2,0,1,0,62,6], +"classmlx_1_1core_1_1_expm1.html":[1,0,1,0,66], +"classmlx_1_1core_1_1_expm1.html":[2,0,1,0,63], +"classmlx_1_1core_1_1_expm1.html#a47c2a1b2a4ef6bb07ba77c55ddddaec2":[1,0,1,0,66,0], +"classmlx_1_1core_1_1_expm1.html#a47c2a1b2a4ef6bb07ba77c55ddddaec2":[2,0,1,0,63,0], +"classmlx_1_1core_1_1_expm1.html#a82930071f4b77d883b300f77966aff5f":[1,0,1,0,66,2], +"classmlx_1_1core_1_1_expm1.html#a82930071f4b77d883b300f77966aff5f":[2,0,1,0,63,2], +"classmlx_1_1core_1_1_expm1.html#aa4caa848b2ea97e71ee3dd33de039296":[1,0,1,0,66,7], +"classmlx_1_1core_1_1_expm1.html#aa4caa848b2ea97e71ee3dd33de039296":[2,0,1,0,63,7], +"classmlx_1_1core_1_1_expm1.html#ab9c8b7aa50fe4592d55f8957baac647a":[1,0,1,0,66,1], +"classmlx_1_1core_1_1_expm1.html#ab9c8b7aa50fe4592d55f8957baac647a":[2,0,1,0,63,1], +"classmlx_1_1core_1_1_expm1.html#ad463730632a00945d3a8addfdaec67b1":[1,0,1,0,66,3], +"classmlx_1_1core_1_1_expm1.html#ad463730632a00945d3a8addfdaec67b1":[2,0,1,0,63,3], +"classmlx_1_1core_1_1_expm1.html#ae78f03a204687f16164ed702cfc0d5cc":[1,0,1,0,66,4], +"classmlx_1_1core_1_1_expm1.html#ae78f03a204687f16164ed702cfc0d5cc":[2,0,1,0,63,4], +"classmlx_1_1core_1_1_expm1.html#af1a99266fc50aa5948cdd298e2916ef1":[1,0,1,0,66,5], +"classmlx_1_1core_1_1_expm1.html#af1a99266fc50aa5948cdd298e2916ef1":[2,0,1,0,63,5], +"classmlx_1_1core_1_1_expm1.html#af6ce416169190479c9792bb9cdbe2f43":[1,0,1,0,66,6], +"classmlx_1_1core_1_1_expm1.html#af6ce416169190479c9792bb9cdbe2f43":[2,0,1,0,63,6], +"classmlx_1_1core_1_1_f_f_t.html":[1,0,1,0,68], +"classmlx_1_1core_1_1_f_f_t.html":[2,0,1,0,65], +"classmlx_1_1core_1_1_f_f_t.html#a0cdce626ed2c8eeeecc6949418437839":[1,0,1,0,68,0], +"classmlx_1_1core_1_1_f_f_t.html#a0cdce626ed2c8eeeecc6949418437839":[2,0,1,0,65,0], +"classmlx_1_1core_1_1_f_f_t.html#a0ede3bc8b6d77d560c0a750b68fddc06":[1,0,1,0,68,3], +"classmlx_1_1core_1_1_f_f_t.html#a0ede3bc8b6d77d560c0a750b68fddc06":[2,0,1,0,65,3], +"classmlx_1_1core_1_1_f_f_t.html#a15a2a5f7647f5fb78611a251d3270edf":[1,0,1,0,68,5], +"classmlx_1_1core_1_1_f_f_t.html#a15a2a5f7647f5fb78611a251d3270edf":[2,0,1,0,65,5], +"classmlx_1_1core_1_1_f_f_t.html#a1c21b26d1e9ad7c4da78ae845721b2dd":[1,0,1,0,68,2], +"classmlx_1_1core_1_1_f_f_t.html#a1c21b26d1e9ad7c4da78ae845721b2dd":[2,0,1,0,65,2], +"classmlx_1_1core_1_1_f_f_t.html#a34578814b6576f7b7b447541984ecba6":[1,0,1,0,68,4], +"classmlx_1_1core_1_1_f_f_t.html#a34578814b6576f7b7b447541984ecba6":[2,0,1,0,65,4], +"classmlx_1_1core_1_1_f_f_t.html#a6bc262a0c2b5d4fe655e3e2e0ff28635":[1,0,1,0,68,1], +"classmlx_1_1core_1_1_f_f_t.html#a6bc262a0c2b5d4fe655e3e2e0ff28635":[2,0,1,0,65,1], +"classmlx_1_1core_1_1_f_f_t.html#a710c6f6e8412da0af0fdbe58fbae320e":[1,0,1,0,68,6], +"classmlx_1_1core_1_1_f_f_t.html#a710c6f6e8412da0af0fdbe58fbae320e":[2,0,1,0,65,6], +"classmlx_1_1core_1_1_f_f_t.html#aafc895614a6e368c0e6d64af20d01090":[1,0,1,0,68,7], +"classmlx_1_1core_1_1_f_f_t.html#aafc895614a6e368c0e6d64af20d01090":[2,0,1,0,65,7], +"classmlx_1_1core_1_1_f_f_t.html#ac32d6cc9b67289124f855ea68a61ede1":[1,0,1,0,68,8], +"classmlx_1_1core_1_1_f_f_t.html#ac32d6cc9b67289124f855ea68a61ede1":[2,0,1,0,65,8], +"classmlx_1_1core_1_1_fence.html":[1,0,1,0,67], +"classmlx_1_1core_1_1_fence.html":[2,0,1,0,64], +"classmlx_1_1core_1_1_fence.html#a19438c60b5e9c6f64529c8f0329ead13":[1,0,1,0,67,2], +"classmlx_1_1core_1_1_fence.html#a19438c60b5e9c6f64529c8f0329ead13":[2,0,1,0,64,2], +"classmlx_1_1core_1_1_fence.html#a7cabe72d8b165344ff9f7118975b6214":[1,0,1,0,67,1], +"classmlx_1_1core_1_1_fence.html#a7cabe72d8b165344ff9f7118975b6214":[2,0,1,0,64,1], +"classmlx_1_1core_1_1_fence.html#a9d9bc0b57f741577a34f8dfd3b1de8f2":[1,0,1,0,67,3], +"classmlx_1_1core_1_1_fence.html#a9d9bc0b57f741577a34f8dfd3b1de8f2":[2,0,1,0,64,3], +"classmlx_1_1core_1_1_fence.html#aeb09655b3ef4db12810defebdbbdac33":[1,0,1,0,67,0], +"classmlx_1_1core_1_1_fence.html#aeb09655b3ef4db12810defebdbbdac33":[2,0,1,0,64,0], +"classmlx_1_1core_1_1_flatten.html":[1,0,1,0,70], +"classmlx_1_1core_1_1_flatten.html":[2,0,1,0,67], +"classmlx_1_1core_1_1_flatten.html#a244a03915313286d36ed4d36b01a99f2":[1,0,1,0,70,10], +"classmlx_1_1core_1_1_flatten.html#a244a03915313286d36ed4d36b01a99f2":[2,0,1,0,67,10], +"classmlx_1_1core_1_1_flatten.html#a2f8e1defb9c33af2dec29ff8697132aa":[1,0,1,0,70,5], +"classmlx_1_1core_1_1_flatten.html#a2f8e1defb9c33af2dec29ff8697132aa":[2,0,1,0,67,5], +"classmlx_1_1core_1_1_flatten.html#a42499e796aac751fceb4628317cc58f4":[1,0,1,0,70,3], +"classmlx_1_1core_1_1_flatten.html#a42499e796aac751fceb4628317cc58f4":[2,0,1,0,67,3], +"classmlx_1_1core_1_1_flatten.html#a5069a73ba1e7b52b7b051f692db6d0d2":[1,0,1,0,70,6], +"classmlx_1_1core_1_1_flatten.html#a5069a73ba1e7b52b7b051f692db6d0d2":[2,0,1,0,67,6], +"classmlx_1_1core_1_1_flatten.html#a72ade7d22386b349712f6c7c1f619842":[1,0,1,0,70,1], +"classmlx_1_1core_1_1_flatten.html#a72ade7d22386b349712f6c7c1f619842":[2,0,1,0,67,1], +"classmlx_1_1core_1_1_flatten.html#ab549a8c38b63055e2d5cd672f7676aab":[1,0,1,0,70,9], +"classmlx_1_1core_1_1_flatten.html#ab549a8c38b63055e2d5cd672f7676aab":[2,0,1,0,67,9], +"classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780":[1,0,1,0,70,0], +"classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780":[2,0,1,0,67,0], +"classmlx_1_1core_1_1_flatten.html#acb2219cc122d218b273af2cb9a882e7f":[1,0,1,0,70,2], +"classmlx_1_1core_1_1_flatten.html#acb2219cc122d218b273af2cb9a882e7f":[2,0,1,0,67,2], +"classmlx_1_1core_1_1_flatten.html#ad0495ee66601c7527d836d2db77a6aec":[1,0,1,0,70,7], +"classmlx_1_1core_1_1_flatten.html#ad0495ee66601c7527d836d2db77a6aec":[2,0,1,0,67,7], +"classmlx_1_1core_1_1_flatten.html#ae0351b8d8088baa09db927ac8546186b":[1,0,1,0,70,4], +"classmlx_1_1core_1_1_flatten.html#ae0351b8d8088baa09db927ac8546186b":[2,0,1,0,67,4], +"classmlx_1_1core_1_1_flatten.html#af95dd89c47cd2342233dc0b6d36822a3":[1,0,1,0,70,8], +"classmlx_1_1core_1_1_flatten.html#af95dd89c47cd2342233dc0b6d36822a3":[2,0,1,0,67,8], +"classmlx_1_1core_1_1_floor.html":[1,0,1,0,71], +"classmlx_1_1core_1_1_floor.html":[2,0,1,0,68], +"classmlx_1_1core_1_1_floor.html#a0a62dee6df6a82fcd955bf7670be2cd5":[1,0,1,0,71,5], +"classmlx_1_1core_1_1_floor.html#a0a62dee6df6a82fcd955bf7670be2cd5":[2,0,1,0,68,5], +"classmlx_1_1core_1_1_floor.html#a1a7dc5f571b7b73e7ef3cbdc1dd1fcf7":[1,0,1,0,71,1], +"classmlx_1_1core_1_1_floor.html#a1a7dc5f571b7b73e7ef3cbdc1dd1fcf7":[2,0,1,0,68,1], +"classmlx_1_1core_1_1_floor.html#a24b64feb026c4fcd02fc481cffdb1c94":[1,0,1,0,71,3], +"classmlx_1_1core_1_1_floor.html#a24b64feb026c4fcd02fc481cffdb1c94":[2,0,1,0,68,3], +"classmlx_1_1core_1_1_floor.html#a589e2cf99b6fd1a5ba85534a2a31338e":[1,0,1,0,71,7], +"classmlx_1_1core_1_1_floor.html#a589e2cf99b6fd1a5ba85534a2a31338e":[2,0,1,0,68,7], +"classmlx_1_1core_1_1_floor.html#aa47bc360ec563b6e7d93e8b50626d8af":[1,0,1,0,71,4], +"classmlx_1_1core_1_1_floor.html#aa47bc360ec563b6e7d93e8b50626d8af":[2,0,1,0,68,4], +"classmlx_1_1core_1_1_floor.html#aaa29c83538099eb8f951c95a41f2eb65":[1,0,1,0,71,2], +"classmlx_1_1core_1_1_floor.html#aaa29c83538099eb8f951c95a41f2eb65":[2,0,1,0,68,2], +"classmlx_1_1core_1_1_floor.html#ac289e87c5fac15e2f491e2513be610f6":[1,0,1,0,71,6], +"classmlx_1_1core_1_1_floor.html#ac289e87c5fac15e2f491e2513be610f6":[2,0,1,0,68,6], +"classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340":[1,0,1,0,71,0], +"classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340":[2,0,1,0,68,0], +"classmlx_1_1core_1_1_floor.html#aea4dc79a65774990e775ad49519a5d10":[1,0,1,0,71,8], +"classmlx_1_1core_1_1_floor.html#aea4dc79a65774990e775ad49519a5d10":[2,0,1,0,68,8] }; diff --git a/docs/build/html/navtreeindex6.js b/docs/build/html/navtreeindex6.js index 50f7489d8..577344185 100644 --- a/docs/build/html/navtreeindex6.js +++ b/docs/build/html/navtreeindex6.js @@ -1,253 +1,253 @@ var NAVTREEINDEX6 = { -"classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340":[1,0,1,0,70,0], -"classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340":[2,0,1,0,67,0], -"classmlx_1_1core_1_1_floor.html#aea4dc79a65774990e775ad49519a5d10":[1,0,1,0,70,8], -"classmlx_1_1core_1_1_floor.html#aea4dc79a65774990e775ad49519a5d10":[2,0,1,0,67,8], -"classmlx_1_1core_1_1_full.html":[1,0,1,0,71], -"classmlx_1_1core_1_1_full.html":[2,0,1,0,68], -"classmlx_1_1core_1_1_full.html#a281a865d0664596ac8d05ea8e7f26407":[1,0,1,0,71,4], -"classmlx_1_1core_1_1_full.html#a281a865d0664596ac8d05ea8e7f26407":[2,0,1,0,68,4], -"classmlx_1_1core_1_1_full.html#a3dccd3756599d7fd018b2af0093b082c":[1,0,1,0,71,1], -"classmlx_1_1core_1_1_full.html#a3dccd3756599d7fd018b2af0093b082c":[2,0,1,0,68,1], -"classmlx_1_1core_1_1_full.html#a49e76e7a8641f990701abc1b3bd49969":[1,0,1,0,71,6], -"classmlx_1_1core_1_1_full.html#a49e76e7a8641f990701abc1b3bd49969":[2,0,1,0,68,6], -"classmlx_1_1core_1_1_full.html#a68e08303f4960ab373b84a3312edc013":[1,0,1,0,71,5], -"classmlx_1_1core_1_1_full.html#a68e08303f4960ab373b84a3312edc013":[2,0,1,0,68,5], -"classmlx_1_1core_1_1_full.html#aa54f99bb4cba12a551392dea56003872":[1,0,1,0,71,2], -"classmlx_1_1core_1_1_full.html#aa54f99bb4cba12a551392dea56003872":[2,0,1,0,68,2], -"classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6":[1,0,1,0,71,0], -"classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6":[2,0,1,0,68,0], -"classmlx_1_1core_1_1_full.html#afafcbcae1e28597fe8f7fde289105792":[1,0,1,0,71,3], -"classmlx_1_1core_1_1_full.html#afafcbcae1e28597fe8f7fde289105792":[2,0,1,0,68,3], -"classmlx_1_1core_1_1_full.html#afc57ab6bd9ebdbbf042af54a59785d95":[1,0,1,0,71,7], -"classmlx_1_1core_1_1_full.html#afc57ab6bd9ebdbbf042af54a59785d95":[2,0,1,0,68,7], -"classmlx_1_1core_1_1_gather.html":[1,0,1,0,73], -"classmlx_1_1core_1_1_gather.html":[2,0,1,0,70], -"classmlx_1_1core_1_1_gather.html#a23ff1406dbf0c770e75ad47440b467aa":[1,0,1,0,73,3], -"classmlx_1_1core_1_1_gather.html#a23ff1406dbf0c770e75ad47440b467aa":[2,0,1,0,70,3], -"classmlx_1_1core_1_1_gather.html#a53d89a6c4ebb634bc208bd85aa2fcda1":[1,0,1,0,73,5], -"classmlx_1_1core_1_1_gather.html#a53d89a6c4ebb634bc208bd85aa2fcda1":[2,0,1,0,70,5], -"classmlx_1_1core_1_1_gather.html#a9d57637a8a65008683c3847251bdcf91":[1,0,1,0,73,6], -"classmlx_1_1core_1_1_gather.html#a9d57637a8a65008683c3847251bdcf91":[2,0,1,0,70,6], -"classmlx_1_1core_1_1_gather.html#a9ed5587f0d04b59a2b9186c0aac21290":[1,0,1,0,73,1], -"classmlx_1_1core_1_1_gather.html#a9ed5587f0d04b59a2b9186c0aac21290":[2,0,1,0,70,1], -"classmlx_1_1core_1_1_gather.html#aacf612a8f5f1cdbbfd19707d8d33c426":[1,0,1,0,73,8], -"classmlx_1_1core_1_1_gather.html#aacf612a8f5f1cdbbfd19707d8d33c426":[2,0,1,0,70,8], -"classmlx_1_1core_1_1_gather.html#abab0c4c204e66489825ce80d2194a275":[1,0,1,0,73,9], -"classmlx_1_1core_1_1_gather.html#abab0c4c204e66489825ce80d2194a275":[2,0,1,0,70,9], -"classmlx_1_1core_1_1_gather.html#ac54ef8fac92ab190f1793f3dd95b9e8d":[1,0,1,0,73,4], -"classmlx_1_1core_1_1_gather.html#ac54ef8fac92ab190f1793f3dd95b9e8d":[2,0,1,0,70,4], -"classmlx_1_1core_1_1_gather.html#aec48ee529cb2449915a7b27a3c4361e8":[1,0,1,0,73,2], -"classmlx_1_1core_1_1_gather.html#aec48ee529cb2449915a7b27a3c4361e8":[2,0,1,0,70,2], -"classmlx_1_1core_1_1_gather.html#aee59ff90127ef4c2d7fcbe2955b95b27":[1,0,1,0,73,7], -"classmlx_1_1core_1_1_gather.html#aee59ff90127ef4c2d7fcbe2955b95b27":[2,0,1,0,70,7], -"classmlx_1_1core_1_1_gather.html#af24220fde798f2ad17cdce297c0dbc43":[1,0,1,0,73,0], -"classmlx_1_1core_1_1_gather.html#af24220fde798f2ad17cdce297c0dbc43":[2,0,1,0,70,0], -"classmlx_1_1core_1_1_gather_axis.html":[1,0,1,0,74], -"classmlx_1_1core_1_1_gather_axis.html":[2,0,1,0,71], -"classmlx_1_1core_1_1_gather_axis.html#a1344749d33e4ea2cb80b69a5a4a21afc":[1,0,1,0,74,2], -"classmlx_1_1core_1_1_gather_axis.html#a1344749d33e4ea2cb80b69a5a4a21afc":[2,0,1,0,71,2], -"classmlx_1_1core_1_1_gather_axis.html#a474eae1d024e676e668318bf10928e2a":[1,0,1,0,74,1], -"classmlx_1_1core_1_1_gather_axis.html#a474eae1d024e676e668318bf10928e2a":[2,0,1,0,71,1], -"classmlx_1_1core_1_1_gather_axis.html#a48d50bad33b69e29f75bedc794f7b785":[1,0,1,0,74,9], -"classmlx_1_1core_1_1_gather_axis.html#a48d50bad33b69e29f75bedc794f7b785":[2,0,1,0,71,9], -"classmlx_1_1core_1_1_gather_axis.html#a4f6015bf2c9bb8773118eb51be45b378":[1,0,1,0,74,4], -"classmlx_1_1core_1_1_gather_axis.html#a4f6015bf2c9bb8773118eb51be45b378":[2,0,1,0,71,4], -"classmlx_1_1core_1_1_gather_axis.html#a8f603c5c46d566654bd8a615d24c1089":[1,0,1,0,74,3], -"classmlx_1_1core_1_1_gather_axis.html#a8f603c5c46d566654bd8a615d24c1089":[2,0,1,0,71,3], -"classmlx_1_1core_1_1_gather_axis.html#a9108bd9dfc153e6260e6340ff923ba38":[1,0,1,0,74,6], -"classmlx_1_1core_1_1_gather_axis.html#a9108bd9dfc153e6260e6340ff923ba38":[2,0,1,0,71,6], -"classmlx_1_1core_1_1_gather_axis.html#a9c73b4ebed01bbdbaa316eddb6b5606d":[1,0,1,0,74,8], -"classmlx_1_1core_1_1_gather_axis.html#a9c73b4ebed01bbdbaa316eddb6b5606d":[2,0,1,0,71,8], -"classmlx_1_1core_1_1_gather_axis.html#abc483c7da7747263b2f1498f98b4d96d":[1,0,1,0,74,5], -"classmlx_1_1core_1_1_gather_axis.html#abc483c7da7747263b2f1498f98b4d96d":[2,0,1,0,71,5], -"classmlx_1_1core_1_1_gather_axis.html#ad8fc6400954c52079f0a2f2b711df060":[1,0,1,0,74,0], -"classmlx_1_1core_1_1_gather_axis.html#ad8fc6400954c52079f0a2f2b711df060":[2,0,1,0,71,0], -"classmlx_1_1core_1_1_gather_axis.html#adff37b05799654b1a589e334d1cd6b46":[1,0,1,0,74,7], -"classmlx_1_1core_1_1_gather_axis.html#adff37b05799654b1a589e334d1cd6b46":[2,0,1,0,71,7], -"classmlx_1_1core_1_1_gather_m_m.html":[1,0,1,0,75], -"classmlx_1_1core_1_1_gather_m_m.html":[2,0,1,0,72], -"classmlx_1_1core_1_1_gather_m_m.html#a163f17f6ce2c002f22e81b302777342b":[1,0,1,0,75,3], -"classmlx_1_1core_1_1_gather_m_m.html#a163f17f6ce2c002f22e81b302777342b":[2,0,1,0,72,3], -"classmlx_1_1core_1_1_gather_m_m.html#a62352074a480df0e1f879b0bae425730":[1,0,1,0,75,1], -"classmlx_1_1core_1_1_gather_m_m.html#a62352074a480df0e1f879b0bae425730":[2,0,1,0,72,1], -"classmlx_1_1core_1_1_gather_m_m.html#a76c9f27c57354f6230b43944882e1bda":[1,0,1,0,75,5], -"classmlx_1_1core_1_1_gather_m_m.html#a76c9f27c57354f6230b43944882e1bda":[2,0,1,0,72,5], -"classmlx_1_1core_1_1_gather_m_m.html#ad754c35f460a055cc383ad93a5f72da1":[1,0,1,0,75,2], -"classmlx_1_1core_1_1_gather_m_m.html#ad754c35f460a055cc383ad93a5f72da1":[2,0,1,0,72,2], -"classmlx_1_1core_1_1_gather_m_m.html#ae7a6f4eecb15e95b21e6c87068ebd758":[1,0,1,0,75,4], -"classmlx_1_1core_1_1_gather_m_m.html#ae7a6f4eecb15e95b21e6c87068ebd758":[2,0,1,0,72,4], -"classmlx_1_1core_1_1_gather_m_m.html#afd9bbc08138181b80e2fb86536ff3f2a":[1,0,1,0,75,0], -"classmlx_1_1core_1_1_gather_m_m.html#afd9bbc08138181b80e2fb86536ff3f2a":[2,0,1,0,72,0], -"classmlx_1_1core_1_1_gather_q_m_m.html":[1,0,1,0,76], -"classmlx_1_1core_1_1_gather_q_m_m.html":[2,0,1,0,73], -"classmlx_1_1core_1_1_gather_q_m_m.html#a13ce5e138ebddb8780a034452f68892f":[1,0,1,0,76,8], -"classmlx_1_1core_1_1_gather_q_m_m.html#a13ce5e138ebddb8780a034452f68892f":[2,0,1,0,73,8], -"classmlx_1_1core_1_1_gather_q_m_m.html#a53c3fa7beb51ce2e1c2da28633406fe0":[1,0,1,0,76,5], -"classmlx_1_1core_1_1_gather_q_m_m.html#a53c3fa7beb51ce2e1c2da28633406fe0":[2,0,1,0,73,5], -"classmlx_1_1core_1_1_gather_q_m_m.html#a60c908bc836f930bb33f60b3e9db43af":[1,0,1,0,76,6], -"classmlx_1_1core_1_1_gather_q_m_m.html#a60c908bc836f930bb33f60b3e9db43af":[2,0,1,0,73,6], -"classmlx_1_1core_1_1_gather_q_m_m.html#a60ed2ade7f10dd9c9314913a810f9360":[1,0,1,0,76,0], -"classmlx_1_1core_1_1_gather_q_m_m.html#a60ed2ade7f10dd9c9314913a810f9360":[2,0,1,0,73,0], -"classmlx_1_1core_1_1_gather_q_m_m.html#a6a7da6bcf657fcdb157c45bf35fdec11":[1,0,1,0,76,3], -"classmlx_1_1core_1_1_gather_q_m_m.html#a6a7da6bcf657fcdb157c45bf35fdec11":[2,0,1,0,73,3], -"classmlx_1_1core_1_1_gather_q_m_m.html#a86eb048afc95646b2e96ec5493e3d887":[1,0,1,0,76,2], -"classmlx_1_1core_1_1_gather_q_m_m.html#a86eb048afc95646b2e96ec5493e3d887":[2,0,1,0,73,2], -"classmlx_1_1core_1_1_gather_q_m_m.html#a89aae98bfbdd6563df44ef7d70f0bf8c":[1,0,1,0,76,1], -"classmlx_1_1core_1_1_gather_q_m_m.html#a89aae98bfbdd6563df44ef7d70f0bf8c":[2,0,1,0,73,1], -"classmlx_1_1core_1_1_gather_q_m_m.html#adc579058752b927c71b45a962d4869e0":[1,0,1,0,76,4], -"classmlx_1_1core_1_1_gather_q_m_m.html#adc579058752b927c71b45a962d4869e0":[2,0,1,0,73,4], -"classmlx_1_1core_1_1_gather_q_m_m.html#ae08a4b7d28902d46f39e66beeb0e23ab":[1,0,1,0,76,7], -"classmlx_1_1core_1_1_gather_q_m_m.html#ae08a4b7d28902d46f39e66beeb0e23ab":[2,0,1,0,73,7], -"classmlx_1_1core_1_1_greater.html":[1,0,1,0,77], -"classmlx_1_1core_1_1_greater.html":[2,0,1,0,74], -"classmlx_1_1core_1_1_greater.html#a1d5992a66c020cd97a70e8e3d8cd1a1b":[1,0,1,0,77,0], -"classmlx_1_1core_1_1_greater.html#a1d5992a66c020cd97a70e8e3d8cd1a1b":[2,0,1,0,74,0], -"classmlx_1_1core_1_1_greater.html#a341766a8a7e41d2a1160d35d4e781679":[1,0,1,0,77,7], -"classmlx_1_1core_1_1_greater.html#a341766a8a7e41d2a1160d35d4e781679":[2,0,1,0,74,7], -"classmlx_1_1core_1_1_greater.html#a6877a6888614a618dc64296763ccabb1":[1,0,1,0,77,3], -"classmlx_1_1core_1_1_greater.html#a6877a6888614a618dc64296763ccabb1":[2,0,1,0,74,3], -"classmlx_1_1core_1_1_greater.html#a6d8267411fc4951de781f9e8e6c53aa0":[1,0,1,0,77,8], -"classmlx_1_1core_1_1_greater.html#a6d8267411fc4951de781f9e8e6c53aa0":[2,0,1,0,74,8], -"classmlx_1_1core_1_1_greater.html#aa2980e45cd2c79ebfb394012d3108a04":[1,0,1,0,77,6], -"classmlx_1_1core_1_1_greater.html#aa2980e45cd2c79ebfb394012d3108a04":[2,0,1,0,74,6], -"classmlx_1_1core_1_1_greater.html#aa47a9f80f45daf6a405e34f6dc7c99c1":[1,0,1,0,77,4], -"classmlx_1_1core_1_1_greater.html#aa47a9f80f45daf6a405e34f6dc7c99c1":[2,0,1,0,74,4], -"classmlx_1_1core_1_1_greater.html#abe1c03f311d0e0b610f3392a6566f2ae":[1,0,1,0,77,1], -"classmlx_1_1core_1_1_greater.html#abe1c03f311d0e0b610f3392a6566f2ae":[2,0,1,0,74,1], -"classmlx_1_1core_1_1_greater.html#ae8957cccf4c924d941f57a1bb751c878":[1,0,1,0,77,2], -"classmlx_1_1core_1_1_greater.html#ae8957cccf4c924d941f57a1bb751c878":[2,0,1,0,74,2], -"classmlx_1_1core_1_1_greater.html#af798a7cd704a2a9a8b3ecb6ef49583b0":[1,0,1,0,77,5], -"classmlx_1_1core_1_1_greater.html#af798a7cd704a2a9a8b3ecb6ef49583b0":[2,0,1,0,74,5], -"classmlx_1_1core_1_1_greater_equal.html":[1,0,1,0,78], -"classmlx_1_1core_1_1_greater_equal.html":[2,0,1,0,75], -"classmlx_1_1core_1_1_greater_equal.html#a15469125b9bea89b64bfeac01590c075":[1,0,1,0,78,1], -"classmlx_1_1core_1_1_greater_equal.html#a15469125b9bea89b64bfeac01590c075":[2,0,1,0,75,1], -"classmlx_1_1core_1_1_greater_equal.html#a19a3c49d5a9b40e17da0e56ef6908527":[1,0,1,0,78,0], -"classmlx_1_1core_1_1_greater_equal.html#a19a3c49d5a9b40e17da0e56ef6908527":[2,0,1,0,75,0], -"classmlx_1_1core_1_1_greater_equal.html#a1a77c18d89ee227171ff38efef6cacf6":[1,0,1,0,78,5], -"classmlx_1_1core_1_1_greater_equal.html#a1a77c18d89ee227171ff38efef6cacf6":[2,0,1,0,75,5], -"classmlx_1_1core_1_1_greater_equal.html#a3daef8596b963026b602019bc56fc5fc":[1,0,1,0,78,3], -"classmlx_1_1core_1_1_greater_equal.html#a3daef8596b963026b602019bc56fc5fc":[2,0,1,0,75,3], -"classmlx_1_1core_1_1_greater_equal.html#a62f07a4ac54c708307c82aac0e5693ee":[1,0,1,0,78,7], -"classmlx_1_1core_1_1_greater_equal.html#a62f07a4ac54c708307c82aac0e5693ee":[2,0,1,0,75,7], -"classmlx_1_1core_1_1_greater_equal.html#ab0e1be93eb01b0ce7fa83e953f5e3e1d":[1,0,1,0,78,8], -"classmlx_1_1core_1_1_greater_equal.html#ab0e1be93eb01b0ce7fa83e953f5e3e1d":[2,0,1,0,75,8], -"classmlx_1_1core_1_1_greater_equal.html#ab98045c861d2d2ffb0398c2c1d671cef":[1,0,1,0,78,6], -"classmlx_1_1core_1_1_greater_equal.html#ab98045c861d2d2ffb0398c2c1d671cef":[2,0,1,0,75,6], -"classmlx_1_1core_1_1_greater_equal.html#ac246263b4548126c3d4ab7e392575d24":[1,0,1,0,78,2], -"classmlx_1_1core_1_1_greater_equal.html#ac246263b4548126c3d4ab7e392575d24":[2,0,1,0,75,2], -"classmlx_1_1core_1_1_greater_equal.html#ac7346080aaaa01d52896127f383f9d20":[1,0,1,0,78,4], -"classmlx_1_1core_1_1_greater_equal.html#ac7346080aaaa01d52896127f383f9d20":[2,0,1,0,75,4], -"classmlx_1_1core_1_1_hadamard.html":[1,0,1,0,79], -"classmlx_1_1core_1_1_hadamard.html":[2,0,1,0,76], -"classmlx_1_1core_1_1_hadamard.html#a22b9d55ae3ba5eef63505124696e712a":[1,0,1,0,79,4], -"classmlx_1_1core_1_1_hadamard.html#a22b9d55ae3ba5eef63505124696e712a":[2,0,1,0,76,4], -"classmlx_1_1core_1_1_hadamard.html#a2470feb690f5463138490763c38b5733":[1,0,1,0,79,2], -"classmlx_1_1core_1_1_hadamard.html#a2470feb690f5463138490763c38b5733":[2,0,1,0,76,2], -"classmlx_1_1core_1_1_hadamard.html#a3df6e7e3b3b71bf50be5f1a05d0870b6":[1,0,1,0,79,6], -"classmlx_1_1core_1_1_hadamard.html#a3df6e7e3b3b71bf50be5f1a05d0870b6":[2,0,1,0,76,6], -"classmlx_1_1core_1_1_hadamard.html#a8a528d8d69a7343bdfd704a3e74230b8":[1,0,1,0,79,3], -"classmlx_1_1core_1_1_hadamard.html#a8a528d8d69a7343bdfd704a3e74230b8":[2,0,1,0,76,3], -"classmlx_1_1core_1_1_hadamard.html#a9f1a172e6246859e813002abe9b8f99c":[1,0,1,0,79,9], -"classmlx_1_1core_1_1_hadamard.html#a9f1a172e6246859e813002abe9b8f99c":[2,0,1,0,76,9], -"classmlx_1_1core_1_1_hadamard.html#aa709166de3c493308689769579d665e8":[1,0,1,0,79,5], -"classmlx_1_1core_1_1_hadamard.html#aa709166de3c493308689769579d665e8":[2,0,1,0,76,5], -"classmlx_1_1core_1_1_hadamard.html#ab27d6a9df42b3aab41ace3073a4c880d":[1,0,1,0,79,1], -"classmlx_1_1core_1_1_hadamard.html#ab27d6a9df42b3aab41ace3073a4c880d":[2,0,1,0,76,1], -"classmlx_1_1core_1_1_hadamard.html#abe4a0ed820b126940beec519d4239923":[1,0,1,0,79,0], -"classmlx_1_1core_1_1_hadamard.html#abe4a0ed820b126940beec519d4239923":[2,0,1,0,76,0], -"classmlx_1_1core_1_1_hadamard.html#af4134775427b8998d66f489468b98656":[1,0,1,0,79,8], -"classmlx_1_1core_1_1_hadamard.html#af4134775427b8998d66f489468b98656":[2,0,1,0,76,8], -"classmlx_1_1core_1_1_hadamard.html#afd67d09fde38ab3b6ba873b797f03dae":[1,0,1,0,79,7], -"classmlx_1_1core_1_1_hadamard.html#afd67d09fde38ab3b6ba873b797f03dae":[2,0,1,0,76,7], -"classmlx_1_1core_1_1_imag.html":[1,0,1,0,80], -"classmlx_1_1core_1_1_imag.html":[2,0,1,0,77], -"classmlx_1_1core_1_1_imag.html#a0c8d48e2a1474d80a314ea9b96dbaa8d":[1,0,1,0,80,6], -"classmlx_1_1core_1_1_imag.html#a0c8d48e2a1474d80a314ea9b96dbaa8d":[2,0,1,0,77,6], -"classmlx_1_1core_1_1_imag.html#a17d1f1f9f8528668fcdf39b636720829":[1,0,1,0,80,1], -"classmlx_1_1core_1_1_imag.html#a17d1f1f9f8528668fcdf39b636720829":[2,0,1,0,77,1], -"classmlx_1_1core_1_1_imag.html#a247a4d059b0a99678c6be8c15e42c1e6":[1,0,1,0,80,2], -"classmlx_1_1core_1_1_imag.html#a247a4d059b0a99678c6be8c15e42c1e6":[2,0,1,0,77,2], -"classmlx_1_1core_1_1_imag.html#a284b7de34a316110fdc98e7b753372b2":[1,0,1,0,80,0], -"classmlx_1_1core_1_1_imag.html#a284b7de34a316110fdc98e7b753372b2":[2,0,1,0,77,0], -"classmlx_1_1core_1_1_imag.html#a51c15ae82855edebba2ba779516465f5":[1,0,1,0,80,3], -"classmlx_1_1core_1_1_imag.html#a51c15ae82855edebba2ba779516465f5":[2,0,1,0,77,3], -"classmlx_1_1core_1_1_imag.html#a80da5fdd0fa549eebd7804c0e261848b":[1,0,1,0,80,7], -"classmlx_1_1core_1_1_imag.html#a80da5fdd0fa549eebd7804c0e261848b":[2,0,1,0,77,7], -"classmlx_1_1core_1_1_imag.html#ac01c5ed9b886983450ed9f049ddac55a":[1,0,1,0,80,4], -"classmlx_1_1core_1_1_imag.html#ac01c5ed9b886983450ed9f049ddac55a":[2,0,1,0,77,4], -"classmlx_1_1core_1_1_imag.html#ace9906672bd88df0573653883d58ecb3":[1,0,1,0,80,8], -"classmlx_1_1core_1_1_imag.html#ace9906672bd88df0573653883d58ecb3":[2,0,1,0,77,8], -"classmlx_1_1core_1_1_imag.html#ad4f847483ba07d20aba5b927c2689be8":[1,0,1,0,80,5], -"classmlx_1_1core_1_1_imag.html#ad4f847483ba07d20aba5b927c2689be8":[2,0,1,0,77,5], -"classmlx_1_1core_1_1_inverse.html":[1,0,1,0,82], -"classmlx_1_1core_1_1_inverse.html":[2,0,1,0,79], -"classmlx_1_1core_1_1_inverse.html#a086fbbc947ad232e01686ad063a78ed2":[1,0,1,0,82,2], -"classmlx_1_1core_1_1_inverse.html#a086fbbc947ad232e01686ad063a78ed2":[2,0,1,0,79,2], -"classmlx_1_1core_1_1_inverse.html#a543f18f1ce5c06c897141091e95a66e9":[1,0,1,0,82,3], -"classmlx_1_1core_1_1_inverse.html#a543f18f1ce5c06c897141091e95a66e9":[2,0,1,0,79,3], -"classmlx_1_1core_1_1_inverse.html#a71467681e523abb725724490bfeb76ad":[1,0,1,0,82,0], -"classmlx_1_1core_1_1_inverse.html#a71467681e523abb725724490bfeb76ad":[2,0,1,0,79,0], -"classmlx_1_1core_1_1_inverse.html#a98419b9f0b8a6c9185fe012d523552c2":[1,0,1,0,82,5], -"classmlx_1_1core_1_1_inverse.html#a98419b9f0b8a6c9185fe012d523552c2":[2,0,1,0,79,5], -"classmlx_1_1core_1_1_inverse.html#aa1fce744f4a2d660c65901a7542056f2":[1,0,1,0,82,4], -"classmlx_1_1core_1_1_inverse.html#aa1fce744f4a2d660c65901a7542056f2":[2,0,1,0,79,4], -"classmlx_1_1core_1_1_inverse.html#aeb1d8dc9bc4052a616023f65b3c7bb81":[1,0,1,0,82,1], -"classmlx_1_1core_1_1_inverse.html#aeb1d8dc9bc4052a616023f65b3c7bb81":[2,0,1,0,79,1], -"classmlx_1_1core_1_1_jit_compiler.html":[1,0,1,0,83], -"classmlx_1_1core_1_1_jit_compiler.html":[2,0,1,0,80], -"classmlx_1_1core_1_1_jit_compiler.html#a10a5cde91ab929ccbdbdf4c4d940f156":[1,0,1,0,83,0], -"classmlx_1_1core_1_1_jit_compiler.html#a10a5cde91ab929ccbdbdf4c4d940f156":[2,0,1,0,80,0], -"classmlx_1_1core_1_1_jit_compiler.html#adcf98f940e1919388eaab907ea17a540":[1,0,1,0,83,1], -"classmlx_1_1core_1_1_jit_compiler.html#adcf98f940e1919388eaab907ea17a540":[2,0,1,0,80,1], -"classmlx_1_1core_1_1_l_u_f.html":[1,0,1,0,93], -"classmlx_1_1core_1_1_l_u_f.html":[2,0,1,0,90], -"classmlx_1_1core_1_1_l_u_f.html#a0d8687ad3af3ff5b74881f1a4b312051":[1,0,1,0,93,0], -"classmlx_1_1core_1_1_l_u_f.html#a0d8687ad3af3ff5b74881f1a4b312051":[2,0,1,0,90,0], -"classmlx_1_1core_1_1_l_u_f.html#a6cb497d6b011210a8090bdc8fdf14913":[1,0,1,0,93,1], -"classmlx_1_1core_1_1_l_u_f.html#a6cb497d6b011210a8090bdc8fdf14913":[2,0,1,0,90,1], -"classmlx_1_1core_1_1_l_u_f.html#a7e71d966d49e473f4bf0524c18425a07":[1,0,1,0,93,3], -"classmlx_1_1core_1_1_l_u_f.html#a7e71d966d49e473f4bf0524c18425a07":[2,0,1,0,90,3], -"classmlx_1_1core_1_1_l_u_f.html#aa2e955a6ca2ffbfab463a3e9c69beabf":[1,0,1,0,93,2], -"classmlx_1_1core_1_1_l_u_f.html#aa2e955a6ca2ffbfab463a3e9c69beabf":[2,0,1,0,90,2], -"classmlx_1_1core_1_1_less.html":[1,0,1,0,84], -"classmlx_1_1core_1_1_less.html":[2,0,1,0,81], -"classmlx_1_1core_1_1_less.html#a32624124ffece066f496b3299056bcef":[1,0,1,0,84,1], -"classmlx_1_1core_1_1_less.html#a32624124ffece066f496b3299056bcef":[2,0,1,0,81,1], -"classmlx_1_1core_1_1_less.html#a353335ce06ddbe8498d86d129c835917":[1,0,1,0,84,2], -"classmlx_1_1core_1_1_less.html#a353335ce06ddbe8498d86d129c835917":[2,0,1,0,81,2], -"classmlx_1_1core_1_1_less.html#a5fee5956cf087d8405359121aa62ba7e":[1,0,1,0,84,8], -"classmlx_1_1core_1_1_less.html#a5fee5956cf087d8405359121aa62ba7e":[2,0,1,0,81,8], -"classmlx_1_1core_1_1_less.html#a7d6ed6353a0dcefebd008026dbd3cd63":[1,0,1,0,84,3], -"classmlx_1_1core_1_1_less.html#a7d6ed6353a0dcefebd008026dbd3cd63":[2,0,1,0,81,3], -"classmlx_1_1core_1_1_less.html#aa55c5cfbab0ac30e1b72c080fe9525d7":[1,0,1,0,84,0], -"classmlx_1_1core_1_1_less.html#aa55c5cfbab0ac30e1b72c080fe9525d7":[2,0,1,0,81,0], -"classmlx_1_1core_1_1_less.html#aaf205d389b5e602e0814b68f66de8f50":[1,0,1,0,84,7], -"classmlx_1_1core_1_1_less.html#aaf205d389b5e602e0814b68f66de8f50":[2,0,1,0,81,7], -"classmlx_1_1core_1_1_less.html#ad67e6f66d7b75546fd98dbee6b631d78":[1,0,1,0,84,6], -"classmlx_1_1core_1_1_less.html#ad67e6f66d7b75546fd98dbee6b631d78":[2,0,1,0,81,6], -"classmlx_1_1core_1_1_less.html#ad7604a75b79260d263ac0c7d959cadd5":[1,0,1,0,84,5], -"classmlx_1_1core_1_1_less.html#ad7604a75b79260d263ac0c7d959cadd5":[2,0,1,0,81,5], -"classmlx_1_1core_1_1_less.html#af1493d566f6d940b8f674aac17f5dfce":[1,0,1,0,84,4], -"classmlx_1_1core_1_1_less.html#af1493d566f6d940b8f674aac17f5dfce":[2,0,1,0,81,4], -"classmlx_1_1core_1_1_less_equal.html":[1,0,1,0,85], -"classmlx_1_1core_1_1_less_equal.html":[2,0,1,0,82], -"classmlx_1_1core_1_1_less_equal.html#a3d5df21db184f2b7620cda9da1684480":[1,0,1,0,85,8], -"classmlx_1_1core_1_1_less_equal.html#a3d5df21db184f2b7620cda9da1684480":[2,0,1,0,82,8], -"classmlx_1_1core_1_1_less_equal.html#a409842d3862113c53cbbdf7467a06950":[1,0,1,0,85,6], -"classmlx_1_1core_1_1_less_equal.html#a409842d3862113c53cbbdf7467a06950":[2,0,1,0,82,6], -"classmlx_1_1core_1_1_less_equal.html#a52492a43224d47e7851beec646c27bbc":[1,0,1,0,85,0], -"classmlx_1_1core_1_1_less_equal.html#a52492a43224d47e7851beec646c27bbc":[2,0,1,0,82,0], -"classmlx_1_1core_1_1_less_equal.html#a5598c700e881673098928e47b4da9ff8":[1,0,1,0,85,5], -"classmlx_1_1core_1_1_less_equal.html#a5598c700e881673098928e47b4da9ff8":[2,0,1,0,82,5], -"classmlx_1_1core_1_1_less_equal.html#a55d1352b0e97841a92503bc57c19ed16":[1,0,1,0,85,1], -"classmlx_1_1core_1_1_less_equal.html#a55d1352b0e97841a92503bc57c19ed16":[2,0,1,0,82,1], -"classmlx_1_1core_1_1_less_equal.html#a76ee1438cf4bd109eae4e0b3472b26af":[1,0,1,0,85,3], -"classmlx_1_1core_1_1_less_equal.html#a76ee1438cf4bd109eae4e0b3472b26af":[2,0,1,0,82,3], -"classmlx_1_1core_1_1_less_equal.html#aab2aab7590c299885e815c18eedd1028":[1,0,1,0,85,7], -"classmlx_1_1core_1_1_less_equal.html#aab2aab7590c299885e815c18eedd1028":[2,0,1,0,82,7], -"classmlx_1_1core_1_1_less_equal.html#acf035a82b11e6f63742143ea540fedac":[1,0,1,0,85,2], -"classmlx_1_1core_1_1_less_equal.html#acf035a82b11e6f63742143ea540fedac":[2,0,1,0,82,2] +"classmlx_1_1core_1_1_full.html":[1,0,1,0,72], +"classmlx_1_1core_1_1_full.html":[2,0,1,0,69], +"classmlx_1_1core_1_1_full.html#a281a865d0664596ac8d05ea8e7f26407":[1,0,1,0,72,4], +"classmlx_1_1core_1_1_full.html#a281a865d0664596ac8d05ea8e7f26407":[2,0,1,0,69,4], +"classmlx_1_1core_1_1_full.html#a3dccd3756599d7fd018b2af0093b082c":[1,0,1,0,72,1], +"classmlx_1_1core_1_1_full.html#a3dccd3756599d7fd018b2af0093b082c":[2,0,1,0,69,1], +"classmlx_1_1core_1_1_full.html#a49e76e7a8641f990701abc1b3bd49969":[1,0,1,0,72,6], +"classmlx_1_1core_1_1_full.html#a49e76e7a8641f990701abc1b3bd49969":[2,0,1,0,69,6], +"classmlx_1_1core_1_1_full.html#a68e08303f4960ab373b84a3312edc013":[1,0,1,0,72,5], +"classmlx_1_1core_1_1_full.html#a68e08303f4960ab373b84a3312edc013":[2,0,1,0,69,5], +"classmlx_1_1core_1_1_full.html#aa54f99bb4cba12a551392dea56003872":[1,0,1,0,72,2], +"classmlx_1_1core_1_1_full.html#aa54f99bb4cba12a551392dea56003872":[2,0,1,0,69,2], +"classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6":[1,0,1,0,72,0], +"classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6":[2,0,1,0,69,0], +"classmlx_1_1core_1_1_full.html#afafcbcae1e28597fe8f7fde289105792":[1,0,1,0,72,3], +"classmlx_1_1core_1_1_full.html#afafcbcae1e28597fe8f7fde289105792":[2,0,1,0,69,3], +"classmlx_1_1core_1_1_full.html#afc57ab6bd9ebdbbf042af54a59785d95":[1,0,1,0,72,7], +"classmlx_1_1core_1_1_full.html#afc57ab6bd9ebdbbf042af54a59785d95":[2,0,1,0,69,7], +"classmlx_1_1core_1_1_gather.html":[1,0,1,0,74], +"classmlx_1_1core_1_1_gather.html":[2,0,1,0,71], +"classmlx_1_1core_1_1_gather.html#a23ff1406dbf0c770e75ad47440b467aa":[1,0,1,0,74,3], +"classmlx_1_1core_1_1_gather.html#a23ff1406dbf0c770e75ad47440b467aa":[2,0,1,0,71,3], +"classmlx_1_1core_1_1_gather.html#a53d89a6c4ebb634bc208bd85aa2fcda1":[1,0,1,0,74,5], +"classmlx_1_1core_1_1_gather.html#a53d89a6c4ebb634bc208bd85aa2fcda1":[2,0,1,0,71,5], +"classmlx_1_1core_1_1_gather.html#a9d57637a8a65008683c3847251bdcf91":[1,0,1,0,74,6], +"classmlx_1_1core_1_1_gather.html#a9d57637a8a65008683c3847251bdcf91":[2,0,1,0,71,6], +"classmlx_1_1core_1_1_gather.html#a9ed5587f0d04b59a2b9186c0aac21290":[1,0,1,0,74,1], +"classmlx_1_1core_1_1_gather.html#a9ed5587f0d04b59a2b9186c0aac21290":[2,0,1,0,71,1], +"classmlx_1_1core_1_1_gather.html#aacf612a8f5f1cdbbfd19707d8d33c426":[1,0,1,0,74,8], +"classmlx_1_1core_1_1_gather.html#aacf612a8f5f1cdbbfd19707d8d33c426":[2,0,1,0,71,8], +"classmlx_1_1core_1_1_gather.html#abab0c4c204e66489825ce80d2194a275":[1,0,1,0,74,9], +"classmlx_1_1core_1_1_gather.html#abab0c4c204e66489825ce80d2194a275":[2,0,1,0,71,9], +"classmlx_1_1core_1_1_gather.html#ac54ef8fac92ab190f1793f3dd95b9e8d":[1,0,1,0,74,4], +"classmlx_1_1core_1_1_gather.html#ac54ef8fac92ab190f1793f3dd95b9e8d":[2,0,1,0,71,4], +"classmlx_1_1core_1_1_gather.html#aec48ee529cb2449915a7b27a3c4361e8":[1,0,1,0,74,2], +"classmlx_1_1core_1_1_gather.html#aec48ee529cb2449915a7b27a3c4361e8":[2,0,1,0,71,2], +"classmlx_1_1core_1_1_gather.html#aee59ff90127ef4c2d7fcbe2955b95b27":[1,0,1,0,74,7], +"classmlx_1_1core_1_1_gather.html#aee59ff90127ef4c2d7fcbe2955b95b27":[2,0,1,0,71,7], +"classmlx_1_1core_1_1_gather.html#af24220fde798f2ad17cdce297c0dbc43":[1,0,1,0,74,0], +"classmlx_1_1core_1_1_gather.html#af24220fde798f2ad17cdce297c0dbc43":[2,0,1,0,71,0], +"classmlx_1_1core_1_1_gather_axis.html":[1,0,1,0,75], +"classmlx_1_1core_1_1_gather_axis.html":[2,0,1,0,72], +"classmlx_1_1core_1_1_gather_axis.html#a1344749d33e4ea2cb80b69a5a4a21afc":[1,0,1,0,75,2], +"classmlx_1_1core_1_1_gather_axis.html#a1344749d33e4ea2cb80b69a5a4a21afc":[2,0,1,0,72,2], +"classmlx_1_1core_1_1_gather_axis.html#a474eae1d024e676e668318bf10928e2a":[1,0,1,0,75,1], +"classmlx_1_1core_1_1_gather_axis.html#a474eae1d024e676e668318bf10928e2a":[2,0,1,0,72,1], +"classmlx_1_1core_1_1_gather_axis.html#a48d50bad33b69e29f75bedc794f7b785":[1,0,1,0,75,9], +"classmlx_1_1core_1_1_gather_axis.html#a48d50bad33b69e29f75bedc794f7b785":[2,0,1,0,72,9], +"classmlx_1_1core_1_1_gather_axis.html#a4f6015bf2c9bb8773118eb51be45b378":[1,0,1,0,75,4], +"classmlx_1_1core_1_1_gather_axis.html#a4f6015bf2c9bb8773118eb51be45b378":[2,0,1,0,72,4], +"classmlx_1_1core_1_1_gather_axis.html#a8f603c5c46d566654bd8a615d24c1089":[1,0,1,0,75,3], +"classmlx_1_1core_1_1_gather_axis.html#a8f603c5c46d566654bd8a615d24c1089":[2,0,1,0,72,3], +"classmlx_1_1core_1_1_gather_axis.html#a9108bd9dfc153e6260e6340ff923ba38":[1,0,1,0,75,6], +"classmlx_1_1core_1_1_gather_axis.html#a9108bd9dfc153e6260e6340ff923ba38":[2,0,1,0,72,6], +"classmlx_1_1core_1_1_gather_axis.html#a9c73b4ebed01bbdbaa316eddb6b5606d":[1,0,1,0,75,8], +"classmlx_1_1core_1_1_gather_axis.html#a9c73b4ebed01bbdbaa316eddb6b5606d":[2,0,1,0,72,8], +"classmlx_1_1core_1_1_gather_axis.html#abc483c7da7747263b2f1498f98b4d96d":[1,0,1,0,75,5], +"classmlx_1_1core_1_1_gather_axis.html#abc483c7da7747263b2f1498f98b4d96d":[2,0,1,0,72,5], +"classmlx_1_1core_1_1_gather_axis.html#ad8fc6400954c52079f0a2f2b711df060":[1,0,1,0,75,0], +"classmlx_1_1core_1_1_gather_axis.html#ad8fc6400954c52079f0a2f2b711df060":[2,0,1,0,72,0], +"classmlx_1_1core_1_1_gather_axis.html#adff37b05799654b1a589e334d1cd6b46":[1,0,1,0,75,7], +"classmlx_1_1core_1_1_gather_axis.html#adff37b05799654b1a589e334d1cd6b46":[2,0,1,0,72,7], +"classmlx_1_1core_1_1_gather_m_m.html":[1,0,1,0,76], +"classmlx_1_1core_1_1_gather_m_m.html":[2,0,1,0,73], +"classmlx_1_1core_1_1_gather_m_m.html#a163f17f6ce2c002f22e81b302777342b":[1,0,1,0,76,3], +"classmlx_1_1core_1_1_gather_m_m.html#a163f17f6ce2c002f22e81b302777342b":[2,0,1,0,73,3], +"classmlx_1_1core_1_1_gather_m_m.html#a62352074a480df0e1f879b0bae425730":[1,0,1,0,76,1], +"classmlx_1_1core_1_1_gather_m_m.html#a62352074a480df0e1f879b0bae425730":[2,0,1,0,73,1], +"classmlx_1_1core_1_1_gather_m_m.html#a76c9f27c57354f6230b43944882e1bda":[1,0,1,0,76,5], +"classmlx_1_1core_1_1_gather_m_m.html#a76c9f27c57354f6230b43944882e1bda":[2,0,1,0,73,5], +"classmlx_1_1core_1_1_gather_m_m.html#ad754c35f460a055cc383ad93a5f72da1":[1,0,1,0,76,2], +"classmlx_1_1core_1_1_gather_m_m.html#ad754c35f460a055cc383ad93a5f72da1":[2,0,1,0,73,2], +"classmlx_1_1core_1_1_gather_m_m.html#ae7a6f4eecb15e95b21e6c87068ebd758":[1,0,1,0,76,4], +"classmlx_1_1core_1_1_gather_m_m.html#ae7a6f4eecb15e95b21e6c87068ebd758":[2,0,1,0,73,4], +"classmlx_1_1core_1_1_gather_m_m.html#afd9bbc08138181b80e2fb86536ff3f2a":[1,0,1,0,76,0], +"classmlx_1_1core_1_1_gather_m_m.html#afd9bbc08138181b80e2fb86536ff3f2a":[2,0,1,0,73,0], +"classmlx_1_1core_1_1_gather_q_m_m.html":[1,0,1,0,77], +"classmlx_1_1core_1_1_gather_q_m_m.html":[2,0,1,0,74], +"classmlx_1_1core_1_1_gather_q_m_m.html#a13ce5e138ebddb8780a034452f68892f":[1,0,1,0,77,8], +"classmlx_1_1core_1_1_gather_q_m_m.html#a13ce5e138ebddb8780a034452f68892f":[2,0,1,0,74,8], +"classmlx_1_1core_1_1_gather_q_m_m.html#a53c3fa7beb51ce2e1c2da28633406fe0":[1,0,1,0,77,5], +"classmlx_1_1core_1_1_gather_q_m_m.html#a53c3fa7beb51ce2e1c2da28633406fe0":[2,0,1,0,74,5], +"classmlx_1_1core_1_1_gather_q_m_m.html#a60c908bc836f930bb33f60b3e9db43af":[1,0,1,0,77,6], +"classmlx_1_1core_1_1_gather_q_m_m.html#a60c908bc836f930bb33f60b3e9db43af":[2,0,1,0,74,6], +"classmlx_1_1core_1_1_gather_q_m_m.html#a60ed2ade7f10dd9c9314913a810f9360":[1,0,1,0,77,0], +"classmlx_1_1core_1_1_gather_q_m_m.html#a60ed2ade7f10dd9c9314913a810f9360":[2,0,1,0,74,0], +"classmlx_1_1core_1_1_gather_q_m_m.html#a6a7da6bcf657fcdb157c45bf35fdec11":[1,0,1,0,77,3], +"classmlx_1_1core_1_1_gather_q_m_m.html#a6a7da6bcf657fcdb157c45bf35fdec11":[2,0,1,0,74,3], +"classmlx_1_1core_1_1_gather_q_m_m.html#a86eb048afc95646b2e96ec5493e3d887":[1,0,1,0,77,2], +"classmlx_1_1core_1_1_gather_q_m_m.html#a86eb048afc95646b2e96ec5493e3d887":[2,0,1,0,74,2], +"classmlx_1_1core_1_1_gather_q_m_m.html#a89aae98bfbdd6563df44ef7d70f0bf8c":[1,0,1,0,77,1], +"classmlx_1_1core_1_1_gather_q_m_m.html#a89aae98bfbdd6563df44ef7d70f0bf8c":[2,0,1,0,74,1], +"classmlx_1_1core_1_1_gather_q_m_m.html#adc579058752b927c71b45a962d4869e0":[1,0,1,0,77,4], +"classmlx_1_1core_1_1_gather_q_m_m.html#adc579058752b927c71b45a962d4869e0":[2,0,1,0,74,4], +"classmlx_1_1core_1_1_gather_q_m_m.html#ae08a4b7d28902d46f39e66beeb0e23ab":[1,0,1,0,77,7], +"classmlx_1_1core_1_1_gather_q_m_m.html#ae08a4b7d28902d46f39e66beeb0e23ab":[2,0,1,0,74,7], +"classmlx_1_1core_1_1_greater.html":[1,0,1,0,78], +"classmlx_1_1core_1_1_greater.html":[2,0,1,0,75], +"classmlx_1_1core_1_1_greater.html#a1d5992a66c020cd97a70e8e3d8cd1a1b":[1,0,1,0,78,0], +"classmlx_1_1core_1_1_greater.html#a1d5992a66c020cd97a70e8e3d8cd1a1b":[2,0,1,0,75,0], +"classmlx_1_1core_1_1_greater.html#a341766a8a7e41d2a1160d35d4e781679":[1,0,1,0,78,7], +"classmlx_1_1core_1_1_greater.html#a341766a8a7e41d2a1160d35d4e781679":[2,0,1,0,75,7], +"classmlx_1_1core_1_1_greater.html#a6877a6888614a618dc64296763ccabb1":[1,0,1,0,78,3], +"classmlx_1_1core_1_1_greater.html#a6877a6888614a618dc64296763ccabb1":[2,0,1,0,75,3], +"classmlx_1_1core_1_1_greater.html#a6d8267411fc4951de781f9e8e6c53aa0":[1,0,1,0,78,8], +"classmlx_1_1core_1_1_greater.html#a6d8267411fc4951de781f9e8e6c53aa0":[2,0,1,0,75,8], +"classmlx_1_1core_1_1_greater.html#aa2980e45cd2c79ebfb394012d3108a04":[1,0,1,0,78,6], +"classmlx_1_1core_1_1_greater.html#aa2980e45cd2c79ebfb394012d3108a04":[2,0,1,0,75,6], +"classmlx_1_1core_1_1_greater.html#aa47a9f80f45daf6a405e34f6dc7c99c1":[1,0,1,0,78,4], +"classmlx_1_1core_1_1_greater.html#aa47a9f80f45daf6a405e34f6dc7c99c1":[2,0,1,0,75,4], +"classmlx_1_1core_1_1_greater.html#abe1c03f311d0e0b610f3392a6566f2ae":[1,0,1,0,78,1], +"classmlx_1_1core_1_1_greater.html#abe1c03f311d0e0b610f3392a6566f2ae":[2,0,1,0,75,1], +"classmlx_1_1core_1_1_greater.html#ae8957cccf4c924d941f57a1bb751c878":[1,0,1,0,78,2], +"classmlx_1_1core_1_1_greater.html#ae8957cccf4c924d941f57a1bb751c878":[2,0,1,0,75,2], +"classmlx_1_1core_1_1_greater.html#af798a7cd704a2a9a8b3ecb6ef49583b0":[1,0,1,0,78,5], +"classmlx_1_1core_1_1_greater.html#af798a7cd704a2a9a8b3ecb6ef49583b0":[2,0,1,0,75,5], +"classmlx_1_1core_1_1_greater_equal.html":[1,0,1,0,79], +"classmlx_1_1core_1_1_greater_equal.html":[2,0,1,0,76], +"classmlx_1_1core_1_1_greater_equal.html#a15469125b9bea89b64bfeac01590c075":[1,0,1,0,79,1], +"classmlx_1_1core_1_1_greater_equal.html#a15469125b9bea89b64bfeac01590c075":[2,0,1,0,76,1], +"classmlx_1_1core_1_1_greater_equal.html#a19a3c49d5a9b40e17da0e56ef6908527":[1,0,1,0,79,0], +"classmlx_1_1core_1_1_greater_equal.html#a19a3c49d5a9b40e17da0e56ef6908527":[2,0,1,0,76,0], +"classmlx_1_1core_1_1_greater_equal.html#a1a77c18d89ee227171ff38efef6cacf6":[1,0,1,0,79,5], +"classmlx_1_1core_1_1_greater_equal.html#a1a77c18d89ee227171ff38efef6cacf6":[2,0,1,0,76,5], +"classmlx_1_1core_1_1_greater_equal.html#a3daef8596b963026b602019bc56fc5fc":[1,0,1,0,79,3], +"classmlx_1_1core_1_1_greater_equal.html#a3daef8596b963026b602019bc56fc5fc":[2,0,1,0,76,3], +"classmlx_1_1core_1_1_greater_equal.html#a62f07a4ac54c708307c82aac0e5693ee":[1,0,1,0,79,7], +"classmlx_1_1core_1_1_greater_equal.html#a62f07a4ac54c708307c82aac0e5693ee":[2,0,1,0,76,7], +"classmlx_1_1core_1_1_greater_equal.html#ab0e1be93eb01b0ce7fa83e953f5e3e1d":[1,0,1,0,79,8], +"classmlx_1_1core_1_1_greater_equal.html#ab0e1be93eb01b0ce7fa83e953f5e3e1d":[2,0,1,0,76,8], +"classmlx_1_1core_1_1_greater_equal.html#ab98045c861d2d2ffb0398c2c1d671cef":[1,0,1,0,79,6], +"classmlx_1_1core_1_1_greater_equal.html#ab98045c861d2d2ffb0398c2c1d671cef":[2,0,1,0,76,6], +"classmlx_1_1core_1_1_greater_equal.html#ac246263b4548126c3d4ab7e392575d24":[1,0,1,0,79,2], +"classmlx_1_1core_1_1_greater_equal.html#ac246263b4548126c3d4ab7e392575d24":[2,0,1,0,76,2], +"classmlx_1_1core_1_1_greater_equal.html#ac7346080aaaa01d52896127f383f9d20":[1,0,1,0,79,4], +"classmlx_1_1core_1_1_greater_equal.html#ac7346080aaaa01d52896127f383f9d20":[2,0,1,0,76,4], +"classmlx_1_1core_1_1_hadamard.html":[1,0,1,0,80], +"classmlx_1_1core_1_1_hadamard.html":[2,0,1,0,77], +"classmlx_1_1core_1_1_hadamard.html#a22b9d55ae3ba5eef63505124696e712a":[1,0,1,0,80,4], +"classmlx_1_1core_1_1_hadamard.html#a22b9d55ae3ba5eef63505124696e712a":[2,0,1,0,77,4], +"classmlx_1_1core_1_1_hadamard.html#a2470feb690f5463138490763c38b5733":[1,0,1,0,80,2], +"classmlx_1_1core_1_1_hadamard.html#a2470feb690f5463138490763c38b5733":[2,0,1,0,77,2], +"classmlx_1_1core_1_1_hadamard.html#a3df6e7e3b3b71bf50be5f1a05d0870b6":[1,0,1,0,80,6], +"classmlx_1_1core_1_1_hadamard.html#a3df6e7e3b3b71bf50be5f1a05d0870b6":[2,0,1,0,77,6], +"classmlx_1_1core_1_1_hadamard.html#a8a528d8d69a7343bdfd704a3e74230b8":[1,0,1,0,80,3], +"classmlx_1_1core_1_1_hadamard.html#a8a528d8d69a7343bdfd704a3e74230b8":[2,0,1,0,77,3], +"classmlx_1_1core_1_1_hadamard.html#a9f1a172e6246859e813002abe9b8f99c":[1,0,1,0,80,9], +"classmlx_1_1core_1_1_hadamard.html#a9f1a172e6246859e813002abe9b8f99c":[2,0,1,0,77,9], +"classmlx_1_1core_1_1_hadamard.html#aa709166de3c493308689769579d665e8":[1,0,1,0,80,5], +"classmlx_1_1core_1_1_hadamard.html#aa709166de3c493308689769579d665e8":[2,0,1,0,77,5], +"classmlx_1_1core_1_1_hadamard.html#ab27d6a9df42b3aab41ace3073a4c880d":[1,0,1,0,80,1], +"classmlx_1_1core_1_1_hadamard.html#ab27d6a9df42b3aab41ace3073a4c880d":[2,0,1,0,77,1], +"classmlx_1_1core_1_1_hadamard.html#abe4a0ed820b126940beec519d4239923":[1,0,1,0,80,0], +"classmlx_1_1core_1_1_hadamard.html#abe4a0ed820b126940beec519d4239923":[2,0,1,0,77,0], +"classmlx_1_1core_1_1_hadamard.html#af4134775427b8998d66f489468b98656":[1,0,1,0,80,8], +"classmlx_1_1core_1_1_hadamard.html#af4134775427b8998d66f489468b98656":[2,0,1,0,77,8], +"classmlx_1_1core_1_1_hadamard.html#afd67d09fde38ab3b6ba873b797f03dae":[1,0,1,0,80,7], +"classmlx_1_1core_1_1_hadamard.html#afd67d09fde38ab3b6ba873b797f03dae":[2,0,1,0,77,7], +"classmlx_1_1core_1_1_imag.html":[1,0,1,0,81], +"classmlx_1_1core_1_1_imag.html":[2,0,1,0,78], +"classmlx_1_1core_1_1_imag.html#a0c8d48e2a1474d80a314ea9b96dbaa8d":[1,0,1,0,81,6], +"classmlx_1_1core_1_1_imag.html#a0c8d48e2a1474d80a314ea9b96dbaa8d":[2,0,1,0,78,6], +"classmlx_1_1core_1_1_imag.html#a17d1f1f9f8528668fcdf39b636720829":[1,0,1,0,81,1], +"classmlx_1_1core_1_1_imag.html#a17d1f1f9f8528668fcdf39b636720829":[2,0,1,0,78,1], +"classmlx_1_1core_1_1_imag.html#a247a4d059b0a99678c6be8c15e42c1e6":[1,0,1,0,81,2], +"classmlx_1_1core_1_1_imag.html#a247a4d059b0a99678c6be8c15e42c1e6":[2,0,1,0,78,2], +"classmlx_1_1core_1_1_imag.html#a284b7de34a316110fdc98e7b753372b2":[1,0,1,0,81,0], +"classmlx_1_1core_1_1_imag.html#a284b7de34a316110fdc98e7b753372b2":[2,0,1,0,78,0], +"classmlx_1_1core_1_1_imag.html#a51c15ae82855edebba2ba779516465f5":[1,0,1,0,81,3], +"classmlx_1_1core_1_1_imag.html#a51c15ae82855edebba2ba779516465f5":[2,0,1,0,78,3], +"classmlx_1_1core_1_1_imag.html#a80da5fdd0fa549eebd7804c0e261848b":[1,0,1,0,81,7], +"classmlx_1_1core_1_1_imag.html#a80da5fdd0fa549eebd7804c0e261848b":[2,0,1,0,78,7], +"classmlx_1_1core_1_1_imag.html#ac01c5ed9b886983450ed9f049ddac55a":[1,0,1,0,81,4], +"classmlx_1_1core_1_1_imag.html#ac01c5ed9b886983450ed9f049ddac55a":[2,0,1,0,78,4], +"classmlx_1_1core_1_1_imag.html#ace9906672bd88df0573653883d58ecb3":[1,0,1,0,81,8], +"classmlx_1_1core_1_1_imag.html#ace9906672bd88df0573653883d58ecb3":[2,0,1,0,78,8], +"classmlx_1_1core_1_1_imag.html#ad4f847483ba07d20aba5b927c2689be8":[1,0,1,0,81,5], +"classmlx_1_1core_1_1_imag.html#ad4f847483ba07d20aba5b927c2689be8":[2,0,1,0,78,5], +"classmlx_1_1core_1_1_inverse.html":[1,0,1,0,83], +"classmlx_1_1core_1_1_inverse.html":[2,0,1,0,80], +"classmlx_1_1core_1_1_inverse.html#a086fbbc947ad232e01686ad063a78ed2":[1,0,1,0,83,2], +"classmlx_1_1core_1_1_inverse.html#a086fbbc947ad232e01686ad063a78ed2":[2,0,1,0,80,2], +"classmlx_1_1core_1_1_inverse.html#a543f18f1ce5c06c897141091e95a66e9":[1,0,1,0,83,3], +"classmlx_1_1core_1_1_inverse.html#a543f18f1ce5c06c897141091e95a66e9":[2,0,1,0,80,3], +"classmlx_1_1core_1_1_inverse.html#a71467681e523abb725724490bfeb76ad":[1,0,1,0,83,0], +"classmlx_1_1core_1_1_inverse.html#a71467681e523abb725724490bfeb76ad":[2,0,1,0,80,0], +"classmlx_1_1core_1_1_inverse.html#a98419b9f0b8a6c9185fe012d523552c2":[1,0,1,0,83,5], +"classmlx_1_1core_1_1_inverse.html#a98419b9f0b8a6c9185fe012d523552c2":[2,0,1,0,80,5], +"classmlx_1_1core_1_1_inverse.html#aa1fce744f4a2d660c65901a7542056f2":[1,0,1,0,83,4], +"classmlx_1_1core_1_1_inverse.html#aa1fce744f4a2d660c65901a7542056f2":[2,0,1,0,80,4], +"classmlx_1_1core_1_1_inverse.html#aeb1d8dc9bc4052a616023f65b3c7bb81":[1,0,1,0,83,1], +"classmlx_1_1core_1_1_inverse.html#aeb1d8dc9bc4052a616023f65b3c7bb81":[2,0,1,0,80,1], +"classmlx_1_1core_1_1_jit_compiler.html":[1,0,1,0,84], +"classmlx_1_1core_1_1_jit_compiler.html":[2,0,1,0,81], +"classmlx_1_1core_1_1_jit_compiler.html#a10a5cde91ab929ccbdbdf4c4d940f156":[1,0,1,0,84,0], +"classmlx_1_1core_1_1_jit_compiler.html#a10a5cde91ab929ccbdbdf4c4d940f156":[2,0,1,0,81,0], +"classmlx_1_1core_1_1_jit_compiler.html#adcf98f940e1919388eaab907ea17a540":[1,0,1,0,84,1], +"classmlx_1_1core_1_1_jit_compiler.html#adcf98f940e1919388eaab907ea17a540":[2,0,1,0,81,1], +"classmlx_1_1core_1_1_l_u_f.html":[1,0,1,0,94], +"classmlx_1_1core_1_1_l_u_f.html":[2,0,1,0,91], +"classmlx_1_1core_1_1_l_u_f.html#a0d8687ad3af3ff5b74881f1a4b312051":[1,0,1,0,94,0], +"classmlx_1_1core_1_1_l_u_f.html#a0d8687ad3af3ff5b74881f1a4b312051":[2,0,1,0,91,0], +"classmlx_1_1core_1_1_l_u_f.html#a6cb497d6b011210a8090bdc8fdf14913":[1,0,1,0,94,1], +"classmlx_1_1core_1_1_l_u_f.html#a6cb497d6b011210a8090bdc8fdf14913":[2,0,1,0,91,1], +"classmlx_1_1core_1_1_l_u_f.html#a7e71d966d49e473f4bf0524c18425a07":[1,0,1,0,94,3], +"classmlx_1_1core_1_1_l_u_f.html#a7e71d966d49e473f4bf0524c18425a07":[2,0,1,0,91,3], +"classmlx_1_1core_1_1_l_u_f.html#aa2e955a6ca2ffbfab463a3e9c69beabf":[1,0,1,0,94,2], +"classmlx_1_1core_1_1_l_u_f.html#aa2e955a6ca2ffbfab463a3e9c69beabf":[2,0,1,0,91,2], +"classmlx_1_1core_1_1_less.html":[1,0,1,0,85], +"classmlx_1_1core_1_1_less.html":[2,0,1,0,82], +"classmlx_1_1core_1_1_less.html#a32624124ffece066f496b3299056bcef":[1,0,1,0,85,1], +"classmlx_1_1core_1_1_less.html#a32624124ffece066f496b3299056bcef":[2,0,1,0,82,1], +"classmlx_1_1core_1_1_less.html#a353335ce06ddbe8498d86d129c835917":[1,0,1,0,85,2], +"classmlx_1_1core_1_1_less.html#a353335ce06ddbe8498d86d129c835917":[2,0,1,0,82,2], +"classmlx_1_1core_1_1_less.html#a5fee5956cf087d8405359121aa62ba7e":[1,0,1,0,85,8], +"classmlx_1_1core_1_1_less.html#a5fee5956cf087d8405359121aa62ba7e":[2,0,1,0,82,8], +"classmlx_1_1core_1_1_less.html#a7d6ed6353a0dcefebd008026dbd3cd63":[1,0,1,0,85,3], +"classmlx_1_1core_1_1_less.html#a7d6ed6353a0dcefebd008026dbd3cd63":[2,0,1,0,82,3], +"classmlx_1_1core_1_1_less.html#aa55c5cfbab0ac30e1b72c080fe9525d7":[1,0,1,0,85,0], +"classmlx_1_1core_1_1_less.html#aa55c5cfbab0ac30e1b72c080fe9525d7":[2,0,1,0,82,0], +"classmlx_1_1core_1_1_less.html#aaf205d389b5e602e0814b68f66de8f50":[1,0,1,0,85,7], +"classmlx_1_1core_1_1_less.html#aaf205d389b5e602e0814b68f66de8f50":[2,0,1,0,82,7], +"classmlx_1_1core_1_1_less.html#ad67e6f66d7b75546fd98dbee6b631d78":[1,0,1,0,85,6], +"classmlx_1_1core_1_1_less.html#ad67e6f66d7b75546fd98dbee6b631d78":[2,0,1,0,82,6], +"classmlx_1_1core_1_1_less.html#ad7604a75b79260d263ac0c7d959cadd5":[1,0,1,0,85,5], +"classmlx_1_1core_1_1_less.html#ad7604a75b79260d263ac0c7d959cadd5":[2,0,1,0,82,5], +"classmlx_1_1core_1_1_less.html#af1493d566f6d940b8f674aac17f5dfce":[1,0,1,0,85,4], +"classmlx_1_1core_1_1_less.html#af1493d566f6d940b8f674aac17f5dfce":[2,0,1,0,82,4], +"classmlx_1_1core_1_1_less_equal.html":[1,0,1,0,86], +"classmlx_1_1core_1_1_less_equal.html":[2,0,1,0,83], +"classmlx_1_1core_1_1_less_equal.html#a3d5df21db184f2b7620cda9da1684480":[1,0,1,0,86,8], +"classmlx_1_1core_1_1_less_equal.html#a3d5df21db184f2b7620cda9da1684480":[2,0,1,0,83,8], +"classmlx_1_1core_1_1_less_equal.html#a409842d3862113c53cbbdf7467a06950":[1,0,1,0,86,6], +"classmlx_1_1core_1_1_less_equal.html#a409842d3862113c53cbbdf7467a06950":[2,0,1,0,83,6], +"classmlx_1_1core_1_1_less_equal.html#a52492a43224d47e7851beec646c27bbc":[1,0,1,0,86,0], +"classmlx_1_1core_1_1_less_equal.html#a52492a43224d47e7851beec646c27bbc":[2,0,1,0,83,0], +"classmlx_1_1core_1_1_less_equal.html#a5598c700e881673098928e47b4da9ff8":[1,0,1,0,86,5], +"classmlx_1_1core_1_1_less_equal.html#a5598c700e881673098928e47b4da9ff8":[2,0,1,0,83,5], +"classmlx_1_1core_1_1_less_equal.html#a55d1352b0e97841a92503bc57c19ed16":[1,0,1,0,86,1], +"classmlx_1_1core_1_1_less_equal.html#a55d1352b0e97841a92503bc57c19ed16":[2,0,1,0,83,1], +"classmlx_1_1core_1_1_less_equal.html#a76ee1438cf4bd109eae4e0b3472b26af":[1,0,1,0,86,3], +"classmlx_1_1core_1_1_less_equal.html#a76ee1438cf4bd109eae4e0b3472b26af":[2,0,1,0,83,3], +"classmlx_1_1core_1_1_less_equal.html#aab2aab7590c299885e815c18eedd1028":[1,0,1,0,86,7], +"classmlx_1_1core_1_1_less_equal.html#aab2aab7590c299885e815c18eedd1028":[2,0,1,0,83,7], +"classmlx_1_1core_1_1_less_equal.html#acf035a82b11e6f63742143ea540fedac":[1,0,1,0,86,2], +"classmlx_1_1core_1_1_less_equal.html#acf035a82b11e6f63742143ea540fedac":[2,0,1,0,83,2], +"classmlx_1_1core_1_1_less_equal.html#addfe62d3557d216f8307bdf1cbff6a8f":[1,0,1,0,86,4], +"classmlx_1_1core_1_1_less_equal.html#addfe62d3557d216f8307bdf1cbff6a8f":[2,0,1,0,83,4], +"classmlx_1_1core_1_1_load.html":[1,0,1,0,87], +"classmlx_1_1core_1_1_load.html":[2,0,1,0,84] }; diff --git a/docs/build/html/navtreeindex7.js b/docs/build/html/navtreeindex7.js index 3ea03b2da..7557e89cb 100644 --- a/docs/build/html/navtreeindex7.js +++ b/docs/build/html/navtreeindex7.js @@ -1,253 +1,253 @@ var NAVTREEINDEX7 = { -"classmlx_1_1core_1_1_less_equal.html#addfe62d3557d216f8307bdf1cbff6a8f":[1,0,1,0,85,4], -"classmlx_1_1core_1_1_less_equal.html#addfe62d3557d216f8307bdf1cbff6a8f":[2,0,1,0,82,4], -"classmlx_1_1core_1_1_load.html":[1,0,1,0,86], -"classmlx_1_1core_1_1_load.html":[2,0,1,0,83], -"classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d":[1,0,1,0,86,2], -"classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d":[2,0,1,0,83,2], -"classmlx_1_1core_1_1_load.html#a3aa8a537cd90bab048df47dca1ed526a":[1,0,1,0,86,0], -"classmlx_1_1core_1_1_load.html#a3aa8a537cd90bab048df47dca1ed526a":[2,0,1,0,83,0], -"classmlx_1_1core_1_1_load.html#a54e08a0ca41b7c9f1a76b00c889f0bfa":[1,0,1,0,86,3], -"classmlx_1_1core_1_1_load.html#a54e08a0ca41b7c9f1a76b00c889f0bfa":[2,0,1,0,83,3], -"classmlx_1_1core_1_1_load.html#ada026ac30566f3109d8182e35d307c0a":[1,0,1,0,86,1], -"classmlx_1_1core_1_1_load.html#ada026ac30566f3109d8182e35d307c0a":[2,0,1,0,83,1], -"classmlx_1_1core_1_1_log.html":[1,0,1,0,87], -"classmlx_1_1core_1_1_log.html":[2,0,1,0,84], -"classmlx_1_1core_1_1_log.html#a007ddbcf911093231f607a8b9ed5cd49":[1,0,1,0,87,10], -"classmlx_1_1core_1_1_log.html#a007ddbcf911093231f607a8b9ed5cd49":[2,0,1,0,84,10], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421":[1,0,1,0,87,0], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421":[2,0,1,0,84,0], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a394d85b39676763bdf35b8d54b9e43a1":[1,0,1,0,87,0,1], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a394d85b39676763bdf35b8d54b9e43a1":[2,0,1,0,84,0,1], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a41877eab6fa3db7d7ed2cda9eba14251":[1,0,1,0,87,0,0], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a41877eab6fa3db7d7ed2cda9eba14251":[2,0,1,0,84,0,0], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a491d45f7af463017c1f8cae94cd05590":[1,0,1,0,87,0,2], -"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a491d45f7af463017c1f8cae94cd05590":[2,0,1,0,84,0,2], -"classmlx_1_1core_1_1_log.html#a2fc58ea4ca744db493b947d1136d05f8":[1,0,1,0,87,4], -"classmlx_1_1core_1_1_log.html#a2fc58ea4ca744db493b947d1136d05f8":[2,0,1,0,84,4], -"classmlx_1_1core_1_1_log.html#a40885dccfbf928c4d035881be1d49280":[1,0,1,0,87,9], -"classmlx_1_1core_1_1_log.html#a40885dccfbf928c4d035881be1d49280":[2,0,1,0,84,9], -"classmlx_1_1core_1_1_log.html#a663e54790c60b56eb0ff09f4f6635fb9":[1,0,1,0,87,1], -"classmlx_1_1core_1_1_log.html#a663e54790c60b56eb0ff09f4f6635fb9":[2,0,1,0,84,1], -"classmlx_1_1core_1_1_log.html#a7b946d98d4a228c6be9f606a3bd8a30d":[1,0,1,0,87,7], -"classmlx_1_1core_1_1_log.html#a7b946d98d4a228c6be9f606a3bd8a30d":[2,0,1,0,84,7], -"classmlx_1_1core_1_1_log.html#a86fca2ec3766f5d4a2e6d8ba2983c3aa":[1,0,1,0,87,8], -"classmlx_1_1core_1_1_log.html#a86fca2ec3766f5d4a2e6d8ba2983c3aa":[2,0,1,0,84,8], -"classmlx_1_1core_1_1_log.html#aaaa49e9455f3a197bc319646b5ca6390":[1,0,1,0,87,3], -"classmlx_1_1core_1_1_log.html#aaaa49e9455f3a197bc319646b5ca6390":[2,0,1,0,84,3], -"classmlx_1_1core_1_1_log.html#aadc7bb4cb24f3ecbbb9ed54a699ab74f":[1,0,1,0,87,2], -"classmlx_1_1core_1_1_log.html#aadc7bb4cb24f3ecbbb9ed54a699ab74f":[2,0,1,0,84,2], -"classmlx_1_1core_1_1_log.html#ab2cae6889352ca0674f6463f8f52d77d":[1,0,1,0,87,6], -"classmlx_1_1core_1_1_log.html#ab2cae6889352ca0674f6463f8f52d77d":[2,0,1,0,84,6], -"classmlx_1_1core_1_1_log.html#ac646d4155322c34f58183d97301e3832":[1,0,1,0,87,5], -"classmlx_1_1core_1_1_log.html#ac646d4155322c34f58183d97301e3832":[2,0,1,0,84,5], -"classmlx_1_1core_1_1_log1p.html":[1,0,1,0,88], -"classmlx_1_1core_1_1_log1p.html":[2,0,1,0,85], -"classmlx_1_1core_1_1_log1p.html#a1b97decae7338d46874e736c95fa7431":[1,0,1,0,88,2], -"classmlx_1_1core_1_1_log1p.html#a1b97decae7338d46874e736c95fa7431":[2,0,1,0,85,2], -"classmlx_1_1core_1_1_log1p.html#a3113c1d2b4c5e73d0b470f42dc48a880":[1,0,1,0,88,6], -"classmlx_1_1core_1_1_log1p.html#a3113c1d2b4c5e73d0b470f42dc48a880":[2,0,1,0,85,6], -"classmlx_1_1core_1_1_log1p.html#a537e44c7c993daf48698082e75e71ba2":[1,0,1,0,88,3], -"classmlx_1_1core_1_1_log1p.html#a537e44c7c993daf48698082e75e71ba2":[2,0,1,0,85,3], -"classmlx_1_1core_1_1_log1p.html#a7122576f95ce479926bbbbc690891f71":[1,0,1,0,88,7], -"classmlx_1_1core_1_1_log1p.html#a7122576f95ce479926bbbbc690891f71":[2,0,1,0,85,7], -"classmlx_1_1core_1_1_log1p.html#a73a02ddf0f125fff83462d97146a0a08":[1,0,1,0,88,4], -"classmlx_1_1core_1_1_log1p.html#a73a02ddf0f125fff83462d97146a0a08":[2,0,1,0,85,4], -"classmlx_1_1core_1_1_log1p.html#a8192e5438de99c4cda056987935cba23":[1,0,1,0,88,1], -"classmlx_1_1core_1_1_log1p.html#a8192e5438de99c4cda056987935cba23":[2,0,1,0,85,1], -"classmlx_1_1core_1_1_log1p.html#a8a1569dde30440ce11ea466ccc69d2d4":[1,0,1,0,88,5], -"classmlx_1_1core_1_1_log1p.html#a8a1569dde30440ce11ea466ccc69d2d4":[2,0,1,0,85,5], -"classmlx_1_1core_1_1_log1p.html#ab0d6eb90c6f98775fce56f3446ff127a":[1,0,1,0,88,0], -"classmlx_1_1core_1_1_log1p.html#ab0d6eb90c6f98775fce56f3446ff127a":[2,0,1,0,85,0], -"classmlx_1_1core_1_1_log_add_exp.html":[1,0,1,0,89], -"classmlx_1_1core_1_1_log_add_exp.html":[2,0,1,0,86], -"classmlx_1_1core_1_1_log_add_exp.html#a234f8c8ea5f5bf2fb7e371588fea98b9":[1,0,1,0,89,5], -"classmlx_1_1core_1_1_log_add_exp.html#a234f8c8ea5f5bf2fb7e371588fea98b9":[2,0,1,0,86,5], -"classmlx_1_1core_1_1_log_add_exp.html#a3cf9a202c05aff39919d713d6e2b32e4":[1,0,1,0,89,3], -"classmlx_1_1core_1_1_log_add_exp.html#a3cf9a202c05aff39919d713d6e2b32e4":[2,0,1,0,86,3], -"classmlx_1_1core_1_1_log_add_exp.html#a702a2eff0bd1ae7b6fb829dd0b0b11b9":[1,0,1,0,89,6], -"classmlx_1_1core_1_1_log_add_exp.html#a702a2eff0bd1ae7b6fb829dd0b0b11b9":[2,0,1,0,86,6], -"classmlx_1_1core_1_1_log_add_exp.html#a82190aa1421a9734b6e9480debffac78":[1,0,1,0,89,8], -"classmlx_1_1core_1_1_log_add_exp.html#a82190aa1421a9734b6e9480debffac78":[2,0,1,0,86,8], -"classmlx_1_1core_1_1_log_add_exp.html#abef17fb590b1a8d356f2a580e45d41f0":[1,0,1,0,89,1], -"classmlx_1_1core_1_1_log_add_exp.html#abef17fb590b1a8d356f2a580e45d41f0":[2,0,1,0,86,1], -"classmlx_1_1core_1_1_log_add_exp.html#acace355b62ec00df649f9f99e8f2eb7a":[1,0,1,0,89,2], -"classmlx_1_1core_1_1_log_add_exp.html#acace355b62ec00df649f9f99e8f2eb7a":[2,0,1,0,86,2], -"classmlx_1_1core_1_1_log_add_exp.html#ad8938ca90ccf1a3259973fc68902975a":[1,0,1,0,89,0], -"classmlx_1_1core_1_1_log_add_exp.html#ad8938ca90ccf1a3259973fc68902975a":[2,0,1,0,86,0], -"classmlx_1_1core_1_1_log_add_exp.html#ae231af0ed24a93eb647ee58c2d2b20b4":[1,0,1,0,89,7], -"classmlx_1_1core_1_1_log_add_exp.html#ae231af0ed24a93eb647ee58c2d2b20b4":[2,0,1,0,86,7], -"classmlx_1_1core_1_1_log_add_exp.html#aea2d1d58794e86f3488219ed3fa14329":[1,0,1,0,89,4], -"classmlx_1_1core_1_1_log_add_exp.html#aea2d1d58794e86f3488219ed3fa14329":[2,0,1,0,86,4], -"classmlx_1_1core_1_1_logical_and.html":[1,0,1,0,90], -"classmlx_1_1core_1_1_logical_and.html":[2,0,1,0,87], -"classmlx_1_1core_1_1_logical_and.html#a132b2eedaa3978de5a5350da3c2ca40f":[1,0,1,0,90,2], -"classmlx_1_1core_1_1_logical_and.html#a132b2eedaa3978de5a5350da3c2ca40f":[2,0,1,0,87,2], -"classmlx_1_1core_1_1_logical_and.html#a266f1eaced19b8b11e273de9219cf9ed":[1,0,1,0,90,5], -"classmlx_1_1core_1_1_logical_and.html#a266f1eaced19b8b11e273de9219cf9ed":[2,0,1,0,87,5], -"classmlx_1_1core_1_1_logical_and.html#a78d3be71da224ea19158cf9e8c4cf434":[1,0,1,0,90,4], -"classmlx_1_1core_1_1_logical_and.html#a78d3be71da224ea19158cf9e8c4cf434":[2,0,1,0,87,4], -"classmlx_1_1core_1_1_logical_and.html#a9572c35f72e0db2f7f86bbf42438a6be":[1,0,1,0,90,3], -"classmlx_1_1core_1_1_logical_and.html#a9572c35f72e0db2f7f86bbf42438a6be":[2,0,1,0,87,3], -"classmlx_1_1core_1_1_logical_and.html#a9a5220eb56e1fd94fd879394ee5ad397":[1,0,1,0,90,6], -"classmlx_1_1core_1_1_logical_and.html#a9a5220eb56e1fd94fd879394ee5ad397":[2,0,1,0,87,6], -"classmlx_1_1core_1_1_logical_and.html#aacc5f6f53ffc327b7771485e3da2a4e5":[1,0,1,0,90,8], -"classmlx_1_1core_1_1_logical_and.html#aacc5f6f53ffc327b7771485e3da2a4e5":[2,0,1,0,87,8], -"classmlx_1_1core_1_1_logical_and.html#aaf2cab8ffcf6606b8babfef60fc06fb3":[1,0,1,0,90,0], -"classmlx_1_1core_1_1_logical_and.html#aaf2cab8ffcf6606b8babfef60fc06fb3":[2,0,1,0,87,0], -"classmlx_1_1core_1_1_logical_and.html#adbe1c1785af1a8b827289d22b0d170b3":[1,0,1,0,90,1], -"classmlx_1_1core_1_1_logical_and.html#adbe1c1785af1a8b827289d22b0d170b3":[2,0,1,0,87,1], -"classmlx_1_1core_1_1_logical_and.html#ae42f8fc454577b0fd6410cae9d5f3b54":[1,0,1,0,90,7], -"classmlx_1_1core_1_1_logical_and.html#ae42f8fc454577b0fd6410cae9d5f3b54":[2,0,1,0,87,7], -"classmlx_1_1core_1_1_logical_not.html":[1,0,1,0,91], -"classmlx_1_1core_1_1_logical_not.html":[2,0,1,0,88], -"classmlx_1_1core_1_1_logical_not.html#a001ff3eca46440f0d8a287e0b98a8a2c":[1,0,1,0,91,6], -"classmlx_1_1core_1_1_logical_not.html#a001ff3eca46440f0d8a287e0b98a8a2c":[2,0,1,0,88,6], -"classmlx_1_1core_1_1_logical_not.html#a1d0d2bc93f935eca6c85ef7bf67f2d6a":[1,0,1,0,91,2], -"classmlx_1_1core_1_1_logical_not.html#a1d0d2bc93f935eca6c85ef7bf67f2d6a":[2,0,1,0,88,2], -"classmlx_1_1core_1_1_logical_not.html#a4838c483ced707cfda3d6cd24bf4667c":[1,0,1,0,91,4], -"classmlx_1_1core_1_1_logical_not.html#a4838c483ced707cfda3d6cd24bf4667c":[2,0,1,0,88,4], -"classmlx_1_1core_1_1_logical_not.html#a5308a271619ee74df561b0aaf525915d":[1,0,1,0,91,8], -"classmlx_1_1core_1_1_logical_not.html#a5308a271619ee74df561b0aaf525915d":[2,0,1,0,88,8], -"classmlx_1_1core_1_1_logical_not.html#a6f5850b4c78b83d5e2c0d37437fc79b7":[1,0,1,0,91,0], -"classmlx_1_1core_1_1_logical_not.html#a6f5850b4c78b83d5e2c0d37437fc79b7":[2,0,1,0,88,0], -"classmlx_1_1core_1_1_logical_not.html#aba53675da351cd9b71a73d475b4bbe99":[1,0,1,0,91,3], -"classmlx_1_1core_1_1_logical_not.html#aba53675da351cd9b71a73d475b4bbe99":[2,0,1,0,88,3], -"classmlx_1_1core_1_1_logical_not.html#acf3f7b3b20ca69533536e0e0a05725b3":[1,0,1,0,91,1], -"classmlx_1_1core_1_1_logical_not.html#acf3f7b3b20ca69533536e0e0a05725b3":[2,0,1,0,88,1], -"classmlx_1_1core_1_1_logical_not.html#ad3889969521c6a040aa2f26caee219b7":[1,0,1,0,91,5], -"classmlx_1_1core_1_1_logical_not.html#ad3889969521c6a040aa2f26caee219b7":[2,0,1,0,88,5], -"classmlx_1_1core_1_1_logical_not.html#af2c3c241cf3910fbaba013c69d052a50":[1,0,1,0,91,7], -"classmlx_1_1core_1_1_logical_not.html#af2c3c241cf3910fbaba013c69d052a50":[2,0,1,0,88,7], -"classmlx_1_1core_1_1_logical_or.html":[1,0,1,0,92], -"classmlx_1_1core_1_1_logical_or.html":[2,0,1,0,89], -"classmlx_1_1core_1_1_logical_or.html#a13cd4cbf26589287e85aeaaca42d7f62":[1,0,1,0,92,1], -"classmlx_1_1core_1_1_logical_or.html#a13cd4cbf26589287e85aeaaca42d7f62":[2,0,1,0,89,1], -"classmlx_1_1core_1_1_logical_or.html#a269c22daca1c15ad010bb860bce93918":[1,0,1,0,92,0], -"classmlx_1_1core_1_1_logical_or.html#a269c22daca1c15ad010bb860bce93918":[2,0,1,0,89,0], -"classmlx_1_1core_1_1_logical_or.html#a292de6001c551214c8152a7a5b0e6bd4":[1,0,1,0,92,4], -"classmlx_1_1core_1_1_logical_or.html#a292de6001c551214c8152a7a5b0e6bd4":[2,0,1,0,89,4], -"classmlx_1_1core_1_1_logical_or.html#a3be1da328f0f8620de2e4fc1d22a077a":[1,0,1,0,92,2], -"classmlx_1_1core_1_1_logical_or.html#a3be1da328f0f8620de2e4fc1d22a077a":[2,0,1,0,89,2], -"classmlx_1_1core_1_1_logical_or.html#a51aed488f52d5031998689af9cb17847":[1,0,1,0,92,7], -"classmlx_1_1core_1_1_logical_or.html#a51aed488f52d5031998689af9cb17847":[2,0,1,0,89,7], -"classmlx_1_1core_1_1_logical_or.html#a6becc5fbfadde850de9857099dcd5003":[1,0,1,0,92,6], -"classmlx_1_1core_1_1_logical_or.html#a6becc5fbfadde850de9857099dcd5003":[2,0,1,0,89,6], -"classmlx_1_1core_1_1_logical_or.html#a6e2e77e6aaf47872b2e96b151c32daf3":[1,0,1,0,92,8], -"classmlx_1_1core_1_1_logical_or.html#a6e2e77e6aaf47872b2e96b151c32daf3":[2,0,1,0,89,8], -"classmlx_1_1core_1_1_logical_or.html#a931b98fca3e19085af9fa97a43db8ced":[1,0,1,0,92,5], -"classmlx_1_1core_1_1_logical_or.html#a931b98fca3e19085af9fa97a43db8ced":[2,0,1,0,89,5], -"classmlx_1_1core_1_1_logical_or.html#a9c8b10a5cf5c69fdc2362390197e4e71":[1,0,1,0,92,3], -"classmlx_1_1core_1_1_logical_or.html#a9c8b10a5cf5c69fdc2362390197e4e71":[2,0,1,0,89,3], -"classmlx_1_1core_1_1_matmul.html":[1,0,1,0,94], -"classmlx_1_1core_1_1_matmul.html":[2,0,1,0,91], -"classmlx_1_1core_1_1_matmul.html#a357a7f57a2a220a91977f810a69413fc":[1,0,1,0,94,1], -"classmlx_1_1core_1_1_matmul.html#a357a7f57a2a220a91977f810a69413fc":[2,0,1,0,91,1], -"classmlx_1_1core_1_1_matmul.html#a3a1c6e70bac300240760fe41a58340c2":[1,0,1,0,94,8], -"classmlx_1_1core_1_1_matmul.html#a3a1c6e70bac300240760fe41a58340c2":[2,0,1,0,91,8], -"classmlx_1_1core_1_1_matmul.html#a524136cca481598ea20894d85ca66bb0":[1,0,1,0,94,7], -"classmlx_1_1core_1_1_matmul.html#a524136cca481598ea20894d85ca66bb0":[2,0,1,0,91,7], -"classmlx_1_1core_1_1_matmul.html#a6d949d8ab0fab0395532706c174686d5":[1,0,1,0,94,4], -"classmlx_1_1core_1_1_matmul.html#a6d949d8ab0fab0395532706c174686d5":[2,0,1,0,91,4], -"classmlx_1_1core_1_1_matmul.html#a8707a4e9b75c769e8f1dbca15c6a1ae7":[1,0,1,0,94,2], -"classmlx_1_1core_1_1_matmul.html#a8707a4e9b75c769e8f1dbca15c6a1ae7":[2,0,1,0,91,2], -"classmlx_1_1core_1_1_matmul.html#aab372b59eae0840fc4f75ef5719a2630":[1,0,1,0,94,3], -"classmlx_1_1core_1_1_matmul.html#aab372b59eae0840fc4f75ef5719a2630":[2,0,1,0,91,3], -"classmlx_1_1core_1_1_matmul.html#abb4a16a265a05d56a2f5d2e89d6f9dfd":[1,0,1,0,94,6], -"classmlx_1_1core_1_1_matmul.html#abb4a16a265a05d56a2f5d2e89d6f9dfd":[2,0,1,0,91,6], -"classmlx_1_1core_1_1_matmul.html#abfabe69f428f7f125bf5665713a0eb5c":[1,0,1,0,94,5], -"classmlx_1_1core_1_1_matmul.html#abfabe69f428f7f125bf5665713a0eb5c":[2,0,1,0,91,5], -"classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7":[1,0,1,0,94,0], -"classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7":[2,0,1,0,91,0], -"classmlx_1_1core_1_1_maximum.html":[1,0,1,0,95], -"classmlx_1_1core_1_1_maximum.html":[2,0,1,0,92], -"classmlx_1_1core_1_1_maximum.html#a21fe93fbd7799682f481260aee8bdb46":[1,0,1,0,95,3], -"classmlx_1_1core_1_1_maximum.html#a21fe93fbd7799682f481260aee8bdb46":[2,0,1,0,92,3], -"classmlx_1_1core_1_1_maximum.html#a25ac5d5b453e571bf7240aa8de103c39":[1,0,1,0,95,4], -"classmlx_1_1core_1_1_maximum.html#a25ac5d5b453e571bf7240aa8de103c39":[2,0,1,0,92,4], -"classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816":[1,0,1,0,95,0], -"classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816":[2,0,1,0,92,0], -"classmlx_1_1core_1_1_maximum.html#a3b708a1d6b526719c62850294776f8ca":[1,0,1,0,95,6], -"classmlx_1_1core_1_1_maximum.html#a3b708a1d6b526719c62850294776f8ca":[2,0,1,0,92,6], -"classmlx_1_1core_1_1_maximum.html#a62b38fbe5f96db58c2b60165ac4eadcf":[1,0,1,0,95,1], -"classmlx_1_1core_1_1_maximum.html#a62b38fbe5f96db58c2b60165ac4eadcf":[2,0,1,0,92,1], -"classmlx_1_1core_1_1_maximum.html#a7de15d7b28784e24bbfc7e85ddcbcff3":[1,0,1,0,95,7], -"classmlx_1_1core_1_1_maximum.html#a7de15d7b28784e24bbfc7e85ddcbcff3":[2,0,1,0,92,7], -"classmlx_1_1core_1_1_maximum.html#a888a69fb68726c3c18973f3ea38cfd2b":[1,0,1,0,95,5], -"classmlx_1_1core_1_1_maximum.html#a888a69fb68726c3c18973f3ea38cfd2b":[2,0,1,0,92,5], -"classmlx_1_1core_1_1_maximum.html#ab664918e0d71cfec1318a9879e78c5d3":[1,0,1,0,95,8], -"classmlx_1_1core_1_1_maximum.html#ab664918e0d71cfec1318a9879e78c5d3":[2,0,1,0,92,8], -"classmlx_1_1core_1_1_maximum.html#ade0f721b10a6b3a12bdadd34c48f72a7":[1,0,1,0,95,2], -"classmlx_1_1core_1_1_maximum.html#ade0f721b10a6b3a12bdadd34c48f72a7":[2,0,1,0,92,2], -"classmlx_1_1core_1_1_minimum.html":[1,0,1,0,96], -"classmlx_1_1core_1_1_minimum.html":[2,0,1,0,93], -"classmlx_1_1core_1_1_minimum.html#a10acf4fef35eed7ca55d131b5ae2d038":[1,0,1,0,96,4], -"classmlx_1_1core_1_1_minimum.html#a10acf4fef35eed7ca55d131b5ae2d038":[2,0,1,0,93,4], -"classmlx_1_1core_1_1_minimum.html#a137677bf32c626a768b732a7b8575512":[1,0,1,0,96,6], -"classmlx_1_1core_1_1_minimum.html#a137677bf32c626a768b732a7b8575512":[2,0,1,0,93,6], -"classmlx_1_1core_1_1_minimum.html#a48a0cbe3a6c4f7473c00e343f63b5204":[1,0,1,0,96,7], -"classmlx_1_1core_1_1_minimum.html#a48a0cbe3a6c4f7473c00e343f63b5204":[2,0,1,0,93,7], -"classmlx_1_1core_1_1_minimum.html#a56c54ee3293cc2cd84462b9ec7ac36b4":[1,0,1,0,96,3], -"classmlx_1_1core_1_1_minimum.html#a56c54ee3293cc2cd84462b9ec7ac36b4":[2,0,1,0,93,3], -"classmlx_1_1core_1_1_minimum.html#a6b93f493ee87089943a8085fe59dfc6e":[1,0,1,0,96,1], -"classmlx_1_1core_1_1_minimum.html#a6b93f493ee87089943a8085fe59dfc6e":[2,0,1,0,93,1], -"classmlx_1_1core_1_1_minimum.html#aadc68afa0afbe2103f19d161f5e0a2ba":[1,0,1,0,96,2], -"classmlx_1_1core_1_1_minimum.html#aadc68afa0afbe2103f19d161f5e0a2ba":[2,0,1,0,93,2], -"classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5":[1,0,1,0,96,0], -"classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5":[2,0,1,0,93,0], -"classmlx_1_1core_1_1_minimum.html#adab0f31acf68075a0be908d8eb882980":[1,0,1,0,96,8], -"classmlx_1_1core_1_1_minimum.html#adab0f31acf68075a0be908d8eb882980":[2,0,1,0,93,8], -"classmlx_1_1core_1_1_minimum.html#af921b5202ebf9716972bcf0e3056742a":[1,0,1,0,96,5], -"classmlx_1_1core_1_1_minimum.html#af921b5202ebf9716972bcf0e3056742a":[2,0,1,0,93,5], -"classmlx_1_1core_1_1_multiply.html":[1,0,1,0,97], -"classmlx_1_1core_1_1_multiply.html":[2,0,1,0,94], -"classmlx_1_1core_1_1_multiply.html#a624fce06c047cdc4dfdbdcaaddb25f34":[1,0,1,0,97,1], -"classmlx_1_1core_1_1_multiply.html#a624fce06c047cdc4dfdbdcaaddb25f34":[2,0,1,0,94,1], -"classmlx_1_1core_1_1_multiply.html#a634fcb4e981d8d3f4d94252caf25bee0":[1,0,1,0,97,2], -"classmlx_1_1core_1_1_multiply.html#a634fcb4e981d8d3f4d94252caf25bee0":[2,0,1,0,94,2], -"classmlx_1_1core_1_1_multiply.html#a74b7556ec03e2c3d3f971666d06f5db1":[1,0,1,0,97,7], -"classmlx_1_1core_1_1_multiply.html#a74b7556ec03e2c3d3f971666d06f5db1":[2,0,1,0,94,7], -"classmlx_1_1core_1_1_multiply.html#a79f7f0bb70de2e3e41a66c96285325b4":[1,0,1,0,97,4], -"classmlx_1_1core_1_1_multiply.html#a79f7f0bb70de2e3e41a66c96285325b4":[2,0,1,0,94,4], -"classmlx_1_1core_1_1_multiply.html#aa4f1f7af68346ce80c2636df415c9909":[1,0,1,0,97,6], -"classmlx_1_1core_1_1_multiply.html#aa4f1f7af68346ce80c2636df415c9909":[2,0,1,0,94,6], -"classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c":[1,0,1,0,97,0], -"classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c":[2,0,1,0,94,0], -"classmlx_1_1core_1_1_multiply.html#adfd4c7f89660b42ab58e088b1ae19435":[1,0,1,0,97,5], -"classmlx_1_1core_1_1_multiply.html#adfd4c7f89660b42ab58e088b1ae19435":[2,0,1,0,94,5], -"classmlx_1_1core_1_1_multiply.html#ae288159fa2d6d35087a85aca8eafa9b2":[1,0,1,0,97,3], -"classmlx_1_1core_1_1_multiply.html#ae288159fa2d6d35087a85aca8eafa9b2":[2,0,1,0,94,3], -"classmlx_1_1core_1_1_multiply.html#ae7e82c8fc8cbaf4e00c27eb54fac7dbf":[1,0,1,0,97,8], -"classmlx_1_1core_1_1_multiply.html#ae7e82c8fc8cbaf4e00c27eb54fac7dbf":[2,0,1,0,94,8], -"classmlx_1_1core_1_1_negative.html":[1,0,1,0,98], -"classmlx_1_1core_1_1_negative.html":[2,0,1,0,95], -"classmlx_1_1core_1_1_negative.html#a0d5c30e267ff6468d64f1987f9f83f91":[1,0,1,0,98,6], -"classmlx_1_1core_1_1_negative.html#a0d5c30e267ff6468d64f1987f9f83f91":[2,0,1,0,95,6], -"classmlx_1_1core_1_1_negative.html#a1f8a6079e272f1a0599f88a1a8419cf0":[1,0,1,0,98,8], -"classmlx_1_1core_1_1_negative.html#a1f8a6079e272f1a0599f88a1a8419cf0":[2,0,1,0,95,8], -"classmlx_1_1core_1_1_negative.html#a606fb13a48d10c88707f1a2c41bee9e8":[1,0,1,0,98,5], -"classmlx_1_1core_1_1_negative.html#a606fb13a48d10c88707f1a2c41bee9e8":[2,0,1,0,95,5], -"classmlx_1_1core_1_1_negative.html#a7d918f9b26b8fb7b047a27d85ebab979":[1,0,1,0,98,4], -"classmlx_1_1core_1_1_negative.html#a7d918f9b26b8fb7b047a27d85ebab979":[2,0,1,0,95,4], -"classmlx_1_1core_1_1_negative.html#a889585f056d33bda30c30311257af52a":[1,0,1,0,98,7], -"classmlx_1_1core_1_1_negative.html#a889585f056d33bda30c30311257af52a":[2,0,1,0,95,7], -"classmlx_1_1core_1_1_negative.html#a97f1b316eace0c6d9e576d766940c75b":[1,0,1,0,98,2], -"classmlx_1_1core_1_1_negative.html#a97f1b316eace0c6d9e576d766940c75b":[2,0,1,0,95,2], -"classmlx_1_1core_1_1_negative.html#aa3b73395d9fa5b7215dca488bc0d3c70":[1,0,1,0,98,0], -"classmlx_1_1core_1_1_negative.html#aa3b73395d9fa5b7215dca488bc0d3c70":[2,0,1,0,95,0], -"classmlx_1_1core_1_1_negative.html#ac2a4d8159c548639d6289980c8975823":[1,0,1,0,98,3], -"classmlx_1_1core_1_1_negative.html#ac2a4d8159c548639d6289980c8975823":[2,0,1,0,95,3], -"classmlx_1_1core_1_1_negative.html#af43553dc418c8ebe75fa9cdcba103c3b":[1,0,1,0,98,1], -"classmlx_1_1core_1_1_negative.html#af43553dc418c8ebe75fa9cdcba103c3b":[2,0,1,0,95,1], -"classmlx_1_1core_1_1_not_equal.html":[1,0,1,0,100], -"classmlx_1_1core_1_1_not_equal.html":[2,0,1,0,97], -"classmlx_1_1core_1_1_not_equal.html#a0361f29f4ae1235bdf3f3304527e2d4b":[1,0,1,0,100,7], -"classmlx_1_1core_1_1_not_equal.html#a0361f29f4ae1235bdf3f3304527e2d4b":[2,0,1,0,97,7], -"classmlx_1_1core_1_1_not_equal.html#a12aa2f764880d29e627540610b63af09":[1,0,1,0,100,6], -"classmlx_1_1core_1_1_not_equal.html#a12aa2f764880d29e627540610b63af09":[2,0,1,0,97,6], -"classmlx_1_1core_1_1_not_equal.html#a61179747e34e203150e9c660dfddb5f2":[1,0,1,0,100,2], -"classmlx_1_1core_1_1_not_equal.html#a61179747e34e203150e9c660dfddb5f2":[2,0,1,0,97,2], -"classmlx_1_1core_1_1_not_equal.html#a8f95f8b5873850b875b1641df8196047":[1,0,1,0,100,1], -"classmlx_1_1core_1_1_not_equal.html#a8f95f8b5873850b875b1641df8196047":[2,0,1,0,97,1] +"classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d":[1,0,1,0,87,2], +"classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d":[2,0,1,0,84,2], +"classmlx_1_1core_1_1_load.html#a3aa8a537cd90bab048df47dca1ed526a":[1,0,1,0,87,0], +"classmlx_1_1core_1_1_load.html#a3aa8a537cd90bab048df47dca1ed526a":[2,0,1,0,84,0], +"classmlx_1_1core_1_1_load.html#a54e08a0ca41b7c9f1a76b00c889f0bfa":[1,0,1,0,87,3], +"classmlx_1_1core_1_1_load.html#a54e08a0ca41b7c9f1a76b00c889f0bfa":[2,0,1,0,84,3], +"classmlx_1_1core_1_1_load.html#ada026ac30566f3109d8182e35d307c0a":[1,0,1,0,87,1], +"classmlx_1_1core_1_1_load.html#ada026ac30566f3109d8182e35d307c0a":[2,0,1,0,84,1], +"classmlx_1_1core_1_1_log.html":[1,0,1,0,88], +"classmlx_1_1core_1_1_log.html":[2,0,1,0,85], +"classmlx_1_1core_1_1_log.html#a007ddbcf911093231f607a8b9ed5cd49":[1,0,1,0,88,10], +"classmlx_1_1core_1_1_log.html#a007ddbcf911093231f607a8b9ed5cd49":[2,0,1,0,85,10], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421":[1,0,1,0,88,0], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421":[2,0,1,0,85,0], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a394d85b39676763bdf35b8d54b9e43a1":[1,0,1,0,88,0,1], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a394d85b39676763bdf35b8d54b9e43a1":[2,0,1,0,85,0,1], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a41877eab6fa3db7d7ed2cda9eba14251":[1,0,1,0,88,0,0], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a41877eab6fa3db7d7ed2cda9eba14251":[2,0,1,0,85,0,0], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a491d45f7af463017c1f8cae94cd05590":[1,0,1,0,88,0,2], +"classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a491d45f7af463017c1f8cae94cd05590":[2,0,1,0,85,0,2], +"classmlx_1_1core_1_1_log.html#a2fc58ea4ca744db493b947d1136d05f8":[1,0,1,0,88,4], +"classmlx_1_1core_1_1_log.html#a2fc58ea4ca744db493b947d1136d05f8":[2,0,1,0,85,4], +"classmlx_1_1core_1_1_log.html#a40885dccfbf928c4d035881be1d49280":[1,0,1,0,88,9], +"classmlx_1_1core_1_1_log.html#a40885dccfbf928c4d035881be1d49280":[2,0,1,0,85,9], +"classmlx_1_1core_1_1_log.html#a663e54790c60b56eb0ff09f4f6635fb9":[1,0,1,0,88,1], +"classmlx_1_1core_1_1_log.html#a663e54790c60b56eb0ff09f4f6635fb9":[2,0,1,0,85,1], +"classmlx_1_1core_1_1_log.html#a7b946d98d4a228c6be9f606a3bd8a30d":[1,0,1,0,88,7], +"classmlx_1_1core_1_1_log.html#a7b946d98d4a228c6be9f606a3bd8a30d":[2,0,1,0,85,7], +"classmlx_1_1core_1_1_log.html#a86fca2ec3766f5d4a2e6d8ba2983c3aa":[1,0,1,0,88,8], +"classmlx_1_1core_1_1_log.html#a86fca2ec3766f5d4a2e6d8ba2983c3aa":[2,0,1,0,85,8], +"classmlx_1_1core_1_1_log.html#aaaa49e9455f3a197bc319646b5ca6390":[1,0,1,0,88,3], +"classmlx_1_1core_1_1_log.html#aaaa49e9455f3a197bc319646b5ca6390":[2,0,1,0,85,3], +"classmlx_1_1core_1_1_log.html#aadc7bb4cb24f3ecbbb9ed54a699ab74f":[1,0,1,0,88,2], +"classmlx_1_1core_1_1_log.html#aadc7bb4cb24f3ecbbb9ed54a699ab74f":[2,0,1,0,85,2], +"classmlx_1_1core_1_1_log.html#ab2cae6889352ca0674f6463f8f52d77d":[1,0,1,0,88,6], +"classmlx_1_1core_1_1_log.html#ab2cae6889352ca0674f6463f8f52d77d":[2,0,1,0,85,6], +"classmlx_1_1core_1_1_log.html#ac646d4155322c34f58183d97301e3832":[1,0,1,0,88,5], +"classmlx_1_1core_1_1_log.html#ac646d4155322c34f58183d97301e3832":[2,0,1,0,85,5], +"classmlx_1_1core_1_1_log1p.html":[1,0,1,0,89], +"classmlx_1_1core_1_1_log1p.html":[2,0,1,0,86], +"classmlx_1_1core_1_1_log1p.html#a1b97decae7338d46874e736c95fa7431":[1,0,1,0,89,2], +"classmlx_1_1core_1_1_log1p.html#a1b97decae7338d46874e736c95fa7431":[2,0,1,0,86,2], +"classmlx_1_1core_1_1_log1p.html#a3113c1d2b4c5e73d0b470f42dc48a880":[1,0,1,0,89,6], +"classmlx_1_1core_1_1_log1p.html#a3113c1d2b4c5e73d0b470f42dc48a880":[2,0,1,0,86,6], +"classmlx_1_1core_1_1_log1p.html#a537e44c7c993daf48698082e75e71ba2":[1,0,1,0,89,3], +"classmlx_1_1core_1_1_log1p.html#a537e44c7c993daf48698082e75e71ba2":[2,0,1,0,86,3], +"classmlx_1_1core_1_1_log1p.html#a7122576f95ce479926bbbbc690891f71":[1,0,1,0,89,7], +"classmlx_1_1core_1_1_log1p.html#a7122576f95ce479926bbbbc690891f71":[2,0,1,0,86,7], +"classmlx_1_1core_1_1_log1p.html#a73a02ddf0f125fff83462d97146a0a08":[1,0,1,0,89,4], +"classmlx_1_1core_1_1_log1p.html#a73a02ddf0f125fff83462d97146a0a08":[2,0,1,0,86,4], +"classmlx_1_1core_1_1_log1p.html#a8192e5438de99c4cda056987935cba23":[1,0,1,0,89,1], +"classmlx_1_1core_1_1_log1p.html#a8192e5438de99c4cda056987935cba23":[2,0,1,0,86,1], +"classmlx_1_1core_1_1_log1p.html#a8a1569dde30440ce11ea466ccc69d2d4":[1,0,1,0,89,5], +"classmlx_1_1core_1_1_log1p.html#a8a1569dde30440ce11ea466ccc69d2d4":[2,0,1,0,86,5], +"classmlx_1_1core_1_1_log1p.html#ab0d6eb90c6f98775fce56f3446ff127a":[1,0,1,0,89,0], +"classmlx_1_1core_1_1_log1p.html#ab0d6eb90c6f98775fce56f3446ff127a":[2,0,1,0,86,0], +"classmlx_1_1core_1_1_log_add_exp.html":[1,0,1,0,90], +"classmlx_1_1core_1_1_log_add_exp.html":[2,0,1,0,87], +"classmlx_1_1core_1_1_log_add_exp.html#a234f8c8ea5f5bf2fb7e371588fea98b9":[1,0,1,0,90,5], +"classmlx_1_1core_1_1_log_add_exp.html#a234f8c8ea5f5bf2fb7e371588fea98b9":[2,0,1,0,87,5], +"classmlx_1_1core_1_1_log_add_exp.html#a3cf9a202c05aff39919d713d6e2b32e4":[1,0,1,0,90,3], +"classmlx_1_1core_1_1_log_add_exp.html#a3cf9a202c05aff39919d713d6e2b32e4":[2,0,1,0,87,3], +"classmlx_1_1core_1_1_log_add_exp.html#a702a2eff0bd1ae7b6fb829dd0b0b11b9":[1,0,1,0,90,6], +"classmlx_1_1core_1_1_log_add_exp.html#a702a2eff0bd1ae7b6fb829dd0b0b11b9":[2,0,1,0,87,6], +"classmlx_1_1core_1_1_log_add_exp.html#a82190aa1421a9734b6e9480debffac78":[1,0,1,0,90,8], +"classmlx_1_1core_1_1_log_add_exp.html#a82190aa1421a9734b6e9480debffac78":[2,0,1,0,87,8], +"classmlx_1_1core_1_1_log_add_exp.html#abef17fb590b1a8d356f2a580e45d41f0":[1,0,1,0,90,1], +"classmlx_1_1core_1_1_log_add_exp.html#abef17fb590b1a8d356f2a580e45d41f0":[2,0,1,0,87,1], +"classmlx_1_1core_1_1_log_add_exp.html#acace355b62ec00df649f9f99e8f2eb7a":[1,0,1,0,90,2], +"classmlx_1_1core_1_1_log_add_exp.html#acace355b62ec00df649f9f99e8f2eb7a":[2,0,1,0,87,2], +"classmlx_1_1core_1_1_log_add_exp.html#ad8938ca90ccf1a3259973fc68902975a":[1,0,1,0,90,0], +"classmlx_1_1core_1_1_log_add_exp.html#ad8938ca90ccf1a3259973fc68902975a":[2,0,1,0,87,0], +"classmlx_1_1core_1_1_log_add_exp.html#ae231af0ed24a93eb647ee58c2d2b20b4":[1,0,1,0,90,7], +"classmlx_1_1core_1_1_log_add_exp.html#ae231af0ed24a93eb647ee58c2d2b20b4":[2,0,1,0,87,7], +"classmlx_1_1core_1_1_log_add_exp.html#aea2d1d58794e86f3488219ed3fa14329":[1,0,1,0,90,4], +"classmlx_1_1core_1_1_log_add_exp.html#aea2d1d58794e86f3488219ed3fa14329":[2,0,1,0,87,4], +"classmlx_1_1core_1_1_logical_and.html":[1,0,1,0,91], +"classmlx_1_1core_1_1_logical_and.html":[2,0,1,0,88], +"classmlx_1_1core_1_1_logical_and.html#a132b2eedaa3978de5a5350da3c2ca40f":[1,0,1,0,91,2], +"classmlx_1_1core_1_1_logical_and.html#a132b2eedaa3978de5a5350da3c2ca40f":[2,0,1,0,88,2], +"classmlx_1_1core_1_1_logical_and.html#a266f1eaced19b8b11e273de9219cf9ed":[1,0,1,0,91,5], +"classmlx_1_1core_1_1_logical_and.html#a266f1eaced19b8b11e273de9219cf9ed":[2,0,1,0,88,5], +"classmlx_1_1core_1_1_logical_and.html#a78d3be71da224ea19158cf9e8c4cf434":[1,0,1,0,91,4], +"classmlx_1_1core_1_1_logical_and.html#a78d3be71da224ea19158cf9e8c4cf434":[2,0,1,0,88,4], +"classmlx_1_1core_1_1_logical_and.html#a9572c35f72e0db2f7f86bbf42438a6be":[1,0,1,0,91,3], +"classmlx_1_1core_1_1_logical_and.html#a9572c35f72e0db2f7f86bbf42438a6be":[2,0,1,0,88,3], +"classmlx_1_1core_1_1_logical_and.html#a9a5220eb56e1fd94fd879394ee5ad397":[1,0,1,0,91,6], +"classmlx_1_1core_1_1_logical_and.html#a9a5220eb56e1fd94fd879394ee5ad397":[2,0,1,0,88,6], +"classmlx_1_1core_1_1_logical_and.html#aacc5f6f53ffc327b7771485e3da2a4e5":[1,0,1,0,91,8], +"classmlx_1_1core_1_1_logical_and.html#aacc5f6f53ffc327b7771485e3da2a4e5":[2,0,1,0,88,8], +"classmlx_1_1core_1_1_logical_and.html#aaf2cab8ffcf6606b8babfef60fc06fb3":[1,0,1,0,91,0], +"classmlx_1_1core_1_1_logical_and.html#aaf2cab8ffcf6606b8babfef60fc06fb3":[2,0,1,0,88,0], +"classmlx_1_1core_1_1_logical_and.html#adbe1c1785af1a8b827289d22b0d170b3":[1,0,1,0,91,1], +"classmlx_1_1core_1_1_logical_and.html#adbe1c1785af1a8b827289d22b0d170b3":[2,0,1,0,88,1], +"classmlx_1_1core_1_1_logical_and.html#ae42f8fc454577b0fd6410cae9d5f3b54":[1,0,1,0,91,7], +"classmlx_1_1core_1_1_logical_and.html#ae42f8fc454577b0fd6410cae9d5f3b54":[2,0,1,0,88,7], +"classmlx_1_1core_1_1_logical_not.html":[1,0,1,0,92], +"classmlx_1_1core_1_1_logical_not.html":[2,0,1,0,89], +"classmlx_1_1core_1_1_logical_not.html#a001ff3eca46440f0d8a287e0b98a8a2c":[1,0,1,0,92,6], +"classmlx_1_1core_1_1_logical_not.html#a001ff3eca46440f0d8a287e0b98a8a2c":[2,0,1,0,89,6], +"classmlx_1_1core_1_1_logical_not.html#a1d0d2bc93f935eca6c85ef7bf67f2d6a":[1,0,1,0,92,2], +"classmlx_1_1core_1_1_logical_not.html#a1d0d2bc93f935eca6c85ef7bf67f2d6a":[2,0,1,0,89,2], +"classmlx_1_1core_1_1_logical_not.html#a4838c483ced707cfda3d6cd24bf4667c":[1,0,1,0,92,4], +"classmlx_1_1core_1_1_logical_not.html#a4838c483ced707cfda3d6cd24bf4667c":[2,0,1,0,89,4], +"classmlx_1_1core_1_1_logical_not.html#a5308a271619ee74df561b0aaf525915d":[1,0,1,0,92,8], +"classmlx_1_1core_1_1_logical_not.html#a5308a271619ee74df561b0aaf525915d":[2,0,1,0,89,8], +"classmlx_1_1core_1_1_logical_not.html#a6f5850b4c78b83d5e2c0d37437fc79b7":[1,0,1,0,92,0], +"classmlx_1_1core_1_1_logical_not.html#a6f5850b4c78b83d5e2c0d37437fc79b7":[2,0,1,0,89,0], +"classmlx_1_1core_1_1_logical_not.html#aba53675da351cd9b71a73d475b4bbe99":[1,0,1,0,92,3], +"classmlx_1_1core_1_1_logical_not.html#aba53675da351cd9b71a73d475b4bbe99":[2,0,1,0,89,3], +"classmlx_1_1core_1_1_logical_not.html#acf3f7b3b20ca69533536e0e0a05725b3":[1,0,1,0,92,1], +"classmlx_1_1core_1_1_logical_not.html#acf3f7b3b20ca69533536e0e0a05725b3":[2,0,1,0,89,1], +"classmlx_1_1core_1_1_logical_not.html#ad3889969521c6a040aa2f26caee219b7":[1,0,1,0,92,5], +"classmlx_1_1core_1_1_logical_not.html#ad3889969521c6a040aa2f26caee219b7":[2,0,1,0,89,5], +"classmlx_1_1core_1_1_logical_not.html#af2c3c241cf3910fbaba013c69d052a50":[1,0,1,0,92,7], +"classmlx_1_1core_1_1_logical_not.html#af2c3c241cf3910fbaba013c69d052a50":[2,0,1,0,89,7], +"classmlx_1_1core_1_1_logical_or.html":[1,0,1,0,93], +"classmlx_1_1core_1_1_logical_or.html":[2,0,1,0,90], +"classmlx_1_1core_1_1_logical_or.html#a13cd4cbf26589287e85aeaaca42d7f62":[1,0,1,0,93,1], +"classmlx_1_1core_1_1_logical_or.html#a13cd4cbf26589287e85aeaaca42d7f62":[2,0,1,0,90,1], +"classmlx_1_1core_1_1_logical_or.html#a269c22daca1c15ad010bb860bce93918":[1,0,1,0,93,0], +"classmlx_1_1core_1_1_logical_or.html#a269c22daca1c15ad010bb860bce93918":[2,0,1,0,90,0], +"classmlx_1_1core_1_1_logical_or.html#a292de6001c551214c8152a7a5b0e6bd4":[1,0,1,0,93,4], +"classmlx_1_1core_1_1_logical_or.html#a292de6001c551214c8152a7a5b0e6bd4":[2,0,1,0,90,4], +"classmlx_1_1core_1_1_logical_or.html#a3be1da328f0f8620de2e4fc1d22a077a":[1,0,1,0,93,2], +"classmlx_1_1core_1_1_logical_or.html#a3be1da328f0f8620de2e4fc1d22a077a":[2,0,1,0,90,2], +"classmlx_1_1core_1_1_logical_or.html#a51aed488f52d5031998689af9cb17847":[1,0,1,0,93,7], +"classmlx_1_1core_1_1_logical_or.html#a51aed488f52d5031998689af9cb17847":[2,0,1,0,90,7], +"classmlx_1_1core_1_1_logical_or.html#a6becc5fbfadde850de9857099dcd5003":[1,0,1,0,93,6], +"classmlx_1_1core_1_1_logical_or.html#a6becc5fbfadde850de9857099dcd5003":[2,0,1,0,90,6], +"classmlx_1_1core_1_1_logical_or.html#a6e2e77e6aaf47872b2e96b151c32daf3":[1,0,1,0,93,8], +"classmlx_1_1core_1_1_logical_or.html#a6e2e77e6aaf47872b2e96b151c32daf3":[2,0,1,0,90,8], +"classmlx_1_1core_1_1_logical_or.html#a931b98fca3e19085af9fa97a43db8ced":[1,0,1,0,93,5], +"classmlx_1_1core_1_1_logical_or.html#a931b98fca3e19085af9fa97a43db8ced":[2,0,1,0,90,5], +"classmlx_1_1core_1_1_logical_or.html#a9c8b10a5cf5c69fdc2362390197e4e71":[1,0,1,0,93,3], +"classmlx_1_1core_1_1_logical_or.html#a9c8b10a5cf5c69fdc2362390197e4e71":[2,0,1,0,90,3], +"classmlx_1_1core_1_1_matmul.html":[1,0,1,0,95], +"classmlx_1_1core_1_1_matmul.html":[2,0,1,0,92], +"classmlx_1_1core_1_1_matmul.html#a357a7f57a2a220a91977f810a69413fc":[1,0,1,0,95,1], +"classmlx_1_1core_1_1_matmul.html#a357a7f57a2a220a91977f810a69413fc":[2,0,1,0,92,1], +"classmlx_1_1core_1_1_matmul.html#a3a1c6e70bac300240760fe41a58340c2":[1,0,1,0,95,8], +"classmlx_1_1core_1_1_matmul.html#a3a1c6e70bac300240760fe41a58340c2":[2,0,1,0,92,8], +"classmlx_1_1core_1_1_matmul.html#a524136cca481598ea20894d85ca66bb0":[1,0,1,0,95,7], +"classmlx_1_1core_1_1_matmul.html#a524136cca481598ea20894d85ca66bb0":[2,0,1,0,92,7], +"classmlx_1_1core_1_1_matmul.html#a6d949d8ab0fab0395532706c174686d5":[1,0,1,0,95,4], +"classmlx_1_1core_1_1_matmul.html#a6d949d8ab0fab0395532706c174686d5":[2,0,1,0,92,4], +"classmlx_1_1core_1_1_matmul.html#a8707a4e9b75c769e8f1dbca15c6a1ae7":[1,0,1,0,95,2], +"classmlx_1_1core_1_1_matmul.html#a8707a4e9b75c769e8f1dbca15c6a1ae7":[2,0,1,0,92,2], +"classmlx_1_1core_1_1_matmul.html#aab372b59eae0840fc4f75ef5719a2630":[1,0,1,0,95,3], +"classmlx_1_1core_1_1_matmul.html#aab372b59eae0840fc4f75ef5719a2630":[2,0,1,0,92,3], +"classmlx_1_1core_1_1_matmul.html#abb4a16a265a05d56a2f5d2e89d6f9dfd":[1,0,1,0,95,6], +"classmlx_1_1core_1_1_matmul.html#abb4a16a265a05d56a2f5d2e89d6f9dfd":[2,0,1,0,92,6], +"classmlx_1_1core_1_1_matmul.html#abfabe69f428f7f125bf5665713a0eb5c":[1,0,1,0,95,5], +"classmlx_1_1core_1_1_matmul.html#abfabe69f428f7f125bf5665713a0eb5c":[2,0,1,0,92,5], +"classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7":[1,0,1,0,95,0], +"classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7":[2,0,1,0,92,0], +"classmlx_1_1core_1_1_maximum.html":[1,0,1,0,96], +"classmlx_1_1core_1_1_maximum.html":[2,0,1,0,93], +"classmlx_1_1core_1_1_maximum.html#a21fe93fbd7799682f481260aee8bdb46":[1,0,1,0,96,3], +"classmlx_1_1core_1_1_maximum.html#a21fe93fbd7799682f481260aee8bdb46":[2,0,1,0,93,3], +"classmlx_1_1core_1_1_maximum.html#a25ac5d5b453e571bf7240aa8de103c39":[1,0,1,0,96,4], +"classmlx_1_1core_1_1_maximum.html#a25ac5d5b453e571bf7240aa8de103c39":[2,0,1,0,93,4], +"classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816":[1,0,1,0,96,0], +"classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816":[2,0,1,0,93,0], +"classmlx_1_1core_1_1_maximum.html#a3b708a1d6b526719c62850294776f8ca":[1,0,1,0,96,6], +"classmlx_1_1core_1_1_maximum.html#a3b708a1d6b526719c62850294776f8ca":[2,0,1,0,93,6], +"classmlx_1_1core_1_1_maximum.html#a62b38fbe5f96db58c2b60165ac4eadcf":[1,0,1,0,96,1], +"classmlx_1_1core_1_1_maximum.html#a62b38fbe5f96db58c2b60165ac4eadcf":[2,0,1,0,93,1], +"classmlx_1_1core_1_1_maximum.html#a7de15d7b28784e24bbfc7e85ddcbcff3":[1,0,1,0,96,7], +"classmlx_1_1core_1_1_maximum.html#a7de15d7b28784e24bbfc7e85ddcbcff3":[2,0,1,0,93,7], +"classmlx_1_1core_1_1_maximum.html#a888a69fb68726c3c18973f3ea38cfd2b":[1,0,1,0,96,5], +"classmlx_1_1core_1_1_maximum.html#a888a69fb68726c3c18973f3ea38cfd2b":[2,0,1,0,93,5], +"classmlx_1_1core_1_1_maximum.html#ab664918e0d71cfec1318a9879e78c5d3":[1,0,1,0,96,8], +"classmlx_1_1core_1_1_maximum.html#ab664918e0d71cfec1318a9879e78c5d3":[2,0,1,0,93,8], +"classmlx_1_1core_1_1_maximum.html#ade0f721b10a6b3a12bdadd34c48f72a7":[1,0,1,0,96,2], +"classmlx_1_1core_1_1_maximum.html#ade0f721b10a6b3a12bdadd34c48f72a7":[2,0,1,0,93,2], +"classmlx_1_1core_1_1_minimum.html":[1,0,1,0,97], +"classmlx_1_1core_1_1_minimum.html":[2,0,1,0,94], +"classmlx_1_1core_1_1_minimum.html#a10acf4fef35eed7ca55d131b5ae2d038":[1,0,1,0,97,4], +"classmlx_1_1core_1_1_minimum.html#a10acf4fef35eed7ca55d131b5ae2d038":[2,0,1,0,94,4], +"classmlx_1_1core_1_1_minimum.html#a137677bf32c626a768b732a7b8575512":[1,0,1,0,97,6], +"classmlx_1_1core_1_1_minimum.html#a137677bf32c626a768b732a7b8575512":[2,0,1,0,94,6], +"classmlx_1_1core_1_1_minimum.html#a48a0cbe3a6c4f7473c00e343f63b5204":[1,0,1,0,97,7], +"classmlx_1_1core_1_1_minimum.html#a48a0cbe3a6c4f7473c00e343f63b5204":[2,0,1,0,94,7], +"classmlx_1_1core_1_1_minimum.html#a56c54ee3293cc2cd84462b9ec7ac36b4":[1,0,1,0,97,3], +"classmlx_1_1core_1_1_minimum.html#a56c54ee3293cc2cd84462b9ec7ac36b4":[2,0,1,0,94,3], +"classmlx_1_1core_1_1_minimum.html#a6b93f493ee87089943a8085fe59dfc6e":[1,0,1,0,97,1], +"classmlx_1_1core_1_1_minimum.html#a6b93f493ee87089943a8085fe59dfc6e":[2,0,1,0,94,1], +"classmlx_1_1core_1_1_minimum.html#aadc68afa0afbe2103f19d161f5e0a2ba":[1,0,1,0,97,2], +"classmlx_1_1core_1_1_minimum.html#aadc68afa0afbe2103f19d161f5e0a2ba":[2,0,1,0,94,2], +"classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5":[1,0,1,0,97,0], +"classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5":[2,0,1,0,94,0], +"classmlx_1_1core_1_1_minimum.html#adab0f31acf68075a0be908d8eb882980":[1,0,1,0,97,8], +"classmlx_1_1core_1_1_minimum.html#adab0f31acf68075a0be908d8eb882980":[2,0,1,0,94,8], +"classmlx_1_1core_1_1_minimum.html#af921b5202ebf9716972bcf0e3056742a":[1,0,1,0,97,5], +"classmlx_1_1core_1_1_minimum.html#af921b5202ebf9716972bcf0e3056742a":[2,0,1,0,94,5], +"classmlx_1_1core_1_1_multiply.html":[1,0,1,0,98], +"classmlx_1_1core_1_1_multiply.html":[2,0,1,0,95], +"classmlx_1_1core_1_1_multiply.html#a624fce06c047cdc4dfdbdcaaddb25f34":[1,0,1,0,98,1], +"classmlx_1_1core_1_1_multiply.html#a624fce06c047cdc4dfdbdcaaddb25f34":[2,0,1,0,95,1], +"classmlx_1_1core_1_1_multiply.html#a634fcb4e981d8d3f4d94252caf25bee0":[1,0,1,0,98,2], +"classmlx_1_1core_1_1_multiply.html#a634fcb4e981d8d3f4d94252caf25bee0":[2,0,1,0,95,2], +"classmlx_1_1core_1_1_multiply.html#a74b7556ec03e2c3d3f971666d06f5db1":[1,0,1,0,98,7], +"classmlx_1_1core_1_1_multiply.html#a74b7556ec03e2c3d3f971666d06f5db1":[2,0,1,0,95,7], +"classmlx_1_1core_1_1_multiply.html#a79f7f0bb70de2e3e41a66c96285325b4":[1,0,1,0,98,4], +"classmlx_1_1core_1_1_multiply.html#a79f7f0bb70de2e3e41a66c96285325b4":[2,0,1,0,95,4], +"classmlx_1_1core_1_1_multiply.html#aa4f1f7af68346ce80c2636df415c9909":[1,0,1,0,98,6], +"classmlx_1_1core_1_1_multiply.html#aa4f1f7af68346ce80c2636df415c9909":[2,0,1,0,95,6], +"classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c":[1,0,1,0,98,0], +"classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c":[2,0,1,0,95,0], +"classmlx_1_1core_1_1_multiply.html#adfd4c7f89660b42ab58e088b1ae19435":[1,0,1,0,98,5], +"classmlx_1_1core_1_1_multiply.html#adfd4c7f89660b42ab58e088b1ae19435":[2,0,1,0,95,5], +"classmlx_1_1core_1_1_multiply.html#ae288159fa2d6d35087a85aca8eafa9b2":[1,0,1,0,98,3], +"classmlx_1_1core_1_1_multiply.html#ae288159fa2d6d35087a85aca8eafa9b2":[2,0,1,0,95,3], +"classmlx_1_1core_1_1_multiply.html#ae7e82c8fc8cbaf4e00c27eb54fac7dbf":[1,0,1,0,98,8], +"classmlx_1_1core_1_1_multiply.html#ae7e82c8fc8cbaf4e00c27eb54fac7dbf":[2,0,1,0,95,8], +"classmlx_1_1core_1_1_negative.html":[1,0,1,0,99], +"classmlx_1_1core_1_1_negative.html":[2,0,1,0,96], +"classmlx_1_1core_1_1_negative.html#a0d5c30e267ff6468d64f1987f9f83f91":[1,0,1,0,99,6], +"classmlx_1_1core_1_1_negative.html#a0d5c30e267ff6468d64f1987f9f83f91":[2,0,1,0,96,6], +"classmlx_1_1core_1_1_negative.html#a1f8a6079e272f1a0599f88a1a8419cf0":[1,0,1,0,99,8], +"classmlx_1_1core_1_1_negative.html#a1f8a6079e272f1a0599f88a1a8419cf0":[2,0,1,0,96,8], +"classmlx_1_1core_1_1_negative.html#a606fb13a48d10c88707f1a2c41bee9e8":[1,0,1,0,99,5], +"classmlx_1_1core_1_1_negative.html#a606fb13a48d10c88707f1a2c41bee9e8":[2,0,1,0,96,5], +"classmlx_1_1core_1_1_negative.html#a7d918f9b26b8fb7b047a27d85ebab979":[1,0,1,0,99,4], +"classmlx_1_1core_1_1_negative.html#a7d918f9b26b8fb7b047a27d85ebab979":[2,0,1,0,96,4], +"classmlx_1_1core_1_1_negative.html#a889585f056d33bda30c30311257af52a":[1,0,1,0,99,7], +"classmlx_1_1core_1_1_negative.html#a889585f056d33bda30c30311257af52a":[2,0,1,0,96,7], +"classmlx_1_1core_1_1_negative.html#a97f1b316eace0c6d9e576d766940c75b":[1,0,1,0,99,2], +"classmlx_1_1core_1_1_negative.html#a97f1b316eace0c6d9e576d766940c75b":[2,0,1,0,96,2], +"classmlx_1_1core_1_1_negative.html#aa3b73395d9fa5b7215dca488bc0d3c70":[1,0,1,0,99,0], +"classmlx_1_1core_1_1_negative.html#aa3b73395d9fa5b7215dca488bc0d3c70":[2,0,1,0,96,0], +"classmlx_1_1core_1_1_negative.html#ac2a4d8159c548639d6289980c8975823":[1,0,1,0,99,3], +"classmlx_1_1core_1_1_negative.html#ac2a4d8159c548639d6289980c8975823":[2,0,1,0,96,3], +"classmlx_1_1core_1_1_negative.html#af43553dc418c8ebe75fa9cdcba103c3b":[1,0,1,0,99,1], +"classmlx_1_1core_1_1_negative.html#af43553dc418c8ebe75fa9cdcba103c3b":[2,0,1,0,96,1], +"classmlx_1_1core_1_1_not_equal.html":[1,0,1,0,101], +"classmlx_1_1core_1_1_not_equal.html":[2,0,1,0,98], +"classmlx_1_1core_1_1_not_equal.html#a0361f29f4ae1235bdf3f3304527e2d4b":[1,0,1,0,101,7], +"classmlx_1_1core_1_1_not_equal.html#a0361f29f4ae1235bdf3f3304527e2d4b":[2,0,1,0,98,7], +"classmlx_1_1core_1_1_not_equal.html#a12aa2f764880d29e627540610b63af09":[1,0,1,0,101,6], +"classmlx_1_1core_1_1_not_equal.html#a12aa2f764880d29e627540610b63af09":[2,0,1,0,98,6], +"classmlx_1_1core_1_1_not_equal.html#a61179747e34e203150e9c660dfddb5f2":[1,0,1,0,101,2], +"classmlx_1_1core_1_1_not_equal.html#a61179747e34e203150e9c660dfddb5f2":[2,0,1,0,98,2], +"classmlx_1_1core_1_1_not_equal.html#a8f95f8b5873850b875b1641df8196047":[1,0,1,0,101,1], +"classmlx_1_1core_1_1_not_equal.html#a8f95f8b5873850b875b1641df8196047":[2,0,1,0,98,1], +"classmlx_1_1core_1_1_not_equal.html#ab8b57932f03c8eee664bf89adeaa43b5":[1,0,1,0,101,8], +"classmlx_1_1core_1_1_not_equal.html#ab8b57932f03c8eee664bf89adeaa43b5":[2,0,1,0,98,8], +"classmlx_1_1core_1_1_not_equal.html#ac12fd6b3e2f2e7e4e622b59badf2c73d":[1,0,1,0,101,3], +"classmlx_1_1core_1_1_not_equal.html#ac12fd6b3e2f2e7e4e622b59badf2c73d":[2,0,1,0,98,3] }; diff --git a/docs/build/html/navtreeindex8.js b/docs/build/html/navtreeindex8.js index 6a5d10e51..bf7add3f4 100644 --- a/docs/build/html/navtreeindex8.js +++ b/docs/build/html/navtreeindex8.js @@ -1,253 +1,253 @@ var NAVTREEINDEX8 = { -"classmlx_1_1core_1_1_not_equal.html#ab8b57932f03c8eee664bf89adeaa43b5":[1,0,1,0,100,8], -"classmlx_1_1core_1_1_not_equal.html#ab8b57932f03c8eee664bf89adeaa43b5":[2,0,1,0,97,8], -"classmlx_1_1core_1_1_not_equal.html#ac12fd6b3e2f2e7e4e622b59badf2c73d":[1,0,1,0,100,3], -"classmlx_1_1core_1_1_not_equal.html#ac12fd6b3e2f2e7e4e622b59badf2c73d":[2,0,1,0,97,3], -"classmlx_1_1core_1_1_not_equal.html#ac568397bd17b5d9f25ad1a0ebadedbb9":[1,0,1,0,100,0], -"classmlx_1_1core_1_1_not_equal.html#ac568397bd17b5d9f25ad1a0ebadedbb9":[2,0,1,0,97,0], -"classmlx_1_1core_1_1_not_equal.html#ad1e8a577dc103d96f1ab65bf3b389d35":[1,0,1,0,100,5], -"classmlx_1_1core_1_1_not_equal.html#ad1e8a577dc103d96f1ab65bf3b389d35":[2,0,1,0,97,5], -"classmlx_1_1core_1_1_not_equal.html#ae2d3e5776efaefed7f4c73f679b02f17":[1,0,1,0,100,4], -"classmlx_1_1core_1_1_not_equal.html#ae2d3e5776efaefed7f4c73f679b02f17":[2,0,1,0,97,4], -"classmlx_1_1core_1_1_number_of_elements.html":[1,0,1,0,101], -"classmlx_1_1core_1_1_number_of_elements.html":[2,0,1,0,98], -"classmlx_1_1core_1_1_number_of_elements.html#a2c98c42915fb2bfe12f5c99ea553eff5":[1,0,1,0,101,2], -"classmlx_1_1core_1_1_number_of_elements.html#a2c98c42915fb2bfe12f5c99ea553eff5":[2,0,1,0,98,2], -"classmlx_1_1core_1_1_number_of_elements.html#a6cdf307348ba22b3dc8f90f1fb1e0757":[1,0,1,0,101,4], -"classmlx_1_1core_1_1_number_of_elements.html#a6cdf307348ba22b3dc8f90f1fb1e0757":[2,0,1,0,98,4], -"classmlx_1_1core_1_1_number_of_elements.html#a977d83eae845b8bd8c0b98b48cb1c6c2":[1,0,1,0,101,7], -"classmlx_1_1core_1_1_number_of_elements.html#a977d83eae845b8bd8c0b98b48cb1c6c2":[2,0,1,0,98,7], -"classmlx_1_1core_1_1_number_of_elements.html#ac64d7c40ae29d687f8b7d2fa33e13b06":[1,0,1,0,101,0], -"classmlx_1_1core_1_1_number_of_elements.html#ac64d7c40ae29d687f8b7d2fa33e13b06":[2,0,1,0,98,0], -"classmlx_1_1core_1_1_number_of_elements.html#acc328321cf5300874ee884367cbede3f":[1,0,1,0,101,1], -"classmlx_1_1core_1_1_number_of_elements.html#acc328321cf5300874ee884367cbede3f":[2,0,1,0,98,1], -"classmlx_1_1core_1_1_number_of_elements.html#ad6a32565ccc64499e368e15bba0b438f":[1,0,1,0,101,3], -"classmlx_1_1core_1_1_number_of_elements.html#ad6a32565ccc64499e368e15bba0b438f":[2,0,1,0,98,3], -"classmlx_1_1core_1_1_number_of_elements.html#aecde30826970938f3aa688979a668f52":[1,0,1,0,101,5], -"classmlx_1_1core_1_1_number_of_elements.html#aecde30826970938f3aa688979a668f52":[2,0,1,0,98,5], -"classmlx_1_1core_1_1_number_of_elements.html#afbfee716b4896e98bdf502ceab87ac09":[1,0,1,0,101,6], -"classmlx_1_1core_1_1_number_of_elements.html#afbfee716b4896e98bdf502ceab87ac09":[2,0,1,0,98,6], -"classmlx_1_1core_1_1_pad.html":[1,0,1,0,107], -"classmlx_1_1core_1_1_pad.html":[2,0,1,0,104], -"classmlx_1_1core_1_1_pad.html#a00a7cff2ae640f45b43f62cc25d6346c":[1,0,1,0,107,6], -"classmlx_1_1core_1_1_pad.html#a00a7cff2ae640f45b43f62cc25d6346c":[2,0,1,0,104,6], -"classmlx_1_1core_1_1_pad.html#a6e43a42032ef11497e8d91290574ec72":[1,0,1,0,107,4], -"classmlx_1_1core_1_1_pad.html#a6e43a42032ef11497e8d91290574ec72":[2,0,1,0,104,4], -"classmlx_1_1core_1_1_pad.html#a85658812a0f3275ba3eb74b7c75686cf":[1,0,1,0,107,8], -"classmlx_1_1core_1_1_pad.html#a85658812a0f3275ba3eb74b7c75686cf":[2,0,1,0,104,8], -"classmlx_1_1core_1_1_pad.html#aa55090a94f574c29678d841d091cdf44":[1,0,1,0,107,0], -"classmlx_1_1core_1_1_pad.html#aa55090a94f574c29678d841d091cdf44":[2,0,1,0,104,0], -"classmlx_1_1core_1_1_pad.html#aad7c3bfecafe435d6a8e807de4c7ea9b":[1,0,1,0,107,3], -"classmlx_1_1core_1_1_pad.html#aad7c3bfecafe435d6a8e807de4c7ea9b":[2,0,1,0,104,3], -"classmlx_1_1core_1_1_pad.html#aaf82dd163cd536fbf97304f8b29080cb":[1,0,1,0,107,1], -"classmlx_1_1core_1_1_pad.html#aaf82dd163cd536fbf97304f8b29080cb":[2,0,1,0,104,1], -"classmlx_1_1core_1_1_pad.html#ad8a7e547644f2717a24322968e971038":[1,0,1,0,107,7], -"classmlx_1_1core_1_1_pad.html#ad8a7e547644f2717a24322968e971038":[2,0,1,0,104,7], -"classmlx_1_1core_1_1_pad.html#aefd4d3a5bd8b6b35b266c9e558ada153":[1,0,1,0,107,2], -"classmlx_1_1core_1_1_pad.html#aefd4d3a5bd8b6b35b266c9e558ada153":[2,0,1,0,104,2], -"classmlx_1_1core_1_1_pad.html#af87754daaf51f6a6cf8bd4949ca1e70a":[1,0,1,0,107,5], -"classmlx_1_1core_1_1_pad.html#af87754daaf51f6a6cf8bd4949ca1e70a":[2,0,1,0,104,5], -"classmlx_1_1core_1_1_partition.html":[1,0,1,0,108], -"classmlx_1_1core_1_1_partition.html":[2,0,1,0,105], -"classmlx_1_1core_1_1_partition.html#a310f569a163958940ed02cf52079746a":[1,0,1,0,108,4], -"classmlx_1_1core_1_1_partition.html#a310f569a163958940ed02cf52079746a":[2,0,1,0,105,4], -"classmlx_1_1core_1_1_partition.html#a5e62aa0109e53fb4acb861ef39787b4a":[1,0,1,0,108,5], -"classmlx_1_1core_1_1_partition.html#a5e62aa0109e53fb4acb861ef39787b4a":[2,0,1,0,105,5], -"classmlx_1_1core_1_1_partition.html#a7110772b6cd2d430a2b825cf5c952ca9":[1,0,1,0,108,8], -"classmlx_1_1core_1_1_partition.html#a7110772b6cd2d430a2b825cf5c952ca9":[2,0,1,0,105,8], -"classmlx_1_1core_1_1_partition.html#a784596ab567f9f3cb4fe1a69466523d8":[1,0,1,0,108,1], -"classmlx_1_1core_1_1_partition.html#a784596ab567f9f3cb4fe1a69466523d8":[2,0,1,0,105,1], -"classmlx_1_1core_1_1_partition.html#a7b82ca3895b6654308fac566b277ac0d":[1,0,1,0,108,0], -"classmlx_1_1core_1_1_partition.html#a7b82ca3895b6654308fac566b277ac0d":[2,0,1,0,105,0], -"classmlx_1_1core_1_1_partition.html#a8eca1be21ae9ccfda46e6f3e85f506ef":[1,0,1,0,108,2], -"classmlx_1_1core_1_1_partition.html#a8eca1be21ae9ccfda46e6f3e85f506ef":[2,0,1,0,105,2], -"classmlx_1_1core_1_1_partition.html#aa0cc55e4d4d2cb5d129d32832321df2c":[1,0,1,0,108,9], -"classmlx_1_1core_1_1_partition.html#aa0cc55e4d4d2cb5d129d32832321df2c":[2,0,1,0,105,9], -"classmlx_1_1core_1_1_partition.html#aabdf6ef4f2159b2bfe93e0e87d4772f8":[1,0,1,0,108,3], -"classmlx_1_1core_1_1_partition.html#aabdf6ef4f2159b2bfe93e0e87d4772f8":[2,0,1,0,105,3], -"classmlx_1_1core_1_1_partition.html#ab5c7aa4fed325475b33d4004649f0dc0":[1,0,1,0,108,6], -"classmlx_1_1core_1_1_partition.html#ab5c7aa4fed325475b33d4004649f0dc0":[2,0,1,0,105,6], -"classmlx_1_1core_1_1_partition.html#adde13e40924c016473864119465cad4b":[1,0,1,0,108,7], -"classmlx_1_1core_1_1_partition.html#adde13e40924c016473864119465cad4b":[2,0,1,0,105,7], -"classmlx_1_1core_1_1_power.html":[1,0,1,0,109], -"classmlx_1_1core_1_1_power.html":[2,0,1,0,106], -"classmlx_1_1core_1_1_power.html#a1453bb8307d6ff33134f1e00263bf082":[1,0,1,0,109,7], -"classmlx_1_1core_1_1_power.html#a1453bb8307d6ff33134f1e00263bf082":[2,0,1,0,106,7], -"classmlx_1_1core_1_1_power.html#a33e2d7ff078426fe66ea2370ceb5af60":[1,0,1,0,109,6], -"classmlx_1_1core_1_1_power.html#a33e2d7ff078426fe66ea2370ceb5af60":[2,0,1,0,106,6], -"classmlx_1_1core_1_1_power.html#a3e78b06453faa4fd149fd19c0e7a300a":[1,0,1,0,109,4], -"classmlx_1_1core_1_1_power.html#a3e78b06453faa4fd149fd19c0e7a300a":[2,0,1,0,106,4], -"classmlx_1_1core_1_1_power.html#a5e22749592413a9adbdc877b03b87c8f":[1,0,1,0,109,8], -"classmlx_1_1core_1_1_power.html#a5e22749592413a9adbdc877b03b87c8f":[2,0,1,0,106,8], -"classmlx_1_1core_1_1_power.html#a6783da16fb6ff393aaa57737f1973206":[1,0,1,0,109,1], -"classmlx_1_1core_1_1_power.html#a6783da16fb6ff393aaa57737f1973206":[2,0,1,0,106,1], -"classmlx_1_1core_1_1_power.html#a76b4ec9d1ff07f06189e414480453d68":[1,0,1,0,109,3], -"classmlx_1_1core_1_1_power.html#a76b4ec9d1ff07f06189e414480453d68":[2,0,1,0,106,3], -"classmlx_1_1core_1_1_power.html#a7bc6c64179b7a2aef56fe1dafb6459b2":[1,0,1,0,109,0], -"classmlx_1_1core_1_1_power.html#a7bc6c64179b7a2aef56fe1dafb6459b2":[2,0,1,0,106,0], -"classmlx_1_1core_1_1_power.html#a80577d4c0853c24027777c90a1ec7e11":[1,0,1,0,109,2], -"classmlx_1_1core_1_1_power.html#a80577d4c0853c24027777c90a1ec7e11":[2,0,1,0,106,2], -"classmlx_1_1core_1_1_power.html#af23ed795bdcdc4c3f91f0d4c1bb1d928":[1,0,1,0,109,5], -"classmlx_1_1core_1_1_power.html#af23ed795bdcdc4c3f91f0d4c1bb1d928":[2,0,1,0,106,5], -"classmlx_1_1core_1_1_primitive.html":[1,0,1,0,110], -"classmlx_1_1core_1_1_primitive.html":[2,0,1,0,107], -"classmlx_1_1core_1_1_primitive.html#a1596dc50b910538eae14878e98f07575":[1,0,1,0,110,5], -"classmlx_1_1core_1_1_primitive.html#a1596dc50b910538eae14878e98f07575":[2,0,1,0,107,5], -"classmlx_1_1core_1_1_primitive.html#a1dcb6807326eeab62474c6a0e3836d42":[1,0,1,0,110,14], -"classmlx_1_1core_1_1_primitive.html#a1dcb6807326eeab62474c6a0e3836d42":[2,0,1,0,107,14], -"classmlx_1_1core_1_1_primitive.html#a29f70eb2d3b7e6c5fe52779c03f03777":[1,0,1,0,110,1], -"classmlx_1_1core_1_1_primitive.html#a29f70eb2d3b7e6c5fe52779c03f03777":[2,0,1,0,107,1], -"classmlx_1_1core_1_1_primitive.html#a3349f745fae50ca7627f79a731a19e32":[1,0,1,0,110,2], -"classmlx_1_1core_1_1_primitive.html#a3349f745fae50ca7627f79a731a19e32":[2,0,1,0,107,2], -"classmlx_1_1core_1_1_primitive.html#a342da891b9882bdee9a0e0c1ac826eda":[1,0,1,0,110,3], -"classmlx_1_1core_1_1_primitive.html#a342da891b9882bdee9a0e0c1ac826eda":[2,0,1,0,107,3], -"classmlx_1_1core_1_1_primitive.html#a46e6257397a662528f9f831842ac456a":[1,0,1,0,110,13], -"classmlx_1_1core_1_1_primitive.html#a46e6257397a662528f9f831842ac456a":[2,0,1,0,107,13], -"classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e":[1,0,1,0,110,10], -"classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e":[2,0,1,0,107,10], -"classmlx_1_1core_1_1_primitive.html#a6140a502af4c2bbbc776ab26e9afebcd":[1,0,1,0,110,7], -"classmlx_1_1core_1_1_primitive.html#a6140a502af4c2bbbc776ab26e9afebcd":[2,0,1,0,107,7], -"classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b":[1,0,1,0,110,9], -"classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b":[2,0,1,0,107,9], -"classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261":[1,0,1,0,110,4], -"classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261":[2,0,1,0,107,4], -"classmlx_1_1core_1_1_primitive.html#a9fecf38f53da08ba1947543c2b3158c2":[1,0,1,0,110,8], -"classmlx_1_1core_1_1_primitive.html#a9fecf38f53da08ba1947543c2b3158c2":[2,0,1,0,107,8], -"classmlx_1_1core_1_1_primitive.html#aa5b443d71db1c7ed31a5ae6e31b7fe29":[1,0,1,0,110,11], -"classmlx_1_1core_1_1_primitive.html#aa5b443d71db1c7ed31a5ae6e31b7fe29":[2,0,1,0,107,11], -"classmlx_1_1core_1_1_primitive.html#ac632b9619dd7a6a0f177bd36202e8103":[1,0,1,0,110,15], -"classmlx_1_1core_1_1_primitive.html#ac632b9619dd7a6a0f177bd36202e8103":[2,0,1,0,107,15], -"classmlx_1_1core_1_1_primitive.html#ad217376dcf5eff691d731566faec2ba2":[1,0,1,0,110,6], -"classmlx_1_1core_1_1_primitive.html#ad217376dcf5eff691d731566faec2ba2":[2,0,1,0,107,6], -"classmlx_1_1core_1_1_primitive.html#ae1aff91354ce036596088a3e19474ecb":[1,0,1,0,110,12], -"classmlx_1_1core_1_1_primitive.html#ae1aff91354ce036596088a3e19474ecb":[2,0,1,0,107,12], -"classmlx_1_1core_1_1_primitive.html#afc69f22ee1f6e8a9ecc2c3a8f43b8fdb":[1,0,1,0,110,0], -"classmlx_1_1core_1_1_primitive.html#afc69f22ee1f6e8a9ecc2c3a8f43b8fdb":[2,0,1,0,107,0], -"classmlx_1_1core_1_1_q_r_f.html":[1,0,1,0,112], -"classmlx_1_1core_1_1_q_r_f.html":[2,0,1,0,109], -"classmlx_1_1core_1_1_q_r_f.html#a44ed2924dc574c4aeb79b1188b5c3983":[1,0,1,0,112,0], -"classmlx_1_1core_1_1_q_r_f.html#a44ed2924dc574c4aeb79b1188b5c3983":[2,0,1,0,109,0], -"classmlx_1_1core_1_1_q_r_f.html#a48493887395d65a27f04de1804d277d2":[1,0,1,0,112,1], -"classmlx_1_1core_1_1_q_r_f.html#a48493887395d65a27f04de1804d277d2":[2,0,1,0,109,1], -"classmlx_1_1core_1_1_q_r_f.html#aba3526722b3a52b41fa8103b909f7f3b":[1,0,1,0,112,3], -"classmlx_1_1core_1_1_q_r_f.html#aba3526722b3a52b41fa8103b909f7f3b":[2,0,1,0,109,3], -"classmlx_1_1core_1_1_q_r_f.html#ae5fa3482192f4713605cd07e7fc1c6c9":[1,0,1,0,112,2], -"classmlx_1_1core_1_1_q_r_f.html#ae5fa3482192f4713605cd07e7fc1c6c9":[2,0,1,0,109,2], -"classmlx_1_1core_1_1_quantized_matmul.html":[1,0,1,0,113], -"classmlx_1_1core_1_1_quantized_matmul.html":[2,0,1,0,110], -"classmlx_1_1core_1_1_quantized_matmul.html#a2812ad007d695ed1aaf9cf706fb9c4b3":[1,0,1,0,113,2], -"classmlx_1_1core_1_1_quantized_matmul.html#a2812ad007d695ed1aaf9cf706fb9c4b3":[2,0,1,0,110,2], -"classmlx_1_1core_1_1_quantized_matmul.html#a3434394140177b285f971c9ffe7e8763":[1,0,1,0,113,9], -"classmlx_1_1core_1_1_quantized_matmul.html#a3434394140177b285f971c9ffe7e8763":[2,0,1,0,110,9], -"classmlx_1_1core_1_1_quantized_matmul.html#a5bd164d038d9dc21919f7e0bfdeaa25c":[1,0,1,0,113,0], -"classmlx_1_1core_1_1_quantized_matmul.html#a5bd164d038d9dc21919f7e0bfdeaa25c":[2,0,1,0,110,0], -"classmlx_1_1core_1_1_quantized_matmul.html#a7d57a31d41c58e1bd88ffe9c6b0dbf52":[1,0,1,0,113,5], -"classmlx_1_1core_1_1_quantized_matmul.html#a7d57a31d41c58e1bd88ffe9c6b0dbf52":[2,0,1,0,110,5], -"classmlx_1_1core_1_1_quantized_matmul.html#aaef8c96d4d40b4fa08ced540d341a4db":[1,0,1,0,113,6], -"classmlx_1_1core_1_1_quantized_matmul.html#aaef8c96d4d40b4fa08ced540d341a4db":[2,0,1,0,110,6], -"classmlx_1_1core_1_1_quantized_matmul.html#ab3dfa73b74d8f4f2e9ab4f0eb016b0e3":[1,0,1,0,113,1], -"classmlx_1_1core_1_1_quantized_matmul.html#ab3dfa73b74d8f4f2e9ab4f0eb016b0e3":[2,0,1,0,110,1], -"classmlx_1_1core_1_1_quantized_matmul.html#acb975e272b4a88ab232ef7f7c3a2bf26":[1,0,1,0,113,8], -"classmlx_1_1core_1_1_quantized_matmul.html#acb975e272b4a88ab232ef7f7c3a2bf26":[2,0,1,0,110,8], -"classmlx_1_1core_1_1_quantized_matmul.html#ad83bfd32fda988c29e5ca277a84c0655":[1,0,1,0,113,7], -"classmlx_1_1core_1_1_quantized_matmul.html#ad83bfd32fda988c29e5ca277a84c0655":[2,0,1,0,110,7], -"classmlx_1_1core_1_1_quantized_matmul.html#ae51fdd0b81dd26c6687577567c126e23":[1,0,1,0,113,4], -"classmlx_1_1core_1_1_quantized_matmul.html#ae51fdd0b81dd26c6687577567c126e23":[2,0,1,0,110,4], -"classmlx_1_1core_1_1_quantized_matmul.html#af28b36e3f40ea41785387800326cc8e1":[1,0,1,0,113,3], -"classmlx_1_1core_1_1_quantized_matmul.html#af28b36e3f40ea41785387800326cc8e1":[2,0,1,0,110,3], -"classmlx_1_1core_1_1_random_bits.html":[1,0,1,0,114], -"classmlx_1_1core_1_1_random_bits.html":[2,0,1,0,111], -"classmlx_1_1core_1_1_random_bits.html#a0dc12f053c6492f934bc18031412c415":[1,0,1,0,114,6], -"classmlx_1_1core_1_1_random_bits.html#a0dc12f053c6492f934bc18031412c415":[2,0,1,0,111,6], -"classmlx_1_1core_1_1_random_bits.html#a5752d051cd16cf5f8d4754c0a656f0d2":[1,0,1,0,114,1], -"classmlx_1_1core_1_1_random_bits.html#a5752d051cd16cf5f8d4754c0a656f0d2":[2,0,1,0,111,1], -"classmlx_1_1core_1_1_random_bits.html#a578756866665358577418e4cdd94aa3a":[1,0,1,0,114,2], -"classmlx_1_1core_1_1_random_bits.html#a578756866665358577418e4cdd94aa3a":[2,0,1,0,111,2], -"classmlx_1_1core_1_1_random_bits.html#a72ec915debf5823e7c0463045b2894e6":[1,0,1,0,114,3], -"classmlx_1_1core_1_1_random_bits.html#a72ec915debf5823e7c0463045b2894e6":[2,0,1,0,111,3], -"classmlx_1_1core_1_1_random_bits.html#a75a34d7541a1c124710dc4d0ec2dfa60":[1,0,1,0,114,5], -"classmlx_1_1core_1_1_random_bits.html#a75a34d7541a1c124710dc4d0ec2dfa60":[2,0,1,0,111,5], -"classmlx_1_1core_1_1_random_bits.html#a8a5593c34fd868d94b36a8ced1390271":[1,0,1,0,114,4], -"classmlx_1_1core_1_1_random_bits.html#a8a5593c34fd868d94b36a8ced1390271":[2,0,1,0,111,4], -"classmlx_1_1core_1_1_random_bits.html#acd79c5ea2d67132c98d00fa927f08e26":[1,0,1,0,114,0], -"classmlx_1_1core_1_1_random_bits.html#acd79c5ea2d67132c98d00fa927f08e26":[2,0,1,0,111,0], -"classmlx_1_1core_1_1_real.html":[1,0,1,0,115], -"classmlx_1_1core_1_1_real.html":[2,0,1,0,112], -"classmlx_1_1core_1_1_real.html#a07fbbefb6a1bc1ebd3985b24c36693b6":[1,0,1,0,115,8], -"classmlx_1_1core_1_1_real.html#a07fbbefb6a1bc1ebd3985b24c36693b6":[2,0,1,0,112,8], -"classmlx_1_1core_1_1_real.html#a1e209e88a43bdd1eea43ad0b03f9a7f2":[1,0,1,0,115,2], -"classmlx_1_1core_1_1_real.html#a1e209e88a43bdd1eea43ad0b03f9a7f2":[2,0,1,0,112,2], -"classmlx_1_1core_1_1_real.html#a29f6109339c5141a862ceae72c8b80fe":[1,0,1,0,115,7], -"classmlx_1_1core_1_1_real.html#a29f6109339c5141a862ceae72c8b80fe":[2,0,1,0,112,7], -"classmlx_1_1core_1_1_real.html#a365d046caac91b521f0f5a5518037934":[1,0,1,0,115,1], -"classmlx_1_1core_1_1_real.html#a365d046caac91b521f0f5a5518037934":[2,0,1,0,112,1], -"classmlx_1_1core_1_1_real.html#a6d9bed396862a9e9d6abfbdcd8d8d239":[1,0,1,0,115,3], -"classmlx_1_1core_1_1_real.html#a6d9bed396862a9e9d6abfbdcd8d8d239":[2,0,1,0,112,3], -"classmlx_1_1core_1_1_real.html#a740a0dfb54c2a4467a0a59f11fe69e1b":[1,0,1,0,115,6], -"classmlx_1_1core_1_1_real.html#a740a0dfb54c2a4467a0a59f11fe69e1b":[2,0,1,0,112,6], -"classmlx_1_1core_1_1_real.html#a75999bd0b97d97a5675b9cdbab27dcff":[1,0,1,0,115,5], -"classmlx_1_1core_1_1_real.html#a75999bd0b97d97a5675b9cdbab27dcff":[2,0,1,0,112,5], -"classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892":[1,0,1,0,115,0], -"classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892":[2,0,1,0,112,0], -"classmlx_1_1core_1_1_real.html#adff418a54970e2344bd3c2885aae5526":[1,0,1,0,115,4], -"classmlx_1_1core_1_1_real.html#adff418a54970e2344bd3c2885aae5526":[2,0,1,0,112,4], -"classmlx_1_1core_1_1_reduce.html":[1,0,1,0,116], -"classmlx_1_1core_1_1_reduce.html":[2,0,1,0,113], -"classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf":[1,0,1,0,116,1], -"classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf":[2,0,1,0,113,1], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9":[1,0,1,0,116,0], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9":[2,0,1,0,113,0], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a0d3d1f5c94725bdc42fa692e2c074418":[1,0,1,0,116,0,4], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a0d3d1f5c94725bdc42fa692e2c074418":[2,0,1,0,113,0,4], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a2e53e38f8b906ed4def9a5653aeb51fe":[1,0,1,0,116,0,1], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a2e53e38f8b906ed4def9a5653aeb51fe":[2,0,1,0,113,0,1], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a3d11c500ea4f7f639e20dd0755d39260":[1,0,1,0,116,0,5], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a3d11c500ea4f7f639e20dd0755d39260":[2,0,1,0,113,0,5], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a5cc3412a1f243dcb11661bca42daea93":[1,0,1,0,116,0,0], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a5cc3412a1f243dcb11661bca42daea93":[2,0,1,0,113,0,0], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a8582875544f1d3d396a1a376473ef1dd":[1,0,1,0,116,0,2], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a8582875544f1d3d396a1a376473ef1dd":[2,0,1,0,113,0,2], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9ac5b077bfec55fe2b141b197dfa00ecf7":[1,0,1,0,116,0,3], -"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9ac5b077bfec55fe2b141b197dfa00ecf7":[2,0,1,0,113,0,3], -"classmlx_1_1core_1_1_reduce.html#a399be3a89553787a0a687706881f03cd":[1,0,1,0,116,6], -"classmlx_1_1core_1_1_reduce.html#a399be3a89553787a0a687706881f03cd":[2,0,1,0,113,6], -"classmlx_1_1core_1_1_reduce.html#a684883d2a96315f548ca769510e28e4e":[1,0,1,0,116,8], -"classmlx_1_1core_1_1_reduce.html#a684883d2a96315f548ca769510e28e4e":[2,0,1,0,113,8], -"classmlx_1_1core_1_1_reduce.html#aaf3da1c98cdf530803118b382c5f58bc":[1,0,1,0,116,5], -"classmlx_1_1core_1_1_reduce.html#aaf3da1c98cdf530803118b382c5f58bc":[2,0,1,0,113,5], -"classmlx_1_1core_1_1_reduce.html#abab1b5aa01ccad44f213f510c3596b38":[1,0,1,0,116,9], -"classmlx_1_1core_1_1_reduce.html#abab1b5aa01ccad44f213f510c3596b38":[2,0,1,0,113,9], -"classmlx_1_1core_1_1_reduce.html#abe8f3327d617d0dd7438f066497ae08e":[1,0,1,0,116,4], -"classmlx_1_1core_1_1_reduce.html#abe8f3327d617d0dd7438f066497ae08e":[2,0,1,0,113,4], -"classmlx_1_1core_1_1_reduce.html#ae9caaf42edadfe73ea208d98f526890f":[1,0,1,0,116,3], -"classmlx_1_1core_1_1_reduce.html#ae9caaf42edadfe73ea208d98f526890f":[2,0,1,0,113,3], -"classmlx_1_1core_1_1_reduce.html#aeb8a58b560c0a09ae3a695df7829acfa":[1,0,1,0,116,2], -"classmlx_1_1core_1_1_reduce.html#aeb8a58b560c0a09ae3a695df7829acfa":[2,0,1,0,113,2], -"classmlx_1_1core_1_1_reduce.html#afca1398c042a3b1ca9a9a2e40fe62367":[1,0,1,0,116,7], -"classmlx_1_1core_1_1_reduce.html#afca1398c042a3b1ca9a9a2e40fe62367":[2,0,1,0,113,7], -"classmlx_1_1core_1_1_remainder.html":[1,0,1,0,118], -"classmlx_1_1core_1_1_remainder.html":[2,0,1,0,115], -"classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641":[1,0,1,0,118,0], -"classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641":[2,0,1,0,115,0], -"classmlx_1_1core_1_1_remainder.html#a7919ea9b84e42522d51bf0d5a396e161":[1,0,1,0,118,2], -"classmlx_1_1core_1_1_remainder.html#a7919ea9b84e42522d51bf0d5a396e161":[2,0,1,0,115,2], -"classmlx_1_1core_1_1_remainder.html#a79867e1099a2e3c2d3e87407b2ab6e3d":[1,0,1,0,118,8], -"classmlx_1_1core_1_1_remainder.html#a79867e1099a2e3c2d3e87407b2ab6e3d":[2,0,1,0,115,8], -"classmlx_1_1core_1_1_remainder.html#a802039faaa2ed7b763ec3d7debcce814":[1,0,1,0,118,3], -"classmlx_1_1core_1_1_remainder.html#a802039faaa2ed7b763ec3d7debcce814":[2,0,1,0,115,3], -"classmlx_1_1core_1_1_remainder.html#a972002173fc00ee86029d12bf1a9ba79":[1,0,1,0,118,4], -"classmlx_1_1core_1_1_remainder.html#a972002173fc00ee86029d12bf1a9ba79":[2,0,1,0,115,4], -"classmlx_1_1core_1_1_remainder.html#ab18f7bca1027ae71847a50da0933cec6":[1,0,1,0,118,7], -"classmlx_1_1core_1_1_remainder.html#ab18f7bca1027ae71847a50da0933cec6":[2,0,1,0,115,7], -"classmlx_1_1core_1_1_remainder.html#ab4de49818d1fdea8cdfef502f519b255":[1,0,1,0,118,5], -"classmlx_1_1core_1_1_remainder.html#ab4de49818d1fdea8cdfef502f519b255":[2,0,1,0,115,5], -"classmlx_1_1core_1_1_remainder.html#ac6c6c86a0bf02e6e529eb87f6e617ccc":[1,0,1,0,118,1], -"classmlx_1_1core_1_1_remainder.html#ac6c6c86a0bf02e6e529eb87f6e617ccc":[2,0,1,0,115,1], -"classmlx_1_1core_1_1_remainder.html#aeaecac5ea8e606d7ecd393d8019029e4":[1,0,1,0,118,6], -"classmlx_1_1core_1_1_remainder.html#aeaecac5ea8e606d7ecd393d8019029e4":[2,0,1,0,115,6], -"classmlx_1_1core_1_1_reshape.html":[1,0,1,0,119], -"classmlx_1_1core_1_1_reshape.html":[2,0,1,0,116], -"classmlx_1_1core_1_1_reshape.html#a0f2323d5d67ece0eb25ecff565b21862":[1,0,1,0,119,7], -"classmlx_1_1core_1_1_reshape.html#a0f2323d5d67ece0eb25ecff565b21862":[2,0,1,0,116,7] +"classmlx_1_1core_1_1_not_equal.html#ac568397bd17b5d9f25ad1a0ebadedbb9":[1,0,1,0,101,0], +"classmlx_1_1core_1_1_not_equal.html#ac568397bd17b5d9f25ad1a0ebadedbb9":[2,0,1,0,98,0], +"classmlx_1_1core_1_1_not_equal.html#ad1e8a577dc103d96f1ab65bf3b389d35":[1,0,1,0,101,5], +"classmlx_1_1core_1_1_not_equal.html#ad1e8a577dc103d96f1ab65bf3b389d35":[2,0,1,0,98,5], +"classmlx_1_1core_1_1_not_equal.html#ae2d3e5776efaefed7f4c73f679b02f17":[1,0,1,0,101,4], +"classmlx_1_1core_1_1_not_equal.html#ae2d3e5776efaefed7f4c73f679b02f17":[2,0,1,0,98,4], +"classmlx_1_1core_1_1_number_of_elements.html":[1,0,1,0,102], +"classmlx_1_1core_1_1_number_of_elements.html":[2,0,1,0,99], +"classmlx_1_1core_1_1_number_of_elements.html#a2c98c42915fb2bfe12f5c99ea553eff5":[1,0,1,0,102,2], +"classmlx_1_1core_1_1_number_of_elements.html#a2c98c42915fb2bfe12f5c99ea553eff5":[2,0,1,0,99,2], +"classmlx_1_1core_1_1_number_of_elements.html#a6cdf307348ba22b3dc8f90f1fb1e0757":[1,0,1,0,102,4], +"classmlx_1_1core_1_1_number_of_elements.html#a6cdf307348ba22b3dc8f90f1fb1e0757":[2,0,1,0,99,4], +"classmlx_1_1core_1_1_number_of_elements.html#a977d83eae845b8bd8c0b98b48cb1c6c2":[1,0,1,0,102,7], +"classmlx_1_1core_1_1_number_of_elements.html#a977d83eae845b8bd8c0b98b48cb1c6c2":[2,0,1,0,99,7], +"classmlx_1_1core_1_1_number_of_elements.html#ac64d7c40ae29d687f8b7d2fa33e13b06":[1,0,1,0,102,0], +"classmlx_1_1core_1_1_number_of_elements.html#ac64d7c40ae29d687f8b7d2fa33e13b06":[2,0,1,0,99,0], +"classmlx_1_1core_1_1_number_of_elements.html#acc328321cf5300874ee884367cbede3f":[1,0,1,0,102,1], +"classmlx_1_1core_1_1_number_of_elements.html#acc328321cf5300874ee884367cbede3f":[2,0,1,0,99,1], +"classmlx_1_1core_1_1_number_of_elements.html#ad6a32565ccc64499e368e15bba0b438f":[1,0,1,0,102,3], +"classmlx_1_1core_1_1_number_of_elements.html#ad6a32565ccc64499e368e15bba0b438f":[2,0,1,0,99,3], +"classmlx_1_1core_1_1_number_of_elements.html#aecde30826970938f3aa688979a668f52":[1,0,1,0,102,5], +"classmlx_1_1core_1_1_number_of_elements.html#aecde30826970938f3aa688979a668f52":[2,0,1,0,99,5], +"classmlx_1_1core_1_1_number_of_elements.html#afbfee716b4896e98bdf502ceab87ac09":[1,0,1,0,102,6], +"classmlx_1_1core_1_1_number_of_elements.html#afbfee716b4896e98bdf502ceab87ac09":[2,0,1,0,99,6], +"classmlx_1_1core_1_1_pad.html":[1,0,1,0,108], +"classmlx_1_1core_1_1_pad.html":[2,0,1,0,105], +"classmlx_1_1core_1_1_pad.html#a00a7cff2ae640f45b43f62cc25d6346c":[1,0,1,0,108,6], +"classmlx_1_1core_1_1_pad.html#a00a7cff2ae640f45b43f62cc25d6346c":[2,0,1,0,105,6], +"classmlx_1_1core_1_1_pad.html#a6e43a42032ef11497e8d91290574ec72":[1,0,1,0,108,4], +"classmlx_1_1core_1_1_pad.html#a6e43a42032ef11497e8d91290574ec72":[2,0,1,0,105,4], +"classmlx_1_1core_1_1_pad.html#a85658812a0f3275ba3eb74b7c75686cf":[1,0,1,0,108,8], +"classmlx_1_1core_1_1_pad.html#a85658812a0f3275ba3eb74b7c75686cf":[2,0,1,0,105,8], +"classmlx_1_1core_1_1_pad.html#aa55090a94f574c29678d841d091cdf44":[1,0,1,0,108,0], +"classmlx_1_1core_1_1_pad.html#aa55090a94f574c29678d841d091cdf44":[2,0,1,0,105,0], +"classmlx_1_1core_1_1_pad.html#aad7c3bfecafe435d6a8e807de4c7ea9b":[1,0,1,0,108,3], +"classmlx_1_1core_1_1_pad.html#aad7c3bfecafe435d6a8e807de4c7ea9b":[2,0,1,0,105,3], +"classmlx_1_1core_1_1_pad.html#aaf82dd163cd536fbf97304f8b29080cb":[1,0,1,0,108,1], +"classmlx_1_1core_1_1_pad.html#aaf82dd163cd536fbf97304f8b29080cb":[2,0,1,0,105,1], +"classmlx_1_1core_1_1_pad.html#ad8a7e547644f2717a24322968e971038":[1,0,1,0,108,7], +"classmlx_1_1core_1_1_pad.html#ad8a7e547644f2717a24322968e971038":[2,0,1,0,105,7], +"classmlx_1_1core_1_1_pad.html#aefd4d3a5bd8b6b35b266c9e558ada153":[1,0,1,0,108,2], +"classmlx_1_1core_1_1_pad.html#aefd4d3a5bd8b6b35b266c9e558ada153":[2,0,1,0,105,2], +"classmlx_1_1core_1_1_pad.html#af87754daaf51f6a6cf8bd4949ca1e70a":[1,0,1,0,108,5], +"classmlx_1_1core_1_1_pad.html#af87754daaf51f6a6cf8bd4949ca1e70a":[2,0,1,0,105,5], +"classmlx_1_1core_1_1_partition.html":[1,0,1,0,109], +"classmlx_1_1core_1_1_partition.html":[2,0,1,0,106], +"classmlx_1_1core_1_1_partition.html#a310f569a163958940ed02cf52079746a":[1,0,1,0,109,4], +"classmlx_1_1core_1_1_partition.html#a310f569a163958940ed02cf52079746a":[2,0,1,0,106,4], +"classmlx_1_1core_1_1_partition.html#a5e62aa0109e53fb4acb861ef39787b4a":[1,0,1,0,109,5], +"classmlx_1_1core_1_1_partition.html#a5e62aa0109e53fb4acb861ef39787b4a":[2,0,1,0,106,5], +"classmlx_1_1core_1_1_partition.html#a7110772b6cd2d430a2b825cf5c952ca9":[1,0,1,0,109,8], +"classmlx_1_1core_1_1_partition.html#a7110772b6cd2d430a2b825cf5c952ca9":[2,0,1,0,106,8], +"classmlx_1_1core_1_1_partition.html#a784596ab567f9f3cb4fe1a69466523d8":[1,0,1,0,109,1], +"classmlx_1_1core_1_1_partition.html#a784596ab567f9f3cb4fe1a69466523d8":[2,0,1,0,106,1], +"classmlx_1_1core_1_1_partition.html#a7b82ca3895b6654308fac566b277ac0d":[1,0,1,0,109,0], +"classmlx_1_1core_1_1_partition.html#a7b82ca3895b6654308fac566b277ac0d":[2,0,1,0,106,0], +"classmlx_1_1core_1_1_partition.html#a8eca1be21ae9ccfda46e6f3e85f506ef":[1,0,1,0,109,2], +"classmlx_1_1core_1_1_partition.html#a8eca1be21ae9ccfda46e6f3e85f506ef":[2,0,1,0,106,2], +"classmlx_1_1core_1_1_partition.html#aa0cc55e4d4d2cb5d129d32832321df2c":[1,0,1,0,109,9], +"classmlx_1_1core_1_1_partition.html#aa0cc55e4d4d2cb5d129d32832321df2c":[2,0,1,0,106,9], +"classmlx_1_1core_1_1_partition.html#aabdf6ef4f2159b2bfe93e0e87d4772f8":[1,0,1,0,109,3], +"classmlx_1_1core_1_1_partition.html#aabdf6ef4f2159b2bfe93e0e87d4772f8":[2,0,1,0,106,3], +"classmlx_1_1core_1_1_partition.html#ab5c7aa4fed325475b33d4004649f0dc0":[1,0,1,0,109,6], +"classmlx_1_1core_1_1_partition.html#ab5c7aa4fed325475b33d4004649f0dc0":[2,0,1,0,106,6], +"classmlx_1_1core_1_1_partition.html#adde13e40924c016473864119465cad4b":[1,0,1,0,109,7], +"classmlx_1_1core_1_1_partition.html#adde13e40924c016473864119465cad4b":[2,0,1,0,106,7], +"classmlx_1_1core_1_1_power.html":[1,0,1,0,110], +"classmlx_1_1core_1_1_power.html":[2,0,1,0,107], +"classmlx_1_1core_1_1_power.html#a1453bb8307d6ff33134f1e00263bf082":[1,0,1,0,110,7], +"classmlx_1_1core_1_1_power.html#a1453bb8307d6ff33134f1e00263bf082":[2,0,1,0,107,7], +"classmlx_1_1core_1_1_power.html#a33e2d7ff078426fe66ea2370ceb5af60":[1,0,1,0,110,6], +"classmlx_1_1core_1_1_power.html#a33e2d7ff078426fe66ea2370ceb5af60":[2,0,1,0,107,6], +"classmlx_1_1core_1_1_power.html#a3e78b06453faa4fd149fd19c0e7a300a":[1,0,1,0,110,4], +"classmlx_1_1core_1_1_power.html#a3e78b06453faa4fd149fd19c0e7a300a":[2,0,1,0,107,4], +"classmlx_1_1core_1_1_power.html#a5e22749592413a9adbdc877b03b87c8f":[1,0,1,0,110,8], +"classmlx_1_1core_1_1_power.html#a5e22749592413a9adbdc877b03b87c8f":[2,0,1,0,107,8], +"classmlx_1_1core_1_1_power.html#a6783da16fb6ff393aaa57737f1973206":[1,0,1,0,110,1], +"classmlx_1_1core_1_1_power.html#a6783da16fb6ff393aaa57737f1973206":[2,0,1,0,107,1], +"classmlx_1_1core_1_1_power.html#a76b4ec9d1ff07f06189e414480453d68":[1,0,1,0,110,3], +"classmlx_1_1core_1_1_power.html#a76b4ec9d1ff07f06189e414480453d68":[2,0,1,0,107,3], +"classmlx_1_1core_1_1_power.html#a7bc6c64179b7a2aef56fe1dafb6459b2":[1,0,1,0,110,0], +"classmlx_1_1core_1_1_power.html#a7bc6c64179b7a2aef56fe1dafb6459b2":[2,0,1,0,107,0], +"classmlx_1_1core_1_1_power.html#a80577d4c0853c24027777c90a1ec7e11":[1,0,1,0,110,2], +"classmlx_1_1core_1_1_power.html#a80577d4c0853c24027777c90a1ec7e11":[2,0,1,0,107,2], +"classmlx_1_1core_1_1_power.html#af23ed795bdcdc4c3f91f0d4c1bb1d928":[1,0,1,0,110,5], +"classmlx_1_1core_1_1_power.html#af23ed795bdcdc4c3f91f0d4c1bb1d928":[2,0,1,0,107,5], +"classmlx_1_1core_1_1_primitive.html":[1,0,1,0,111], +"classmlx_1_1core_1_1_primitive.html":[2,0,1,0,108], +"classmlx_1_1core_1_1_primitive.html#a1596dc50b910538eae14878e98f07575":[1,0,1,0,111,5], +"classmlx_1_1core_1_1_primitive.html#a1596dc50b910538eae14878e98f07575":[2,0,1,0,108,5], +"classmlx_1_1core_1_1_primitive.html#a1dcb6807326eeab62474c6a0e3836d42":[1,0,1,0,111,14], +"classmlx_1_1core_1_1_primitive.html#a1dcb6807326eeab62474c6a0e3836d42":[2,0,1,0,108,14], +"classmlx_1_1core_1_1_primitive.html#a29f70eb2d3b7e6c5fe52779c03f03777":[1,0,1,0,111,1], +"classmlx_1_1core_1_1_primitive.html#a29f70eb2d3b7e6c5fe52779c03f03777":[2,0,1,0,108,1], +"classmlx_1_1core_1_1_primitive.html#a3349f745fae50ca7627f79a731a19e32":[1,0,1,0,111,2], +"classmlx_1_1core_1_1_primitive.html#a3349f745fae50ca7627f79a731a19e32":[2,0,1,0,108,2], +"classmlx_1_1core_1_1_primitive.html#a342da891b9882bdee9a0e0c1ac826eda":[1,0,1,0,111,3], +"classmlx_1_1core_1_1_primitive.html#a342da891b9882bdee9a0e0c1ac826eda":[2,0,1,0,108,3], +"classmlx_1_1core_1_1_primitive.html#a46e6257397a662528f9f831842ac456a":[1,0,1,0,111,13], +"classmlx_1_1core_1_1_primitive.html#a46e6257397a662528f9f831842ac456a":[2,0,1,0,108,13], +"classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e":[1,0,1,0,111,10], +"classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e":[2,0,1,0,108,10], +"classmlx_1_1core_1_1_primitive.html#a6140a502af4c2bbbc776ab26e9afebcd":[1,0,1,0,111,7], +"classmlx_1_1core_1_1_primitive.html#a6140a502af4c2bbbc776ab26e9afebcd":[2,0,1,0,108,7], +"classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b":[1,0,1,0,111,9], +"classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b":[2,0,1,0,108,9], +"classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261":[1,0,1,0,111,4], +"classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261":[2,0,1,0,108,4], +"classmlx_1_1core_1_1_primitive.html#a9fecf38f53da08ba1947543c2b3158c2":[1,0,1,0,111,8], +"classmlx_1_1core_1_1_primitive.html#a9fecf38f53da08ba1947543c2b3158c2":[2,0,1,0,108,8], +"classmlx_1_1core_1_1_primitive.html#aa5b443d71db1c7ed31a5ae6e31b7fe29":[1,0,1,0,111,11], +"classmlx_1_1core_1_1_primitive.html#aa5b443d71db1c7ed31a5ae6e31b7fe29":[2,0,1,0,108,11], +"classmlx_1_1core_1_1_primitive.html#ac632b9619dd7a6a0f177bd36202e8103":[1,0,1,0,111,15], +"classmlx_1_1core_1_1_primitive.html#ac632b9619dd7a6a0f177bd36202e8103":[2,0,1,0,108,15], +"classmlx_1_1core_1_1_primitive.html#ad217376dcf5eff691d731566faec2ba2":[1,0,1,0,111,6], +"classmlx_1_1core_1_1_primitive.html#ad217376dcf5eff691d731566faec2ba2":[2,0,1,0,108,6], +"classmlx_1_1core_1_1_primitive.html#ae1aff91354ce036596088a3e19474ecb":[1,0,1,0,111,12], +"classmlx_1_1core_1_1_primitive.html#ae1aff91354ce036596088a3e19474ecb":[2,0,1,0,108,12], +"classmlx_1_1core_1_1_primitive.html#afc69f22ee1f6e8a9ecc2c3a8f43b8fdb":[1,0,1,0,111,0], +"classmlx_1_1core_1_1_primitive.html#afc69f22ee1f6e8a9ecc2c3a8f43b8fdb":[2,0,1,0,108,0], +"classmlx_1_1core_1_1_q_r_f.html":[1,0,1,0,113], +"classmlx_1_1core_1_1_q_r_f.html":[2,0,1,0,110], +"classmlx_1_1core_1_1_q_r_f.html#a44ed2924dc574c4aeb79b1188b5c3983":[1,0,1,0,113,0], +"classmlx_1_1core_1_1_q_r_f.html#a44ed2924dc574c4aeb79b1188b5c3983":[2,0,1,0,110,0], +"classmlx_1_1core_1_1_q_r_f.html#a48493887395d65a27f04de1804d277d2":[1,0,1,0,113,1], +"classmlx_1_1core_1_1_q_r_f.html#a48493887395d65a27f04de1804d277d2":[2,0,1,0,110,1], +"classmlx_1_1core_1_1_q_r_f.html#aba3526722b3a52b41fa8103b909f7f3b":[1,0,1,0,113,3], +"classmlx_1_1core_1_1_q_r_f.html#aba3526722b3a52b41fa8103b909f7f3b":[2,0,1,0,110,3], +"classmlx_1_1core_1_1_q_r_f.html#ae5fa3482192f4713605cd07e7fc1c6c9":[1,0,1,0,113,2], +"classmlx_1_1core_1_1_q_r_f.html#ae5fa3482192f4713605cd07e7fc1c6c9":[2,0,1,0,110,2], +"classmlx_1_1core_1_1_quantized_matmul.html":[1,0,1,0,114], +"classmlx_1_1core_1_1_quantized_matmul.html":[2,0,1,0,111], +"classmlx_1_1core_1_1_quantized_matmul.html#a2812ad007d695ed1aaf9cf706fb9c4b3":[1,0,1,0,114,2], +"classmlx_1_1core_1_1_quantized_matmul.html#a2812ad007d695ed1aaf9cf706fb9c4b3":[2,0,1,0,111,2], +"classmlx_1_1core_1_1_quantized_matmul.html#a3434394140177b285f971c9ffe7e8763":[1,0,1,0,114,9], +"classmlx_1_1core_1_1_quantized_matmul.html#a3434394140177b285f971c9ffe7e8763":[2,0,1,0,111,9], +"classmlx_1_1core_1_1_quantized_matmul.html#a5bd164d038d9dc21919f7e0bfdeaa25c":[1,0,1,0,114,0], +"classmlx_1_1core_1_1_quantized_matmul.html#a5bd164d038d9dc21919f7e0bfdeaa25c":[2,0,1,0,111,0], +"classmlx_1_1core_1_1_quantized_matmul.html#a7d57a31d41c58e1bd88ffe9c6b0dbf52":[1,0,1,0,114,5], +"classmlx_1_1core_1_1_quantized_matmul.html#a7d57a31d41c58e1bd88ffe9c6b0dbf52":[2,0,1,0,111,5], +"classmlx_1_1core_1_1_quantized_matmul.html#aaef8c96d4d40b4fa08ced540d341a4db":[1,0,1,0,114,6], +"classmlx_1_1core_1_1_quantized_matmul.html#aaef8c96d4d40b4fa08ced540d341a4db":[2,0,1,0,111,6], +"classmlx_1_1core_1_1_quantized_matmul.html#ab3dfa73b74d8f4f2e9ab4f0eb016b0e3":[1,0,1,0,114,1], +"classmlx_1_1core_1_1_quantized_matmul.html#ab3dfa73b74d8f4f2e9ab4f0eb016b0e3":[2,0,1,0,111,1], +"classmlx_1_1core_1_1_quantized_matmul.html#acb975e272b4a88ab232ef7f7c3a2bf26":[1,0,1,0,114,8], +"classmlx_1_1core_1_1_quantized_matmul.html#acb975e272b4a88ab232ef7f7c3a2bf26":[2,0,1,0,111,8], +"classmlx_1_1core_1_1_quantized_matmul.html#ad83bfd32fda988c29e5ca277a84c0655":[1,0,1,0,114,7], +"classmlx_1_1core_1_1_quantized_matmul.html#ad83bfd32fda988c29e5ca277a84c0655":[2,0,1,0,111,7], +"classmlx_1_1core_1_1_quantized_matmul.html#ae51fdd0b81dd26c6687577567c126e23":[1,0,1,0,114,4], +"classmlx_1_1core_1_1_quantized_matmul.html#ae51fdd0b81dd26c6687577567c126e23":[2,0,1,0,111,4], +"classmlx_1_1core_1_1_quantized_matmul.html#af28b36e3f40ea41785387800326cc8e1":[1,0,1,0,114,3], +"classmlx_1_1core_1_1_quantized_matmul.html#af28b36e3f40ea41785387800326cc8e1":[2,0,1,0,111,3], +"classmlx_1_1core_1_1_random_bits.html":[1,0,1,0,115], +"classmlx_1_1core_1_1_random_bits.html":[2,0,1,0,112], +"classmlx_1_1core_1_1_random_bits.html#a0dc12f053c6492f934bc18031412c415":[1,0,1,0,115,6], +"classmlx_1_1core_1_1_random_bits.html#a0dc12f053c6492f934bc18031412c415":[2,0,1,0,112,6], +"classmlx_1_1core_1_1_random_bits.html#a5752d051cd16cf5f8d4754c0a656f0d2":[1,0,1,0,115,1], +"classmlx_1_1core_1_1_random_bits.html#a5752d051cd16cf5f8d4754c0a656f0d2":[2,0,1,0,112,1], +"classmlx_1_1core_1_1_random_bits.html#a578756866665358577418e4cdd94aa3a":[1,0,1,0,115,2], +"classmlx_1_1core_1_1_random_bits.html#a578756866665358577418e4cdd94aa3a":[2,0,1,0,112,2], +"classmlx_1_1core_1_1_random_bits.html#a72ec915debf5823e7c0463045b2894e6":[1,0,1,0,115,3], +"classmlx_1_1core_1_1_random_bits.html#a72ec915debf5823e7c0463045b2894e6":[2,0,1,0,112,3], +"classmlx_1_1core_1_1_random_bits.html#a75a34d7541a1c124710dc4d0ec2dfa60":[1,0,1,0,115,5], +"classmlx_1_1core_1_1_random_bits.html#a75a34d7541a1c124710dc4d0ec2dfa60":[2,0,1,0,112,5], +"classmlx_1_1core_1_1_random_bits.html#a8a5593c34fd868d94b36a8ced1390271":[1,0,1,0,115,4], +"classmlx_1_1core_1_1_random_bits.html#a8a5593c34fd868d94b36a8ced1390271":[2,0,1,0,112,4], +"classmlx_1_1core_1_1_random_bits.html#acd79c5ea2d67132c98d00fa927f08e26":[1,0,1,0,115,0], +"classmlx_1_1core_1_1_random_bits.html#acd79c5ea2d67132c98d00fa927f08e26":[2,0,1,0,112,0], +"classmlx_1_1core_1_1_real.html":[1,0,1,0,116], +"classmlx_1_1core_1_1_real.html":[2,0,1,0,113], +"classmlx_1_1core_1_1_real.html#a07fbbefb6a1bc1ebd3985b24c36693b6":[1,0,1,0,116,8], +"classmlx_1_1core_1_1_real.html#a07fbbefb6a1bc1ebd3985b24c36693b6":[2,0,1,0,113,8], +"classmlx_1_1core_1_1_real.html#a1e209e88a43bdd1eea43ad0b03f9a7f2":[1,0,1,0,116,2], +"classmlx_1_1core_1_1_real.html#a1e209e88a43bdd1eea43ad0b03f9a7f2":[2,0,1,0,113,2], +"classmlx_1_1core_1_1_real.html#a29f6109339c5141a862ceae72c8b80fe":[1,0,1,0,116,7], +"classmlx_1_1core_1_1_real.html#a29f6109339c5141a862ceae72c8b80fe":[2,0,1,0,113,7], +"classmlx_1_1core_1_1_real.html#a365d046caac91b521f0f5a5518037934":[1,0,1,0,116,1], +"classmlx_1_1core_1_1_real.html#a365d046caac91b521f0f5a5518037934":[2,0,1,0,113,1], +"classmlx_1_1core_1_1_real.html#a6d9bed396862a9e9d6abfbdcd8d8d239":[1,0,1,0,116,3], +"classmlx_1_1core_1_1_real.html#a6d9bed396862a9e9d6abfbdcd8d8d239":[2,0,1,0,113,3], +"classmlx_1_1core_1_1_real.html#a740a0dfb54c2a4467a0a59f11fe69e1b":[1,0,1,0,116,6], +"classmlx_1_1core_1_1_real.html#a740a0dfb54c2a4467a0a59f11fe69e1b":[2,0,1,0,113,6], +"classmlx_1_1core_1_1_real.html#a75999bd0b97d97a5675b9cdbab27dcff":[1,0,1,0,116,5], +"classmlx_1_1core_1_1_real.html#a75999bd0b97d97a5675b9cdbab27dcff":[2,0,1,0,113,5], +"classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892":[1,0,1,0,116,0], +"classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892":[2,0,1,0,113,0], +"classmlx_1_1core_1_1_real.html#adff418a54970e2344bd3c2885aae5526":[1,0,1,0,116,4], +"classmlx_1_1core_1_1_real.html#adff418a54970e2344bd3c2885aae5526":[2,0,1,0,113,4], +"classmlx_1_1core_1_1_reduce.html":[1,0,1,0,117], +"classmlx_1_1core_1_1_reduce.html":[2,0,1,0,114], +"classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf":[1,0,1,0,117,1], +"classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf":[2,0,1,0,114,1], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9":[1,0,1,0,117,0], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9":[2,0,1,0,114,0], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a0d3d1f5c94725bdc42fa692e2c074418":[1,0,1,0,117,0,4], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a0d3d1f5c94725bdc42fa692e2c074418":[2,0,1,0,114,0,4], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a2e53e38f8b906ed4def9a5653aeb51fe":[1,0,1,0,117,0,1], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a2e53e38f8b906ed4def9a5653aeb51fe":[2,0,1,0,114,0,1], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a3d11c500ea4f7f639e20dd0755d39260":[1,0,1,0,117,0,5], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a3d11c500ea4f7f639e20dd0755d39260":[2,0,1,0,114,0,5], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a5cc3412a1f243dcb11661bca42daea93":[1,0,1,0,117,0,0], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a5cc3412a1f243dcb11661bca42daea93":[2,0,1,0,114,0,0], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a8582875544f1d3d396a1a376473ef1dd":[1,0,1,0,117,0,2], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a8582875544f1d3d396a1a376473ef1dd":[2,0,1,0,114,0,2], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9ac5b077bfec55fe2b141b197dfa00ecf7":[1,0,1,0,117,0,3], +"classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9ac5b077bfec55fe2b141b197dfa00ecf7":[2,0,1,0,114,0,3], +"classmlx_1_1core_1_1_reduce.html#a399be3a89553787a0a687706881f03cd":[1,0,1,0,117,6], +"classmlx_1_1core_1_1_reduce.html#a399be3a89553787a0a687706881f03cd":[2,0,1,0,114,6], +"classmlx_1_1core_1_1_reduce.html#a684883d2a96315f548ca769510e28e4e":[1,0,1,0,117,8], +"classmlx_1_1core_1_1_reduce.html#a684883d2a96315f548ca769510e28e4e":[2,0,1,0,114,8], +"classmlx_1_1core_1_1_reduce.html#aaf3da1c98cdf530803118b382c5f58bc":[1,0,1,0,117,5], +"classmlx_1_1core_1_1_reduce.html#aaf3da1c98cdf530803118b382c5f58bc":[2,0,1,0,114,5], +"classmlx_1_1core_1_1_reduce.html#abab1b5aa01ccad44f213f510c3596b38":[1,0,1,0,117,9], +"classmlx_1_1core_1_1_reduce.html#abab1b5aa01ccad44f213f510c3596b38":[2,0,1,0,114,9], +"classmlx_1_1core_1_1_reduce.html#abe8f3327d617d0dd7438f066497ae08e":[1,0,1,0,117,4], +"classmlx_1_1core_1_1_reduce.html#abe8f3327d617d0dd7438f066497ae08e":[2,0,1,0,114,4], +"classmlx_1_1core_1_1_reduce.html#ae9caaf42edadfe73ea208d98f526890f":[1,0,1,0,117,3], +"classmlx_1_1core_1_1_reduce.html#ae9caaf42edadfe73ea208d98f526890f":[2,0,1,0,114,3], +"classmlx_1_1core_1_1_reduce.html#aeb8a58b560c0a09ae3a695df7829acfa":[1,0,1,0,117,2], +"classmlx_1_1core_1_1_reduce.html#aeb8a58b560c0a09ae3a695df7829acfa":[2,0,1,0,114,2], +"classmlx_1_1core_1_1_reduce.html#afca1398c042a3b1ca9a9a2e40fe62367":[1,0,1,0,117,7], +"classmlx_1_1core_1_1_reduce.html#afca1398c042a3b1ca9a9a2e40fe62367":[2,0,1,0,114,7], +"classmlx_1_1core_1_1_remainder.html":[1,0,1,0,119], +"classmlx_1_1core_1_1_remainder.html":[2,0,1,0,116], +"classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641":[1,0,1,0,119,0], +"classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641":[2,0,1,0,116,0], +"classmlx_1_1core_1_1_remainder.html#a7919ea9b84e42522d51bf0d5a396e161":[1,0,1,0,119,2], +"classmlx_1_1core_1_1_remainder.html#a7919ea9b84e42522d51bf0d5a396e161":[2,0,1,0,116,2], +"classmlx_1_1core_1_1_remainder.html#a79867e1099a2e3c2d3e87407b2ab6e3d":[1,0,1,0,119,8], +"classmlx_1_1core_1_1_remainder.html#a79867e1099a2e3c2d3e87407b2ab6e3d":[2,0,1,0,116,8], +"classmlx_1_1core_1_1_remainder.html#a802039faaa2ed7b763ec3d7debcce814":[1,0,1,0,119,3], +"classmlx_1_1core_1_1_remainder.html#a802039faaa2ed7b763ec3d7debcce814":[2,0,1,0,116,3], +"classmlx_1_1core_1_1_remainder.html#a972002173fc00ee86029d12bf1a9ba79":[1,0,1,0,119,4], +"classmlx_1_1core_1_1_remainder.html#a972002173fc00ee86029d12bf1a9ba79":[2,0,1,0,116,4], +"classmlx_1_1core_1_1_remainder.html#ab18f7bca1027ae71847a50da0933cec6":[1,0,1,0,119,7], +"classmlx_1_1core_1_1_remainder.html#ab18f7bca1027ae71847a50da0933cec6":[2,0,1,0,116,7], +"classmlx_1_1core_1_1_remainder.html#ab4de49818d1fdea8cdfef502f519b255":[1,0,1,0,119,5], +"classmlx_1_1core_1_1_remainder.html#ab4de49818d1fdea8cdfef502f519b255":[2,0,1,0,116,5], +"classmlx_1_1core_1_1_remainder.html#ac6c6c86a0bf02e6e529eb87f6e617ccc":[1,0,1,0,119,1], +"classmlx_1_1core_1_1_remainder.html#ac6c6c86a0bf02e6e529eb87f6e617ccc":[2,0,1,0,116,1], +"classmlx_1_1core_1_1_remainder.html#aeaecac5ea8e606d7ecd393d8019029e4":[1,0,1,0,119,6], +"classmlx_1_1core_1_1_remainder.html#aeaecac5ea8e606d7ecd393d8019029e4":[2,0,1,0,116,6], +"classmlx_1_1core_1_1_reshape.html":[1,0,1,0,120], +"classmlx_1_1core_1_1_reshape.html":[2,0,1,0,117], +"classmlx_1_1core_1_1_reshape.html#a0f2323d5d67ece0eb25ecff565b21862":[1,0,1,0,120,7], +"classmlx_1_1core_1_1_reshape.html#a0f2323d5d67ece0eb25ecff565b21862":[2,0,1,0,117,7], +"classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f":[1,0,1,0,120,1], +"classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f":[2,0,1,0,117,1], +"classmlx_1_1core_1_1_reshape.html#aa15020d7d844d714d42bc60b44aeefc1":[1,0,1,0,120,5], +"classmlx_1_1core_1_1_reshape.html#aa15020d7d844d714d42bc60b44aeefc1":[2,0,1,0,117,5] }; diff --git a/docs/build/html/navtreeindex9.js b/docs/build/html/navtreeindex9.js index 54a8803ec..bbd873906 100644 --- a/docs/build/html/navtreeindex9.js +++ b/docs/build/html/navtreeindex9.js @@ -1,253 +1,253 @@ var NAVTREEINDEX9 = { -"classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f":[1,0,1,0,119,1], -"classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f":[2,0,1,0,116,1], -"classmlx_1_1core_1_1_reshape.html#aa15020d7d844d714d42bc60b44aeefc1":[1,0,1,0,119,5], -"classmlx_1_1core_1_1_reshape.html#aa15020d7d844d714d42bc60b44aeefc1":[2,0,1,0,116,5], -"classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059":[1,0,1,0,119,2], -"classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059":[2,0,1,0,116,2], -"classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312":[1,0,1,0,119,0], -"classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312":[2,0,1,0,116,0], -"classmlx_1_1core_1_1_reshape.html#aa8ad5958aac8723dd6ce49820eaba029":[1,0,1,0,119,8], -"classmlx_1_1core_1_1_reshape.html#aa8ad5958aac8723dd6ce49820eaba029":[2,0,1,0,116,8], -"classmlx_1_1core_1_1_reshape.html#ab17294ecc6b5d4e89626fb48c7516365":[1,0,1,0,119,9], -"classmlx_1_1core_1_1_reshape.html#ab17294ecc6b5d4e89626fb48c7516365":[2,0,1,0,116,9], -"classmlx_1_1core_1_1_reshape.html#ab8fc28748991017cc3e29f93c91087a5":[1,0,1,0,119,4], -"classmlx_1_1core_1_1_reshape.html#ab8fc28748991017cc3e29f93c91087a5":[2,0,1,0,116,4], -"classmlx_1_1core_1_1_reshape.html#abd07c53af476777a04307e0423784cf3":[1,0,1,0,119,3], -"classmlx_1_1core_1_1_reshape.html#abd07c53af476777a04307e0423784cf3":[2,0,1,0,116,3], -"classmlx_1_1core_1_1_reshape.html#ae239dd3c6cab147e4af572dc58204f9d":[1,0,1,0,119,10], -"classmlx_1_1core_1_1_reshape.html#ae239dd3c6cab147e4af572dc58204f9d":[2,0,1,0,116,10], -"classmlx_1_1core_1_1_reshape.html#aed3a83606d6917b2c344607101a2c43d":[1,0,1,0,119,6], -"classmlx_1_1core_1_1_reshape.html#aed3a83606d6917b2c344607101a2c43d":[2,0,1,0,116,6], -"classmlx_1_1core_1_1_round.html":[1,0,1,0,120], -"classmlx_1_1core_1_1_round.html":[2,0,1,0,117], -"classmlx_1_1core_1_1_round.html#a032075a7d0dde2dba6189636d216c5e7":[1,0,1,0,120,4], -"classmlx_1_1core_1_1_round.html#a032075a7d0dde2dba6189636d216c5e7":[2,0,1,0,117,4], -"classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde":[1,0,1,0,120,0], -"classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde":[2,0,1,0,117,0], -"classmlx_1_1core_1_1_round.html#a61821399e177e142723fc986e437d459":[1,0,1,0,120,5], -"classmlx_1_1core_1_1_round.html#a61821399e177e142723fc986e437d459":[2,0,1,0,117,5], -"classmlx_1_1core_1_1_round.html#a6fad8799a7982e1ccbe05be7cc38a7fd":[1,0,1,0,120,8], -"classmlx_1_1core_1_1_round.html#a6fad8799a7982e1ccbe05be7cc38a7fd":[2,0,1,0,117,8], -"classmlx_1_1core_1_1_round.html#ad066b0944b437f64ab546025efa00007":[1,0,1,0,120,1], -"classmlx_1_1core_1_1_round.html#ad066b0944b437f64ab546025efa00007":[2,0,1,0,117,1], -"classmlx_1_1core_1_1_round.html#aeb3d8607bbba7345a3142d4cbd4e6927":[1,0,1,0,120,3], -"classmlx_1_1core_1_1_round.html#aeb3d8607bbba7345a3142d4cbd4e6927":[2,0,1,0,117,3], -"classmlx_1_1core_1_1_round.html#af0dfe8943109c936b35ab0082f566f72":[1,0,1,0,120,6], -"classmlx_1_1core_1_1_round.html#af0dfe8943109c936b35ab0082f566f72":[2,0,1,0,117,6], -"classmlx_1_1core_1_1_round.html#af7fe5ff8f3db166c203b4be4b07f13ec":[1,0,1,0,120,2], -"classmlx_1_1core_1_1_round.html#af7fe5ff8f3db166c203b4be4b07f13ec":[2,0,1,0,117,2], -"classmlx_1_1core_1_1_round.html#af8f085e08b7fa8840c52a20b12ca35ce":[1,0,1,0,120,7], -"classmlx_1_1core_1_1_round.html#af8f085e08b7fa8840c52a20b12ca35ce":[2,0,1,0,117,7], -"classmlx_1_1core_1_1_s_v_d.html":[1,0,1,0,142], -"classmlx_1_1core_1_1_s_v_d.html":[2,0,1,0,139], -"classmlx_1_1core_1_1_s_v_d.html#a0366c958f6cdac8d1d9e1a4eda53fae8":[1,0,1,0,142,5], -"classmlx_1_1core_1_1_s_v_d.html#a0366c958f6cdac8d1d9e1a4eda53fae8":[2,0,1,0,139,5], -"classmlx_1_1core_1_1_s_v_d.html#a1bf0ffc5f7b03720a10975827a616b81":[1,0,1,0,142,0], -"classmlx_1_1core_1_1_s_v_d.html#a1bf0ffc5f7b03720a10975827a616b81":[2,0,1,0,139,0], -"classmlx_1_1core_1_1_s_v_d.html#a637f5c39fa8b10722c04a066f6c1ada6":[1,0,1,0,142,1], -"classmlx_1_1core_1_1_s_v_d.html#a637f5c39fa8b10722c04a066f6c1ada6":[2,0,1,0,139,1], -"classmlx_1_1core_1_1_s_v_d.html#a7067b2207f826a25549d571856b94e83":[1,0,1,0,142,2], -"classmlx_1_1core_1_1_s_v_d.html#a7067b2207f826a25549d571856b94e83":[2,0,1,0,139,2], -"classmlx_1_1core_1_1_s_v_d.html#a73f326705aeca762d0dfd63d1577bde1":[1,0,1,0,142,4], -"classmlx_1_1core_1_1_s_v_d.html#a73f326705aeca762d0dfd63d1577bde1":[2,0,1,0,139,4], -"classmlx_1_1core_1_1_s_v_d.html#ab87a4e7ef857936bea66ba9e24662f53":[1,0,1,0,142,3], -"classmlx_1_1core_1_1_s_v_d.html#ab87a4e7ef857936bea66ba9e24662f53":[2,0,1,0,139,3], -"classmlx_1_1core_1_1_scan.html":[1,0,1,0,122], -"classmlx_1_1core_1_1_scan.html":[2,0,1,0,119], -"classmlx_1_1core_1_1_scan.html#a15676d9fd066e935782a923fba3e940b":[1,0,1,0,122,2], -"classmlx_1_1core_1_1_scan.html#a15676d9fd066e935782a923fba3e940b":[2,0,1,0,119,2], -"classmlx_1_1core_1_1_scan.html#a297c7cc89c9bf9d186ebdebb634c7804":[1,0,1,0,122,9], -"classmlx_1_1core_1_1_scan.html#a297c7cc89c9bf9d186ebdebb634c7804":[2,0,1,0,119,9], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1":[1,0,1,0,122,0], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1":[2,0,1,0,119,0], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a33edce755ed1a74632c302ad93a14789":[1,0,1,0,122,0,3], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a33edce755ed1a74632c302ad93a14789":[2,0,1,0,119,0,3], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a7d2ee8f14f2e70a9d47170fecc6da898":[1,0,1,0,122,0,1], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a7d2ee8f14f2e70a9d47170fecc6da898":[2,0,1,0,119,0,1], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ad54b2905015a390708f79bae6cdac56d":[1,0,1,0,122,0,0], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ad54b2905015a390708f79bae6cdac56d":[2,0,1,0,119,0,0], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ade23893033e4849f5596e7ce76a5fc36":[1,0,1,0,122,0,2], -"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ade23893033e4849f5596e7ce76a5fc36":[2,0,1,0,119,0,2], -"classmlx_1_1core_1_1_scan.html#a54445a4d677ca4fe2a58d08eb5223ac6":[1,0,1,0,122,4], -"classmlx_1_1core_1_1_scan.html#a54445a4d677ca4fe2a58d08eb5223ac6":[2,0,1,0,119,4], -"classmlx_1_1core_1_1_scan.html#a6f9c862f4fbc7eaf430a361cdd8933ee":[1,0,1,0,122,5], -"classmlx_1_1core_1_1_scan.html#a6f9c862f4fbc7eaf430a361cdd8933ee":[2,0,1,0,119,5], -"classmlx_1_1core_1_1_scan.html#a7249ca4c3316b1b1248df32c71fee0ea":[1,0,1,0,122,7], -"classmlx_1_1core_1_1_scan.html#a7249ca4c3316b1b1248df32c71fee0ea":[2,0,1,0,119,7], -"classmlx_1_1core_1_1_scan.html#aaf13f72620b4b5d6a20e1228930e848e":[1,0,1,0,122,8], -"classmlx_1_1core_1_1_scan.html#aaf13f72620b4b5d6a20e1228930e848e":[2,0,1,0,119,8], -"classmlx_1_1core_1_1_scan.html#ac93e8f9c6771de825d2186ef34fa7087":[1,0,1,0,122,1], -"classmlx_1_1core_1_1_scan.html#ac93e8f9c6771de825d2186ef34fa7087":[2,0,1,0,119,1], -"classmlx_1_1core_1_1_scan.html#ad5b6308c79e9b985a49df35eadd15b22":[1,0,1,0,122,6], -"classmlx_1_1core_1_1_scan.html#ad5b6308c79e9b985a49df35eadd15b22":[2,0,1,0,119,6], -"classmlx_1_1core_1_1_scan.html#aef22c6fc2b2cb2a907cd8965c7413dde":[1,0,1,0,122,3], -"classmlx_1_1core_1_1_scan.html#aef22c6fc2b2cb2a907cd8965c7413dde":[2,0,1,0,119,3], -"classmlx_1_1core_1_1_scatter.html":[1,0,1,0,123], -"classmlx_1_1core_1_1_scatter.html":[2,0,1,0,120], -"classmlx_1_1core_1_1_scatter.html#a0208172562abdc90472e6eb5f84c987f":[1,0,1,0,123,4], -"classmlx_1_1core_1_1_scatter.html#a0208172562abdc90472e6eb5f84c987f":[2,0,1,0,120,4], -"classmlx_1_1core_1_1_scatter.html#a0b51287fba789bb139ed61d40a0c636a":[1,0,1,0,123,8], -"classmlx_1_1core_1_1_scatter.html#a0b51287fba789bb139ed61d40a0c636a":[2,0,1,0,120,8], -"classmlx_1_1core_1_1_scatter.html#a270fa8ccf36ce4bbbc23875139223934":[1,0,1,0,123,5], -"classmlx_1_1core_1_1_scatter.html#a270fa8ccf36ce4bbbc23875139223934":[2,0,1,0,120,5], -"classmlx_1_1core_1_1_scatter.html#a50a65033dc2a1cc84bf529ba718c9c60":[1,0,1,0,123,7], -"classmlx_1_1core_1_1_scatter.html#a50a65033dc2a1cc84bf529ba718c9c60":[2,0,1,0,120,7], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613c":[1,0,1,0,123,0], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613c":[2,0,1,0,120,0], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca14abe2d8818efa71726be4e156813d6f":[1,0,1,0,123,0,2], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca14abe2d8818efa71726be4e156813d6f":[2,0,1,0,120,0,2], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca1c2da7b96d743296fe660f5fc4072f16":[1,0,1,0,123,0,0], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca1c2da7b96d743296fe660f5fc4072f16":[2,0,1,0,120,0,0], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca5e43e8ffd1f5ba49826e2e7ac3450466":[1,0,1,0,123,0,3], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca5e43e8ffd1f5ba49826e2e7ac3450466":[2,0,1,0,120,0,3], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca87a6a1927de175b71d7d0b5c11b8665c":[1,0,1,0,123,0,4], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca87a6a1927de175b71d7d0b5c11b8665c":[2,0,1,0,120,0,4], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613cad914e4c3475ce9858f2de4bf35dcfdbf":[1,0,1,0,123,0,1], -"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613cad914e4c3475ce9858f2de4bf35dcfdbf":[2,0,1,0,120,0,1], -"classmlx_1_1core_1_1_scatter.html#a696c38b373a7a7c71bc112bd1117e322":[1,0,1,0,123,9], -"classmlx_1_1core_1_1_scatter.html#a696c38b373a7a7c71bc112bd1117e322":[2,0,1,0,120,9], -"classmlx_1_1core_1_1_scatter.html#a7623f590f8b77167b5ebb4f14bc9dc97":[1,0,1,0,123,2], -"classmlx_1_1core_1_1_scatter.html#a7623f590f8b77167b5ebb4f14bc9dc97":[2,0,1,0,120,2], -"classmlx_1_1core_1_1_scatter.html#aa9d45cbfb27b814517f6016092b30efa":[1,0,1,0,123,6], -"classmlx_1_1core_1_1_scatter.html#aa9d45cbfb27b814517f6016092b30efa":[2,0,1,0,120,6], -"classmlx_1_1core_1_1_scatter.html#ab304345db3d8cfeea15e27461ae2e678":[1,0,1,0,123,3], -"classmlx_1_1core_1_1_scatter.html#ab304345db3d8cfeea15e27461ae2e678":[2,0,1,0,120,3], -"classmlx_1_1core_1_1_scatter.html#ac9b3eff67389ef9aa820753379ffeaa3":[1,0,1,0,123,1], -"classmlx_1_1core_1_1_scatter.html#ac9b3eff67389ef9aa820753379ffeaa3":[2,0,1,0,120,1], -"classmlx_1_1core_1_1_scatter_axis.html":[1,0,1,0,124], -"classmlx_1_1core_1_1_scatter_axis.html":[2,0,1,0,121], -"classmlx_1_1core_1_1_scatter_axis.html#a1a0125be908a1d80875236c817f34495":[1,0,1,0,124,8], -"classmlx_1_1core_1_1_scatter_axis.html#a1a0125be908a1d80875236c817f34495":[2,0,1,0,121,8], -"classmlx_1_1core_1_1_scatter_axis.html#a450f97b0be61a2bdfbfef4b2eb7cd198":[1,0,1,0,124,9], -"classmlx_1_1core_1_1_scatter_axis.html#a450f97b0be61a2bdfbfef4b2eb7cd198":[2,0,1,0,121,9], -"classmlx_1_1core_1_1_scatter_axis.html#a657843d4d9846ecd56e35e066986eb96":[1,0,1,0,124,7], -"classmlx_1_1core_1_1_scatter_axis.html#a657843d4d9846ecd56e35e066986eb96":[2,0,1,0,121,7], -"classmlx_1_1core_1_1_scatter_axis.html#a715c3b959dc904faefb16edbb11f29d7":[1,0,1,0,124,3], -"classmlx_1_1core_1_1_scatter_axis.html#a715c3b959dc904faefb16edbb11f29d7":[2,0,1,0,121,3], -"classmlx_1_1core_1_1_scatter_axis.html#a7365a2c5fddb1c39509998598de411db":[1,0,1,0,124,1], -"classmlx_1_1core_1_1_scatter_axis.html#a7365a2c5fddb1c39509998598de411db":[2,0,1,0,121,1], -"classmlx_1_1core_1_1_scatter_axis.html#a77129b601e5ca9d97669a8b0fdc69805":[1,0,1,0,124,5], -"classmlx_1_1core_1_1_scatter_axis.html#a77129b601e5ca9d97669a8b0fdc69805":[2,0,1,0,121,5], -"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2":[1,0,1,0,124,0], -"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2":[2,0,1,0,121,0], -"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a702b8cfdaf7fe3e063873595ff0508f2":[1,0,1,0,124,0,0], -"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a702b8cfdaf7fe3e063873595ff0508f2":[2,0,1,0,121,0,0], -"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a93146c4280504f1f67459e6ae0d25c38":[1,0,1,0,124,0,1], -"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a93146c4280504f1f67459e6ae0d25c38":[2,0,1,0,121,0,1], -"classmlx_1_1core_1_1_scatter_axis.html#abf9d24565abdd7e1034daacac603cc54":[1,0,1,0,124,2], -"classmlx_1_1core_1_1_scatter_axis.html#abf9d24565abdd7e1034daacac603cc54":[2,0,1,0,121,2], -"classmlx_1_1core_1_1_scatter_axis.html#ae78709d1be122618f210ff595d888df8":[1,0,1,0,124,10], -"classmlx_1_1core_1_1_scatter_axis.html#ae78709d1be122618f210ff595d888df8":[2,0,1,0,121,10], -"classmlx_1_1core_1_1_scatter_axis.html#af511c39926d5b85ca59558d64e0608fb":[1,0,1,0,124,4], -"classmlx_1_1core_1_1_scatter_axis.html#af511c39926d5b85ca59558d64e0608fb":[2,0,1,0,121,4], -"classmlx_1_1core_1_1_scatter_axis.html#af9688c010e1abee9b7b3788f11d91cc5":[1,0,1,0,124,6], -"classmlx_1_1core_1_1_scatter_axis.html#af9688c010e1abee9b7b3788f11d91cc5":[2,0,1,0,121,6], -"classmlx_1_1core_1_1_select.html":[1,0,1,0,125], -"classmlx_1_1core_1_1_select.html":[2,0,1,0,122], -"classmlx_1_1core_1_1_select.html#a10e837a391542b364186288a87e11513":[1,0,1,0,125,5], -"classmlx_1_1core_1_1_select.html#a10e837a391542b364186288a87e11513":[2,0,1,0,122,5], -"classmlx_1_1core_1_1_select.html#a172df6812c2ea3e9d3c3fc5d527548d6":[1,0,1,0,125,4], -"classmlx_1_1core_1_1_select.html#a172df6812c2ea3e9d3c3fc5d527548d6":[2,0,1,0,122,4], -"classmlx_1_1core_1_1_select.html#a2a82b6cba4c386b2b87f225a4b08ea9b":[1,0,1,0,125,2], -"classmlx_1_1core_1_1_select.html#a2a82b6cba4c386b2b87f225a4b08ea9b":[2,0,1,0,122,2], -"classmlx_1_1core_1_1_select.html#a678285f2c0b9dae85692399c3aa692a7":[1,0,1,0,125,6], -"classmlx_1_1core_1_1_select.html#a678285f2c0b9dae85692399c3aa692a7":[2,0,1,0,122,6], -"classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9":[1,0,1,0,125,0], -"classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9":[2,0,1,0,122,0], -"classmlx_1_1core_1_1_select.html#a84e80361c8cf02536b4b98098793550f":[1,0,1,0,125,8], -"classmlx_1_1core_1_1_select.html#a84e80361c8cf02536b4b98098793550f":[2,0,1,0,122,8], -"classmlx_1_1core_1_1_select.html#a9b522487b78fceeca7f827cd1c29a9a3":[1,0,1,0,125,7], -"classmlx_1_1core_1_1_select.html#a9b522487b78fceeca7f827cd1c29a9a3":[2,0,1,0,122,7], -"classmlx_1_1core_1_1_select.html#aa51aa36e0adbd69e0d23d7c7adf88de2":[1,0,1,0,125,1], -"classmlx_1_1core_1_1_select.html#aa51aa36e0adbd69e0d23d7c7adf88de2":[2,0,1,0,122,1], -"classmlx_1_1core_1_1_select.html#afc3c333fac7f902c98839921ef2874c8":[1,0,1,0,125,3], -"classmlx_1_1core_1_1_select.html#afc3c333fac7f902c98839921ef2874c8":[2,0,1,0,122,3], -"classmlx_1_1core_1_1_sigmoid.html":[1,0,1,0,126], -"classmlx_1_1core_1_1_sigmoid.html":[2,0,1,0,123], -"classmlx_1_1core_1_1_sigmoid.html#a04814ba1b0edf8299d5ca1bcb8749d8e":[1,0,1,0,126,3], -"classmlx_1_1core_1_1_sigmoid.html#a04814ba1b0edf8299d5ca1bcb8749d8e":[2,0,1,0,123,3], -"classmlx_1_1core_1_1_sigmoid.html#a12712c23037e38192cbccd2d4b14cc85":[1,0,1,0,126,8], -"classmlx_1_1core_1_1_sigmoid.html#a12712c23037e38192cbccd2d4b14cc85":[2,0,1,0,123,8], -"classmlx_1_1core_1_1_sigmoid.html#a47eca99113ec19f0eb60b6a0472c592b":[1,0,1,0,126,0], -"classmlx_1_1core_1_1_sigmoid.html#a47eca99113ec19f0eb60b6a0472c592b":[2,0,1,0,123,0], -"classmlx_1_1core_1_1_sigmoid.html#a62ca1c440896e32958c77af3340847db":[1,0,1,0,126,4], -"classmlx_1_1core_1_1_sigmoid.html#a62ca1c440896e32958c77af3340847db":[2,0,1,0,123,4], -"classmlx_1_1core_1_1_sigmoid.html#a7a6bd0222d51d7f25f2719a91ccdfeca":[1,0,1,0,126,2], -"classmlx_1_1core_1_1_sigmoid.html#a7a6bd0222d51d7f25f2719a91ccdfeca":[2,0,1,0,123,2], -"classmlx_1_1core_1_1_sigmoid.html#aa930ce05734cca529ebcb8d0ca8e1255":[1,0,1,0,126,1], -"classmlx_1_1core_1_1_sigmoid.html#aa930ce05734cca529ebcb8d0ca8e1255":[2,0,1,0,123,1], -"classmlx_1_1core_1_1_sigmoid.html#aac2f56a4c8362e36a28e232758ca52cf":[1,0,1,0,126,7], -"classmlx_1_1core_1_1_sigmoid.html#aac2f56a4c8362e36a28e232758ca52cf":[2,0,1,0,123,7], -"classmlx_1_1core_1_1_sigmoid.html#ad4cd19938e5159754aa7516f405580c2":[1,0,1,0,126,6], -"classmlx_1_1core_1_1_sigmoid.html#ad4cd19938e5159754aa7516f405580c2":[2,0,1,0,123,6], -"classmlx_1_1core_1_1_sigmoid.html#aff024a3309584724c9842f172a4e440b":[1,0,1,0,126,5], -"classmlx_1_1core_1_1_sigmoid.html#aff024a3309584724c9842f172a4e440b":[2,0,1,0,123,5], -"classmlx_1_1core_1_1_sign.html":[1,0,1,0,127], -"classmlx_1_1core_1_1_sign.html":[2,0,1,0,124], -"classmlx_1_1core_1_1_sign.html#a2260f2e8e081010192eb8a6f90acde6e":[1,0,1,0,127,5], -"classmlx_1_1core_1_1_sign.html#a2260f2e8e081010192eb8a6f90acde6e":[2,0,1,0,124,5], -"classmlx_1_1core_1_1_sign.html#a2aa0720fe0a6d2408eb43c25d3d45b0a":[1,0,1,0,127,6], -"classmlx_1_1core_1_1_sign.html#a2aa0720fe0a6d2408eb43c25d3d45b0a":[2,0,1,0,124,6], -"classmlx_1_1core_1_1_sign.html#a7498ec993b66879be30c5d9762c45a97":[1,0,1,0,127,1], -"classmlx_1_1core_1_1_sign.html#a7498ec993b66879be30c5d9762c45a97":[2,0,1,0,124,1], -"classmlx_1_1core_1_1_sign.html#a8c0934acbcc4b146e5aacd35a8c445bb":[1,0,1,0,127,3], -"classmlx_1_1core_1_1_sign.html#a8c0934acbcc4b146e5aacd35a8c445bb":[2,0,1,0,124,3], -"classmlx_1_1core_1_1_sign.html#a957992c7aa0e86cf06f861a94372086b":[1,0,1,0,127,4], -"classmlx_1_1core_1_1_sign.html#a957992c7aa0e86cf06f861a94372086b":[2,0,1,0,124,4], -"classmlx_1_1core_1_1_sign.html#aa60ac52edd739fbdf388a997acd01bce":[1,0,1,0,127,7], -"classmlx_1_1core_1_1_sign.html#aa60ac52edd739fbdf388a997acd01bce":[2,0,1,0,124,7], -"classmlx_1_1core_1_1_sign.html#aa7296045907015b4e0ae8a93e5e6e295":[1,0,1,0,127,8], -"classmlx_1_1core_1_1_sign.html#aa7296045907015b4e0ae8a93e5e6e295":[2,0,1,0,124,8], -"classmlx_1_1core_1_1_sign.html#afa2b48b99a194106006b44af69ffda8b":[1,0,1,0,127,2], -"classmlx_1_1core_1_1_sign.html#afa2b48b99a194106006b44af69ffda8b":[2,0,1,0,124,2], -"classmlx_1_1core_1_1_sign.html#afe951e50907bc23a601ec5fa9eae5763":[1,0,1,0,127,0], -"classmlx_1_1core_1_1_sign.html#afe951e50907bc23a601ec5fa9eae5763":[2,0,1,0,124,0], -"classmlx_1_1core_1_1_sin.html":[1,0,1,0,128], -"classmlx_1_1core_1_1_sin.html":[2,0,1,0,125], -"classmlx_1_1core_1_1_sin.html#a10d1ecc0ca96e79cdf55b57073d126ea":[1,0,1,0,128,0], -"classmlx_1_1core_1_1_sin.html#a10d1ecc0ca96e79cdf55b57073d126ea":[2,0,1,0,125,0], -"classmlx_1_1core_1_1_sin.html#a45533996f3d72d9dd97d4c61cd684fba":[1,0,1,0,128,8], -"classmlx_1_1core_1_1_sin.html#a45533996f3d72d9dd97d4c61cd684fba":[2,0,1,0,125,8], -"classmlx_1_1core_1_1_sin.html#a6b59f1156cf8bdad8d45acd1d825cb5e":[1,0,1,0,128,2], -"classmlx_1_1core_1_1_sin.html#a6b59f1156cf8bdad8d45acd1d825cb5e":[2,0,1,0,125,2], -"classmlx_1_1core_1_1_sin.html#a73b31005551015897f15c00e8b0222e4":[1,0,1,0,128,6], -"classmlx_1_1core_1_1_sin.html#a73b31005551015897f15c00e8b0222e4":[2,0,1,0,125,6], -"classmlx_1_1core_1_1_sin.html#ab34f9cebc2aed55a0b6ab4c991f02eb5":[1,0,1,0,128,1], -"classmlx_1_1core_1_1_sin.html#ab34f9cebc2aed55a0b6ab4c991f02eb5":[2,0,1,0,125,1], -"classmlx_1_1core_1_1_sin.html#abdd433ecbb54898161b43aa9e14ec7f1":[1,0,1,0,128,5], -"classmlx_1_1core_1_1_sin.html#abdd433ecbb54898161b43aa9e14ec7f1":[2,0,1,0,125,5], -"classmlx_1_1core_1_1_sin.html#aedefe550ab4b0687858981bc0bcfbfa0":[1,0,1,0,128,7], -"classmlx_1_1core_1_1_sin.html#aedefe550ab4b0687858981bc0bcfbfa0":[2,0,1,0,125,7], -"classmlx_1_1core_1_1_sin.html#af00b0e5516f884996ce7a97e6c1e3e6a":[1,0,1,0,128,3], -"classmlx_1_1core_1_1_sin.html#af00b0e5516f884996ce7a97e6c1e3e6a":[2,0,1,0,125,3], -"classmlx_1_1core_1_1_sin.html#af662d10180967399820496477ff050de":[1,0,1,0,128,4], -"classmlx_1_1core_1_1_sin.html#af662d10180967399820496477ff050de":[2,0,1,0,125,4], -"classmlx_1_1core_1_1_sinh.html":[1,0,1,0,129], -"classmlx_1_1core_1_1_sinh.html":[2,0,1,0,126], -"classmlx_1_1core_1_1_sinh.html#a4a4f6814d403c2ce5d6c574b0dca3c96":[1,0,1,0,129,0], -"classmlx_1_1core_1_1_sinh.html#a4a4f6814d403c2ce5d6c574b0dca3c96":[2,0,1,0,126,0], -"classmlx_1_1core_1_1_sinh.html#a5a1af2399f166d5b228b5e83a1837c75":[1,0,1,0,129,2], -"classmlx_1_1core_1_1_sinh.html#a5a1af2399f166d5b228b5e83a1837c75":[2,0,1,0,126,2], -"classmlx_1_1core_1_1_sinh.html#a5b4753d52e80799d4fea0b9172d25a77":[1,0,1,0,129,6], -"classmlx_1_1core_1_1_sinh.html#a5b4753d52e80799d4fea0b9172d25a77":[2,0,1,0,126,6], -"classmlx_1_1core_1_1_sinh.html#a6b39fdd429bbb4de389e7c904fd561f0":[1,0,1,0,129,7], -"classmlx_1_1core_1_1_sinh.html#a6b39fdd429bbb4de389e7c904fd561f0":[2,0,1,0,126,7], -"classmlx_1_1core_1_1_sinh.html#a86e2b37823daf20a4c74c9f273215f9c":[1,0,1,0,129,4], -"classmlx_1_1core_1_1_sinh.html#a86e2b37823daf20a4c74c9f273215f9c":[2,0,1,0,126,4], -"classmlx_1_1core_1_1_sinh.html#ab6d5f6f40d177f6435f6a51c71b939dd":[1,0,1,0,129,1], -"classmlx_1_1core_1_1_sinh.html#ab6d5f6f40d177f6435f6a51c71b939dd":[2,0,1,0,126,1], -"classmlx_1_1core_1_1_sinh.html#adcb1878996fd4902cd550042dd6ad70d":[1,0,1,0,129,3], -"classmlx_1_1core_1_1_sinh.html#adcb1878996fd4902cd550042dd6ad70d":[2,0,1,0,126,3], -"classmlx_1_1core_1_1_sinh.html#ae04d8f6175c691a8f0d2a9fdd15af0ad":[1,0,1,0,129,5], -"classmlx_1_1core_1_1_sinh.html#ae04d8f6175c691a8f0d2a9fdd15af0ad":[2,0,1,0,126,5], -"classmlx_1_1core_1_1_sinh.html#ae171df22bc34c32e31b8135dc4caa788":[1,0,1,0,129,8], -"classmlx_1_1core_1_1_sinh.html#ae171df22bc34c32e31b8135dc4caa788":[2,0,1,0,126,8], -"classmlx_1_1core_1_1_slice.html":[1,0,1,0,130], -"classmlx_1_1core_1_1_slice.html":[2,0,1,0,127], -"classmlx_1_1core_1_1_slice.html#a069dafc62bf71e3ebc0bd99d96ec23be":[1,0,1,0,130,6], -"classmlx_1_1core_1_1_slice.html#a069dafc62bf71e3ebc0bd99d96ec23be":[2,0,1,0,127,6], -"classmlx_1_1core_1_1_slice.html#a291746a527ff991b66249fb2b54b685f":[1,0,1,0,130,7], -"classmlx_1_1core_1_1_slice.html#a291746a527ff991b66249fb2b54b685f":[2,0,1,0,127,7] +"classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059":[1,0,1,0,120,2], +"classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059":[2,0,1,0,117,2], +"classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312":[1,0,1,0,120,0], +"classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312":[2,0,1,0,117,0], +"classmlx_1_1core_1_1_reshape.html#aa8ad5958aac8723dd6ce49820eaba029":[1,0,1,0,120,8], +"classmlx_1_1core_1_1_reshape.html#aa8ad5958aac8723dd6ce49820eaba029":[2,0,1,0,117,8], +"classmlx_1_1core_1_1_reshape.html#ab17294ecc6b5d4e89626fb48c7516365":[1,0,1,0,120,9], +"classmlx_1_1core_1_1_reshape.html#ab17294ecc6b5d4e89626fb48c7516365":[2,0,1,0,117,9], +"classmlx_1_1core_1_1_reshape.html#ab8fc28748991017cc3e29f93c91087a5":[1,0,1,0,120,4], +"classmlx_1_1core_1_1_reshape.html#ab8fc28748991017cc3e29f93c91087a5":[2,0,1,0,117,4], +"classmlx_1_1core_1_1_reshape.html#abd07c53af476777a04307e0423784cf3":[1,0,1,0,120,3], +"classmlx_1_1core_1_1_reshape.html#abd07c53af476777a04307e0423784cf3":[2,0,1,0,117,3], +"classmlx_1_1core_1_1_reshape.html#ae239dd3c6cab147e4af572dc58204f9d":[1,0,1,0,120,10], +"classmlx_1_1core_1_1_reshape.html#ae239dd3c6cab147e4af572dc58204f9d":[2,0,1,0,117,10], +"classmlx_1_1core_1_1_reshape.html#aed3a83606d6917b2c344607101a2c43d":[1,0,1,0,120,6], +"classmlx_1_1core_1_1_reshape.html#aed3a83606d6917b2c344607101a2c43d":[2,0,1,0,117,6], +"classmlx_1_1core_1_1_round.html":[1,0,1,0,121], +"classmlx_1_1core_1_1_round.html":[2,0,1,0,118], +"classmlx_1_1core_1_1_round.html#a032075a7d0dde2dba6189636d216c5e7":[1,0,1,0,121,4], +"classmlx_1_1core_1_1_round.html#a032075a7d0dde2dba6189636d216c5e7":[2,0,1,0,118,4], +"classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde":[1,0,1,0,121,0], +"classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde":[2,0,1,0,118,0], +"classmlx_1_1core_1_1_round.html#a61821399e177e142723fc986e437d459":[1,0,1,0,121,5], +"classmlx_1_1core_1_1_round.html#a61821399e177e142723fc986e437d459":[2,0,1,0,118,5], +"classmlx_1_1core_1_1_round.html#a6fad8799a7982e1ccbe05be7cc38a7fd":[1,0,1,0,121,8], +"classmlx_1_1core_1_1_round.html#a6fad8799a7982e1ccbe05be7cc38a7fd":[2,0,1,0,118,8], +"classmlx_1_1core_1_1_round.html#ad066b0944b437f64ab546025efa00007":[1,0,1,0,121,1], +"classmlx_1_1core_1_1_round.html#ad066b0944b437f64ab546025efa00007":[2,0,1,0,118,1], +"classmlx_1_1core_1_1_round.html#aeb3d8607bbba7345a3142d4cbd4e6927":[1,0,1,0,121,3], +"classmlx_1_1core_1_1_round.html#aeb3d8607bbba7345a3142d4cbd4e6927":[2,0,1,0,118,3], +"classmlx_1_1core_1_1_round.html#af0dfe8943109c936b35ab0082f566f72":[1,0,1,0,121,6], +"classmlx_1_1core_1_1_round.html#af0dfe8943109c936b35ab0082f566f72":[2,0,1,0,118,6], +"classmlx_1_1core_1_1_round.html#af7fe5ff8f3db166c203b4be4b07f13ec":[1,0,1,0,121,2], +"classmlx_1_1core_1_1_round.html#af7fe5ff8f3db166c203b4be4b07f13ec":[2,0,1,0,118,2], +"classmlx_1_1core_1_1_round.html#af8f085e08b7fa8840c52a20b12ca35ce":[1,0,1,0,121,7], +"classmlx_1_1core_1_1_round.html#af8f085e08b7fa8840c52a20b12ca35ce":[2,0,1,0,118,7], +"classmlx_1_1core_1_1_s_v_d.html":[1,0,1,0,143], +"classmlx_1_1core_1_1_s_v_d.html":[2,0,1,0,140], +"classmlx_1_1core_1_1_s_v_d.html#a0366c958f6cdac8d1d9e1a4eda53fae8":[1,0,1,0,143,5], +"classmlx_1_1core_1_1_s_v_d.html#a0366c958f6cdac8d1d9e1a4eda53fae8":[2,0,1,0,140,5], +"classmlx_1_1core_1_1_s_v_d.html#a1bf0ffc5f7b03720a10975827a616b81":[1,0,1,0,143,0], +"classmlx_1_1core_1_1_s_v_d.html#a1bf0ffc5f7b03720a10975827a616b81":[2,0,1,0,140,0], +"classmlx_1_1core_1_1_s_v_d.html#a637f5c39fa8b10722c04a066f6c1ada6":[1,0,1,0,143,1], +"classmlx_1_1core_1_1_s_v_d.html#a637f5c39fa8b10722c04a066f6c1ada6":[2,0,1,0,140,1], +"classmlx_1_1core_1_1_s_v_d.html#a7067b2207f826a25549d571856b94e83":[1,0,1,0,143,2], +"classmlx_1_1core_1_1_s_v_d.html#a7067b2207f826a25549d571856b94e83":[2,0,1,0,140,2], +"classmlx_1_1core_1_1_s_v_d.html#a73f326705aeca762d0dfd63d1577bde1":[1,0,1,0,143,4], +"classmlx_1_1core_1_1_s_v_d.html#a73f326705aeca762d0dfd63d1577bde1":[2,0,1,0,140,4], +"classmlx_1_1core_1_1_s_v_d.html#ab87a4e7ef857936bea66ba9e24662f53":[1,0,1,0,143,3], +"classmlx_1_1core_1_1_s_v_d.html#ab87a4e7ef857936bea66ba9e24662f53":[2,0,1,0,140,3], +"classmlx_1_1core_1_1_scan.html":[1,0,1,0,123], +"classmlx_1_1core_1_1_scan.html":[2,0,1,0,120], +"classmlx_1_1core_1_1_scan.html#a15676d9fd066e935782a923fba3e940b":[1,0,1,0,123,2], +"classmlx_1_1core_1_1_scan.html#a15676d9fd066e935782a923fba3e940b":[2,0,1,0,120,2], +"classmlx_1_1core_1_1_scan.html#a297c7cc89c9bf9d186ebdebb634c7804":[1,0,1,0,123,9], +"classmlx_1_1core_1_1_scan.html#a297c7cc89c9bf9d186ebdebb634c7804":[2,0,1,0,120,9], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1":[1,0,1,0,123,0], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1":[2,0,1,0,120,0], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a33edce755ed1a74632c302ad93a14789":[1,0,1,0,123,0,3], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a33edce755ed1a74632c302ad93a14789":[2,0,1,0,120,0,3], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a7d2ee8f14f2e70a9d47170fecc6da898":[1,0,1,0,123,0,1], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a7d2ee8f14f2e70a9d47170fecc6da898":[2,0,1,0,120,0,1], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ad54b2905015a390708f79bae6cdac56d":[1,0,1,0,123,0,0], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ad54b2905015a390708f79bae6cdac56d":[2,0,1,0,120,0,0], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ade23893033e4849f5596e7ce76a5fc36":[1,0,1,0,123,0,2], +"classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ade23893033e4849f5596e7ce76a5fc36":[2,0,1,0,120,0,2], +"classmlx_1_1core_1_1_scan.html#a54445a4d677ca4fe2a58d08eb5223ac6":[1,0,1,0,123,4], +"classmlx_1_1core_1_1_scan.html#a54445a4d677ca4fe2a58d08eb5223ac6":[2,0,1,0,120,4], +"classmlx_1_1core_1_1_scan.html#a6f9c862f4fbc7eaf430a361cdd8933ee":[1,0,1,0,123,5], +"classmlx_1_1core_1_1_scan.html#a6f9c862f4fbc7eaf430a361cdd8933ee":[2,0,1,0,120,5], +"classmlx_1_1core_1_1_scan.html#a7249ca4c3316b1b1248df32c71fee0ea":[1,0,1,0,123,7], +"classmlx_1_1core_1_1_scan.html#a7249ca4c3316b1b1248df32c71fee0ea":[2,0,1,0,120,7], +"classmlx_1_1core_1_1_scan.html#aaf13f72620b4b5d6a20e1228930e848e":[1,0,1,0,123,8], +"classmlx_1_1core_1_1_scan.html#aaf13f72620b4b5d6a20e1228930e848e":[2,0,1,0,120,8], +"classmlx_1_1core_1_1_scan.html#ac93e8f9c6771de825d2186ef34fa7087":[1,0,1,0,123,1], +"classmlx_1_1core_1_1_scan.html#ac93e8f9c6771de825d2186ef34fa7087":[2,0,1,0,120,1], +"classmlx_1_1core_1_1_scan.html#ad5b6308c79e9b985a49df35eadd15b22":[1,0,1,0,123,6], +"classmlx_1_1core_1_1_scan.html#ad5b6308c79e9b985a49df35eadd15b22":[2,0,1,0,120,6], +"classmlx_1_1core_1_1_scan.html#aef22c6fc2b2cb2a907cd8965c7413dde":[1,0,1,0,123,3], +"classmlx_1_1core_1_1_scan.html#aef22c6fc2b2cb2a907cd8965c7413dde":[2,0,1,0,120,3], +"classmlx_1_1core_1_1_scatter.html":[1,0,1,0,124], +"classmlx_1_1core_1_1_scatter.html":[2,0,1,0,121], +"classmlx_1_1core_1_1_scatter.html#a0208172562abdc90472e6eb5f84c987f":[1,0,1,0,124,4], +"classmlx_1_1core_1_1_scatter.html#a0208172562abdc90472e6eb5f84c987f":[2,0,1,0,121,4], +"classmlx_1_1core_1_1_scatter.html#a0b51287fba789bb139ed61d40a0c636a":[1,0,1,0,124,8], +"classmlx_1_1core_1_1_scatter.html#a0b51287fba789bb139ed61d40a0c636a":[2,0,1,0,121,8], +"classmlx_1_1core_1_1_scatter.html#a270fa8ccf36ce4bbbc23875139223934":[1,0,1,0,124,5], +"classmlx_1_1core_1_1_scatter.html#a270fa8ccf36ce4bbbc23875139223934":[2,0,1,0,121,5], +"classmlx_1_1core_1_1_scatter.html#a50a65033dc2a1cc84bf529ba718c9c60":[1,0,1,0,124,7], +"classmlx_1_1core_1_1_scatter.html#a50a65033dc2a1cc84bf529ba718c9c60":[2,0,1,0,121,7], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613c":[1,0,1,0,124,0], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613c":[2,0,1,0,121,0], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca14abe2d8818efa71726be4e156813d6f":[1,0,1,0,124,0,2], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca14abe2d8818efa71726be4e156813d6f":[2,0,1,0,121,0,2], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca1c2da7b96d743296fe660f5fc4072f16":[1,0,1,0,124,0,0], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca1c2da7b96d743296fe660f5fc4072f16":[2,0,1,0,121,0,0], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca5e43e8ffd1f5ba49826e2e7ac3450466":[1,0,1,0,124,0,3], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca5e43e8ffd1f5ba49826e2e7ac3450466":[2,0,1,0,121,0,3], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca87a6a1927de175b71d7d0b5c11b8665c":[1,0,1,0,124,0,4], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca87a6a1927de175b71d7d0b5c11b8665c":[2,0,1,0,121,0,4], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613cad914e4c3475ce9858f2de4bf35dcfdbf":[1,0,1,0,124,0,1], +"classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613cad914e4c3475ce9858f2de4bf35dcfdbf":[2,0,1,0,121,0,1], +"classmlx_1_1core_1_1_scatter.html#a696c38b373a7a7c71bc112bd1117e322":[1,0,1,0,124,9], +"classmlx_1_1core_1_1_scatter.html#a696c38b373a7a7c71bc112bd1117e322":[2,0,1,0,121,9], +"classmlx_1_1core_1_1_scatter.html#a7623f590f8b77167b5ebb4f14bc9dc97":[1,0,1,0,124,2], +"classmlx_1_1core_1_1_scatter.html#a7623f590f8b77167b5ebb4f14bc9dc97":[2,0,1,0,121,2], +"classmlx_1_1core_1_1_scatter.html#aa9d45cbfb27b814517f6016092b30efa":[1,0,1,0,124,6], +"classmlx_1_1core_1_1_scatter.html#aa9d45cbfb27b814517f6016092b30efa":[2,0,1,0,121,6], +"classmlx_1_1core_1_1_scatter.html#ab304345db3d8cfeea15e27461ae2e678":[1,0,1,0,124,3], +"classmlx_1_1core_1_1_scatter.html#ab304345db3d8cfeea15e27461ae2e678":[2,0,1,0,121,3], +"classmlx_1_1core_1_1_scatter.html#ac9b3eff67389ef9aa820753379ffeaa3":[1,0,1,0,124,1], +"classmlx_1_1core_1_1_scatter.html#ac9b3eff67389ef9aa820753379ffeaa3":[2,0,1,0,121,1], +"classmlx_1_1core_1_1_scatter_axis.html":[1,0,1,0,125], +"classmlx_1_1core_1_1_scatter_axis.html":[2,0,1,0,122], +"classmlx_1_1core_1_1_scatter_axis.html#a1a0125be908a1d80875236c817f34495":[1,0,1,0,125,8], +"classmlx_1_1core_1_1_scatter_axis.html#a1a0125be908a1d80875236c817f34495":[2,0,1,0,122,8], +"classmlx_1_1core_1_1_scatter_axis.html#a450f97b0be61a2bdfbfef4b2eb7cd198":[1,0,1,0,125,9], +"classmlx_1_1core_1_1_scatter_axis.html#a450f97b0be61a2bdfbfef4b2eb7cd198":[2,0,1,0,122,9], +"classmlx_1_1core_1_1_scatter_axis.html#a657843d4d9846ecd56e35e066986eb96":[1,0,1,0,125,7], +"classmlx_1_1core_1_1_scatter_axis.html#a657843d4d9846ecd56e35e066986eb96":[2,0,1,0,122,7], +"classmlx_1_1core_1_1_scatter_axis.html#a715c3b959dc904faefb16edbb11f29d7":[1,0,1,0,125,3], +"classmlx_1_1core_1_1_scatter_axis.html#a715c3b959dc904faefb16edbb11f29d7":[2,0,1,0,122,3], +"classmlx_1_1core_1_1_scatter_axis.html#a7365a2c5fddb1c39509998598de411db":[1,0,1,0,125,1], +"classmlx_1_1core_1_1_scatter_axis.html#a7365a2c5fddb1c39509998598de411db":[2,0,1,0,122,1], +"classmlx_1_1core_1_1_scatter_axis.html#a77129b601e5ca9d97669a8b0fdc69805":[1,0,1,0,125,5], +"classmlx_1_1core_1_1_scatter_axis.html#a77129b601e5ca9d97669a8b0fdc69805":[2,0,1,0,122,5], +"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2":[1,0,1,0,125,0], +"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2":[2,0,1,0,122,0], +"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a702b8cfdaf7fe3e063873595ff0508f2":[1,0,1,0,125,0,0], +"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a702b8cfdaf7fe3e063873595ff0508f2":[2,0,1,0,122,0,0], +"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a93146c4280504f1f67459e6ae0d25c38":[1,0,1,0,125,0,1], +"classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a93146c4280504f1f67459e6ae0d25c38":[2,0,1,0,122,0,1], +"classmlx_1_1core_1_1_scatter_axis.html#abf9d24565abdd7e1034daacac603cc54":[1,0,1,0,125,2], +"classmlx_1_1core_1_1_scatter_axis.html#abf9d24565abdd7e1034daacac603cc54":[2,0,1,0,122,2], +"classmlx_1_1core_1_1_scatter_axis.html#ae78709d1be122618f210ff595d888df8":[1,0,1,0,125,10], +"classmlx_1_1core_1_1_scatter_axis.html#ae78709d1be122618f210ff595d888df8":[2,0,1,0,122,10], +"classmlx_1_1core_1_1_scatter_axis.html#af511c39926d5b85ca59558d64e0608fb":[1,0,1,0,125,4], +"classmlx_1_1core_1_1_scatter_axis.html#af511c39926d5b85ca59558d64e0608fb":[2,0,1,0,122,4], +"classmlx_1_1core_1_1_scatter_axis.html#af9688c010e1abee9b7b3788f11d91cc5":[1,0,1,0,125,6], +"classmlx_1_1core_1_1_scatter_axis.html#af9688c010e1abee9b7b3788f11d91cc5":[2,0,1,0,122,6], +"classmlx_1_1core_1_1_select.html":[1,0,1,0,126], +"classmlx_1_1core_1_1_select.html":[2,0,1,0,123], +"classmlx_1_1core_1_1_select.html#a10e837a391542b364186288a87e11513":[1,0,1,0,126,5], +"classmlx_1_1core_1_1_select.html#a10e837a391542b364186288a87e11513":[2,0,1,0,123,5], +"classmlx_1_1core_1_1_select.html#a172df6812c2ea3e9d3c3fc5d527548d6":[1,0,1,0,126,4], +"classmlx_1_1core_1_1_select.html#a172df6812c2ea3e9d3c3fc5d527548d6":[2,0,1,0,123,4], +"classmlx_1_1core_1_1_select.html#a2a82b6cba4c386b2b87f225a4b08ea9b":[1,0,1,0,126,2], +"classmlx_1_1core_1_1_select.html#a2a82b6cba4c386b2b87f225a4b08ea9b":[2,0,1,0,123,2], +"classmlx_1_1core_1_1_select.html#a678285f2c0b9dae85692399c3aa692a7":[1,0,1,0,126,6], +"classmlx_1_1core_1_1_select.html#a678285f2c0b9dae85692399c3aa692a7":[2,0,1,0,123,6], +"classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9":[1,0,1,0,126,0], +"classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9":[2,0,1,0,123,0], +"classmlx_1_1core_1_1_select.html#a84e80361c8cf02536b4b98098793550f":[1,0,1,0,126,8], +"classmlx_1_1core_1_1_select.html#a84e80361c8cf02536b4b98098793550f":[2,0,1,0,123,8], +"classmlx_1_1core_1_1_select.html#a9b522487b78fceeca7f827cd1c29a9a3":[1,0,1,0,126,7], +"classmlx_1_1core_1_1_select.html#a9b522487b78fceeca7f827cd1c29a9a3":[2,0,1,0,123,7], +"classmlx_1_1core_1_1_select.html#aa51aa36e0adbd69e0d23d7c7adf88de2":[1,0,1,0,126,1], +"classmlx_1_1core_1_1_select.html#aa51aa36e0adbd69e0d23d7c7adf88de2":[2,0,1,0,123,1], +"classmlx_1_1core_1_1_select.html#afc3c333fac7f902c98839921ef2874c8":[1,0,1,0,126,3], +"classmlx_1_1core_1_1_select.html#afc3c333fac7f902c98839921ef2874c8":[2,0,1,0,123,3], +"classmlx_1_1core_1_1_sigmoid.html":[1,0,1,0,127], +"classmlx_1_1core_1_1_sigmoid.html":[2,0,1,0,124], +"classmlx_1_1core_1_1_sigmoid.html#a04814ba1b0edf8299d5ca1bcb8749d8e":[1,0,1,0,127,3], +"classmlx_1_1core_1_1_sigmoid.html#a04814ba1b0edf8299d5ca1bcb8749d8e":[2,0,1,0,124,3], +"classmlx_1_1core_1_1_sigmoid.html#a12712c23037e38192cbccd2d4b14cc85":[1,0,1,0,127,8], +"classmlx_1_1core_1_1_sigmoid.html#a12712c23037e38192cbccd2d4b14cc85":[2,0,1,0,124,8], +"classmlx_1_1core_1_1_sigmoid.html#a47eca99113ec19f0eb60b6a0472c592b":[1,0,1,0,127,0], +"classmlx_1_1core_1_1_sigmoid.html#a47eca99113ec19f0eb60b6a0472c592b":[2,0,1,0,124,0], +"classmlx_1_1core_1_1_sigmoid.html#a62ca1c440896e32958c77af3340847db":[1,0,1,0,127,4], +"classmlx_1_1core_1_1_sigmoid.html#a62ca1c440896e32958c77af3340847db":[2,0,1,0,124,4], +"classmlx_1_1core_1_1_sigmoid.html#a7a6bd0222d51d7f25f2719a91ccdfeca":[1,0,1,0,127,2], +"classmlx_1_1core_1_1_sigmoid.html#a7a6bd0222d51d7f25f2719a91ccdfeca":[2,0,1,0,124,2], +"classmlx_1_1core_1_1_sigmoid.html#aa930ce05734cca529ebcb8d0ca8e1255":[1,0,1,0,127,1], +"classmlx_1_1core_1_1_sigmoid.html#aa930ce05734cca529ebcb8d0ca8e1255":[2,0,1,0,124,1], +"classmlx_1_1core_1_1_sigmoid.html#aac2f56a4c8362e36a28e232758ca52cf":[1,0,1,0,127,7], +"classmlx_1_1core_1_1_sigmoid.html#aac2f56a4c8362e36a28e232758ca52cf":[2,0,1,0,124,7], +"classmlx_1_1core_1_1_sigmoid.html#ad4cd19938e5159754aa7516f405580c2":[1,0,1,0,127,6], +"classmlx_1_1core_1_1_sigmoid.html#ad4cd19938e5159754aa7516f405580c2":[2,0,1,0,124,6], +"classmlx_1_1core_1_1_sigmoid.html#aff024a3309584724c9842f172a4e440b":[1,0,1,0,127,5], +"classmlx_1_1core_1_1_sigmoid.html#aff024a3309584724c9842f172a4e440b":[2,0,1,0,124,5], +"classmlx_1_1core_1_1_sign.html":[1,0,1,0,128], +"classmlx_1_1core_1_1_sign.html":[2,0,1,0,125], +"classmlx_1_1core_1_1_sign.html#a2260f2e8e081010192eb8a6f90acde6e":[1,0,1,0,128,5], +"classmlx_1_1core_1_1_sign.html#a2260f2e8e081010192eb8a6f90acde6e":[2,0,1,0,125,5], +"classmlx_1_1core_1_1_sign.html#a2aa0720fe0a6d2408eb43c25d3d45b0a":[1,0,1,0,128,6], +"classmlx_1_1core_1_1_sign.html#a2aa0720fe0a6d2408eb43c25d3d45b0a":[2,0,1,0,125,6], +"classmlx_1_1core_1_1_sign.html#a7498ec993b66879be30c5d9762c45a97":[1,0,1,0,128,1], +"classmlx_1_1core_1_1_sign.html#a7498ec993b66879be30c5d9762c45a97":[2,0,1,0,125,1], +"classmlx_1_1core_1_1_sign.html#a8c0934acbcc4b146e5aacd35a8c445bb":[1,0,1,0,128,3], +"classmlx_1_1core_1_1_sign.html#a8c0934acbcc4b146e5aacd35a8c445bb":[2,0,1,0,125,3], +"classmlx_1_1core_1_1_sign.html#a957992c7aa0e86cf06f861a94372086b":[1,0,1,0,128,4], +"classmlx_1_1core_1_1_sign.html#a957992c7aa0e86cf06f861a94372086b":[2,0,1,0,125,4], +"classmlx_1_1core_1_1_sign.html#aa60ac52edd739fbdf388a997acd01bce":[1,0,1,0,128,7], +"classmlx_1_1core_1_1_sign.html#aa60ac52edd739fbdf388a997acd01bce":[2,0,1,0,125,7], +"classmlx_1_1core_1_1_sign.html#aa7296045907015b4e0ae8a93e5e6e295":[1,0,1,0,128,8], +"classmlx_1_1core_1_1_sign.html#aa7296045907015b4e0ae8a93e5e6e295":[2,0,1,0,125,8], +"classmlx_1_1core_1_1_sign.html#afa2b48b99a194106006b44af69ffda8b":[1,0,1,0,128,2], +"classmlx_1_1core_1_1_sign.html#afa2b48b99a194106006b44af69ffda8b":[2,0,1,0,125,2], +"classmlx_1_1core_1_1_sign.html#afe951e50907bc23a601ec5fa9eae5763":[1,0,1,0,128,0], +"classmlx_1_1core_1_1_sign.html#afe951e50907bc23a601ec5fa9eae5763":[2,0,1,0,125,0], +"classmlx_1_1core_1_1_sin.html":[1,0,1,0,129], +"classmlx_1_1core_1_1_sin.html":[2,0,1,0,126], +"classmlx_1_1core_1_1_sin.html#a10d1ecc0ca96e79cdf55b57073d126ea":[1,0,1,0,129,0], +"classmlx_1_1core_1_1_sin.html#a10d1ecc0ca96e79cdf55b57073d126ea":[2,0,1,0,126,0], +"classmlx_1_1core_1_1_sin.html#a45533996f3d72d9dd97d4c61cd684fba":[1,0,1,0,129,8], +"classmlx_1_1core_1_1_sin.html#a45533996f3d72d9dd97d4c61cd684fba":[2,0,1,0,126,8], +"classmlx_1_1core_1_1_sin.html#a6b59f1156cf8bdad8d45acd1d825cb5e":[1,0,1,0,129,2], +"classmlx_1_1core_1_1_sin.html#a6b59f1156cf8bdad8d45acd1d825cb5e":[2,0,1,0,126,2], +"classmlx_1_1core_1_1_sin.html#a73b31005551015897f15c00e8b0222e4":[1,0,1,0,129,6], +"classmlx_1_1core_1_1_sin.html#a73b31005551015897f15c00e8b0222e4":[2,0,1,0,126,6], +"classmlx_1_1core_1_1_sin.html#ab34f9cebc2aed55a0b6ab4c991f02eb5":[1,0,1,0,129,1], +"classmlx_1_1core_1_1_sin.html#ab34f9cebc2aed55a0b6ab4c991f02eb5":[2,0,1,0,126,1], +"classmlx_1_1core_1_1_sin.html#abdd433ecbb54898161b43aa9e14ec7f1":[1,0,1,0,129,5], +"classmlx_1_1core_1_1_sin.html#abdd433ecbb54898161b43aa9e14ec7f1":[2,0,1,0,126,5], +"classmlx_1_1core_1_1_sin.html#aedefe550ab4b0687858981bc0bcfbfa0":[1,0,1,0,129,7], +"classmlx_1_1core_1_1_sin.html#aedefe550ab4b0687858981bc0bcfbfa0":[2,0,1,0,126,7], +"classmlx_1_1core_1_1_sin.html#af00b0e5516f884996ce7a97e6c1e3e6a":[1,0,1,0,129,3], +"classmlx_1_1core_1_1_sin.html#af00b0e5516f884996ce7a97e6c1e3e6a":[2,0,1,0,126,3], +"classmlx_1_1core_1_1_sin.html#af662d10180967399820496477ff050de":[1,0,1,0,129,4], +"classmlx_1_1core_1_1_sin.html#af662d10180967399820496477ff050de":[2,0,1,0,126,4], +"classmlx_1_1core_1_1_sinh.html":[1,0,1,0,130], +"classmlx_1_1core_1_1_sinh.html":[2,0,1,0,127], +"classmlx_1_1core_1_1_sinh.html#a4a4f6814d403c2ce5d6c574b0dca3c96":[1,0,1,0,130,0], +"classmlx_1_1core_1_1_sinh.html#a4a4f6814d403c2ce5d6c574b0dca3c96":[2,0,1,0,127,0], +"classmlx_1_1core_1_1_sinh.html#a5a1af2399f166d5b228b5e83a1837c75":[1,0,1,0,130,2], +"classmlx_1_1core_1_1_sinh.html#a5a1af2399f166d5b228b5e83a1837c75":[2,0,1,0,127,2], +"classmlx_1_1core_1_1_sinh.html#a5b4753d52e80799d4fea0b9172d25a77":[1,0,1,0,130,6], +"classmlx_1_1core_1_1_sinh.html#a5b4753d52e80799d4fea0b9172d25a77":[2,0,1,0,127,6], +"classmlx_1_1core_1_1_sinh.html#a6b39fdd429bbb4de389e7c904fd561f0":[1,0,1,0,130,7], +"classmlx_1_1core_1_1_sinh.html#a6b39fdd429bbb4de389e7c904fd561f0":[2,0,1,0,127,7], +"classmlx_1_1core_1_1_sinh.html#a86e2b37823daf20a4c74c9f273215f9c":[1,0,1,0,130,4], +"classmlx_1_1core_1_1_sinh.html#a86e2b37823daf20a4c74c9f273215f9c":[2,0,1,0,127,4], +"classmlx_1_1core_1_1_sinh.html#ab6d5f6f40d177f6435f6a51c71b939dd":[1,0,1,0,130,1], +"classmlx_1_1core_1_1_sinh.html#ab6d5f6f40d177f6435f6a51c71b939dd":[2,0,1,0,127,1], +"classmlx_1_1core_1_1_sinh.html#adcb1878996fd4902cd550042dd6ad70d":[1,0,1,0,130,3], +"classmlx_1_1core_1_1_sinh.html#adcb1878996fd4902cd550042dd6ad70d":[2,0,1,0,127,3], +"classmlx_1_1core_1_1_sinh.html#ae04d8f6175c691a8f0d2a9fdd15af0ad":[1,0,1,0,130,5], +"classmlx_1_1core_1_1_sinh.html#ae04d8f6175c691a8f0d2a9fdd15af0ad":[2,0,1,0,127,5], +"classmlx_1_1core_1_1_sinh.html#ae171df22bc34c32e31b8135dc4caa788":[1,0,1,0,130,8], +"classmlx_1_1core_1_1_sinh.html#ae171df22bc34c32e31b8135dc4caa788":[2,0,1,0,127,8], +"classmlx_1_1core_1_1_slice.html":[1,0,1,0,131], +"classmlx_1_1core_1_1_slice.html":[2,0,1,0,128], +"classmlx_1_1core_1_1_slice.html#a069dafc62bf71e3ebc0bd99d96ec23be":[1,0,1,0,131,6], +"classmlx_1_1core_1_1_slice.html#a069dafc62bf71e3ebc0bd99d96ec23be":[2,0,1,0,128,6], +"classmlx_1_1core_1_1_slice.html#a291746a527ff991b66249fb2b54b685f":[1,0,1,0,131,7], +"classmlx_1_1core_1_1_slice.html#a291746a527ff991b66249fb2b54b685f":[2,0,1,0,128,7], +"classmlx_1_1core_1_1_slice.html#a3aa025acbf4a9ca9e030a1e6bda102f7":[1,0,1,0,131,0], +"classmlx_1_1core_1_1_slice.html#a3aa025acbf4a9ca9e030a1e6bda102f7":[2,0,1,0,128,0], +"classmlx_1_1core_1_1_slice.html#a43202c3b8966ae1db9ab82072e4918b0":[1,0,1,0,131,3], +"classmlx_1_1core_1_1_slice.html#a43202c3b8966ae1db9ab82072e4918b0":[2,0,1,0,128,3] }; diff --git a/docs/build/html/objects.inv b/docs/build/html/objects.inv index 1af101107..b62719692 100644 Binary files a/docs/build/html/objects.inv and b/docs/build/html/objects.inv differ diff --git a/docs/build/html/ops_8h_source.html b/docs/build/html/ops_8h_source.html index ee75b1820..2dccf161b 100644 --- a/docs/build/html/ops_8h_source.html +++ b/docs/build/html/ops_8h_source.html @@ -119,21 +119,21 @@ $(function(){initNavTree('ops_8h_source.html',''); initResizable(true); });
                  12namespace mlx::core {
                  13
                  18
                  - +
                  23 double start,
                  24 double stop,
                  25 double step,
                  26 Dtype dtype,
                  27 StreamOrDevice s = {});
                  -
                  28array arange(double start, double stop, double step, StreamOrDevice s = {});
                  -
                  29array arange(double start, double stop, Dtype dtype, StreamOrDevice s = {});
                  -
                  30array arange(double start, double stop, StreamOrDevice s = {});
                  -
                  31array arange(double stop, Dtype dtype, StreamOrDevice s = {});
                  -
                  32array arange(double stop, StreamOrDevice s = {});
                  +
                  28array arange(double start, double stop, double step, StreamOrDevice s = {});
                  +
                  29array arange(double start, double stop, Dtype dtype, StreamOrDevice s = {});
                  +
                  30array arange(double start, double stop, StreamOrDevice s = {});
                  +
                  31array arange(double stop, Dtype dtype, StreamOrDevice s = {});
                  +
                  32array arange(double stop, StreamOrDevice s = {});
                  33
                  -
                  34array arange(int start, int stop, int step, StreamOrDevice s = {});
                  -
                  35array arange(int start, int stop, StreamOrDevice s = {});
                  -
                  36array arange(int stop, StreamOrDevice s = {});
                  +
                  34array arange(int start, int stop, int step, StreamOrDevice s = {});
                  +
                  35array arange(int start, int stop, StreamOrDevice s = {});
                  +
                  36array arange(int stop, StreamOrDevice s = {});
                  37
                  40 double start,
                  @@ -151,7 +151,7 @@ $(function(){initNavTree('ops_8h_source.html',''); initResizable(true); });
                  54 size_t offset,
                  55 StreamOrDevice s = {});
                  56
                  - +
                  59
                  61array full(Shape shape, array vals, Dtype dtype, StreamOrDevice s = {});
                  62array full(Shape shape, array vals, StreamOrDevice s = {});
                  @@ -950,7 +950,7 @@ $(function(){initNavTree('ops_8h_source.html',''); initResizable(true); });
                  920}
                  921
                  -
                  923array matmul(const array& a, const array& b, StreamOrDevice s = {});
                  +
                  923array matmul(const array& a, const array& b, StreamOrDevice s = {});
                  924
                  927 const array& a,
                  @@ -1497,6 +1497,7 @@ $(function(){initNavTree('ops_8h_source.html',''); initResizable(true); });
                  array maximum(const array &a, const array &b, StreamOrDevice s={})
                  Element-wise maximum between two arrays.
                  array slice_update(const array &src, const array &update, Shape start, Shape stop, Shape strides, StreamOrDevice s={})
                  Update a slice from the source array.
                  array argmin(const array &a, bool keepdims, StreamOrDevice s={})
                  Returns the index of the minimum value in the array.
                  +
                  array arange(double start, double stop, double step, Dtype dtype, StreamOrDevice s={})
                  A 1D array of numbers starting at start (optional), stopping at stop, stepping by step (optional).
                  array var(const array &a, bool keepdims, int ddof=0, StreamOrDevice s={})
                  Computes the variance of the elements of an array.
                  array softmax(const array &a, const std::vector< int > &axes, bool precise=false, StreamOrDevice s={})
                  Softmax of an array.
                  array sort(const array &a, StreamOrDevice s={})
                  Returns a sorted copy of the flattened array.
                  @@ -1590,9 +1591,8 @@ $(function(){initNavTree('ops_8h_source.html',''); initResizable(true); });
                  array right_shift(const array &a, const array &b, StreamOrDevice s={})
                  Shift bits to the right.
                  array zeros_like(const array &a, StreamOrDevice s={})
                  Definition allocator.h:7
                  -
                  void arange(const std::vector< array > &inputs, array &out, double start, double step)
                  Definition arange.h:24
                  +
                  void copy(const array &src, array &dst, CopyType ctype, Stream stream)
                  Stream to_stream(StreamOrDevice s)
                  -
                  void copy(const array &src, array &dst, CopyType ctype)
                  void slice(const array &in, array &out, const Shape &start_indices, const Shape &strides)
                  constexpr Dtype int32
                  Definition dtype.h:77
                  constexpr Dtype float32
                  Definition dtype.h:81
                  @@ -1602,7 +1602,7 @@ $(function(){initNavTree('ops_8h_source.html',''); initResizable(true); });
                  bool operator==(const Device &lhs, const Device &rhs)
                  bool operator!=(const Device &lhs, const Device &rhs)
                  std::variant< std::monostate, Stream, Device > StreamOrDevice
                  Definition utils.h:15
                  -
                  void matmul(const array &a, const array &b, array &out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, float alpha, float beta)
                  +
                  void matmul(const T *a, const T *b, T *out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, size_t ldc, float alpha, float beta, size_t batch_size, const Shape &a_shape, const Strides &a_strides, const Shape &b_shape, const Strides &b_strides)
                  Definition dtype.h:13
                  diff --git a/docs/build/html/primitives_8h.html b/docs/build/html/primitives_8h.html index 3c4ef0046..5fbf22596 100644 --- a/docs/build/html/primitives_8h.html +++ b/docs/build/html/primitives_8h.html @@ -112,7 +112,7 @@ $(function(){initNavTree('primitives_8h.html',''); initResizable(true); });
                  #include <unordered_set>
                  #include "mlx/array.h"
                  #include "mlx/device.h"
                  -#include "mlx/io/load.h"
                  +#include "mlx/io/load.h"
                  #include "mlx/stream.h"

                  Go to the source code of this file.

                  diff --git a/docs/build/html/primitives_8h_source.html b/docs/build/html/primitives_8h_source.html index 86e662567..3c927d9d6 100644 --- a/docs/build/html/primitives_8h_source.html +++ b/docs/build/html/primitives_8h_source.html @@ -113,7 +113,7 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  6
                  7#include "mlx/array.h"
                  8#include "mlx/device.h"
                  -
                  9#include "mlx/io/load.h"
                  +
                  9#include "mlx/io/load.h"
                  10#include "mlx/stream.h"
                  11
                  @@ -1538,1391 +1538,1383 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  1232 reader_(std::move(reader)),
                  1233 offset_(offset),
                  -
                  1234 swap_endianness_(swap_endianness) {
                  -
                  1235 if (stream.device == Device::gpu) {
                  -
                  1236 io_stream();
                  -
                  1237 }
                  -
                  1238 }
                  +
                  1234 swap_endianness_(swap_endianness) {}
                  -
                  1239
                  -
                  1240 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1241 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1242
                  - -
                  1244
                  -
                  1245 private:
                  -
                  1246 Stream& io_stream() {
                  -
                  1247 static Stream io_stream = new_stream(Device::cpu);
                  -
                  1248 return io_stream;
                  -
                  1249 };
                  -
                  1250 std::shared_ptr<io::Reader> reader_;
                  -
                  1251 size_t offset_;
                  -
                  1252 bool swap_endianness_;
                  -
                  1253};
                  +
                  1235
                  +
                  1236 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1237 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1238
                  + +
                  1240
                  +
                  1241 private:
                  +
                  1242 std::shared_ptr<io::Reader> reader_;
                  +
                  1243 size_t offset_;
                  +
                  1244 bool swap_endianness_;
                  +
                  1245};
                  -
                  1254
                  -
                  -
                  1255class Log : public UnaryPrimitive {
                  -
                  1256 public:
                  -
                  1257 enum Base { two, ten, e };
                  -
                  1258
                  -
                  -
                  1259 explicit Log(Stream stream, Base base)
                  -
                  1260 : UnaryPrimitive(stream), base_(base) {}
                  +
                  1246
                  +
                  +
                  1247class Log : public UnaryPrimitive {
                  +
                  1248 public:
                  +
                  1249 enum Base { two, ten, e };
                  +
                  1250
                  +
                  +
                  1251 explicit Log(Stream stream, Base base)
                  +
                  1252 : UnaryPrimitive(stream), base_(base) {}
                  +
                  1253
                  +
                  1254 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1255 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1256
                  + + + +
                  1261
                  -
                  1262 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1263 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1264
                  - - - - -
                  1269
                  -
                  -
                  1270 Base state() const {
                  -
                  1271 return base_;
                  -
                  1272 };
                  +
                  +
                  1262 Base state() const {
                  +
                  1263 return base_;
                  +
                  1264 };
                  -
                  1273
                  -
                  -
                  1274 void print(std::ostream& os) override {
                  -
                  1275 switch (base_) {
                  -
                  1276 case e:
                  -
                  1277 os << "Log";
                  -
                  1278 break;
                  -
                  1279 case two:
                  -
                  1280 os << "Log2";
                  -
                  1281 break;
                  -
                  1282 case ten:
                  -
                  1283 os << "Log10";
                  -
                  1284 break;
                  -
                  1285 }
                  -
                  1286 }
                  +
                  1265
                  +
                  +
                  1266 void print(std::ostream& os) override {
                  +
                  1267 switch (base_) {
                  +
                  1268 case e:
                  +
                  1269 os << "Log";
                  +
                  1270 break;
                  +
                  1271 case two:
                  +
                  1272 os << "Log2";
                  +
                  1273 break;
                  +
                  1274 case ten:
                  +
                  1275 os << "Log10";
                  +
                  1276 break;
                  +
                  1277 }
                  +
                  1278 }
                  +
                  1279
                  +
                  1280 private:
                  +
                  1281 Base base_;
                  +
                  1282};
                  +
                  +
                  1283
                  +
                  +
                  1284class Log1p : public UnaryPrimitive {
                  +
                  1285 public:
                  +
                  1287
                  -
                  1288 private:
                  -
                  1289 Base base_;
                  -
                  1290};
                  +
                  1288 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1289 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1290
                  + + + + +
                  1295};
                  -
                  1291
                  -
                  -
                  1292class Log1p : public UnaryPrimitive {
                  -
                  1293 public:
                  - -
                  1295
                  -
                  1296 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1297 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1298
                  - - - - -
                  1303};
                  +
                  1296
                  +
                  + +
                  1298 public:
                  + +
                  1300
                  +
                  1301 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1302 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1303
                  + + + + + +
                  1309};
                  -
                  1304
                  -
                  - -
                  1306 public:
                  - -
                  1308
                  -
                  1309 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1310 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1311
                  - - - - - -
                  1317};
                  +
                  1310
                  +
                  + +
                  1312 public:
                  + +
                  1314
                  +
                  1315 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1316 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1317
                  + + + + + +
                  1323};
                  -
                  1318
                  -
                  - -
                  1320 public:
                  - -
                  1322
                  -
                  1323 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1324 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1325
                  - - - - - -
                  1331};
                  +
                  1324
                  +
                  + +
                  1326 public:
                  + +
                  1328
                  +
                  1329 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1330 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1331
                  + + + + + +
                  1337};
                  -
                  1332
                  -
                  - -
                  1334 public:
                  - -
                  1336
                  -
                  1337 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1338 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1339
                  - - - - - -
                  1345};
                  +
                  1338
                  +
                  + +
                  1340 public:
                  + +
                  1342
                  +
                  1343 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1344 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1345
                  + + + + + +
                  1351};
                  -
                  1346
                  -
                  - -
                  1348 public:
                  - -
                  1350
                  -
                  1351 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1352 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1353
                  - - - - - -
                  1359};
                  +
                  1352
                  +
                  +
                  1353class Matmul : public UnaryPrimitive {
                  +
                  1354 public:
                  + +
                  1356
                  +
                  1357 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1358 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1359
                  + + + + +
                  1364 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  1365};
                  -
                  1360
                  -
                  -
                  1361class Matmul : public UnaryPrimitive {
                  -
                  1362 public:
                  - -
                  1364
                  -
                  1365 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1366 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1367
                  - - - - -
                  1372 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  1373};
                  +
                  1366
                  +
                  +
                  1367class Maximum : public UnaryPrimitive {
                  +
                  1368 public:
                  + +
                  1370
                  +
                  1371 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1372 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1373
                  + + + + + +
                  1379};
                  -
                  1374
                  -
                  -
                  1375class Maximum : public UnaryPrimitive {
                  -
                  1376 public:
                  - -
                  1378
                  -
                  1379 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1380 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1381
                  - - - - - -
                  1387};
                  +
                  1380
                  +
                  +
                  1381class Minimum : public UnaryPrimitive {
                  +
                  1382 public:
                  + +
                  1384
                  +
                  1385 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1386 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1387
                  + + + + + +
                  1393};
                  -
                  1388
                  -
                  -
                  1389class Minimum : public UnaryPrimitive {
                  -
                  1390 public:
                  - -
                  1392
                  -
                  1393 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1394 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1395
                  - - - - - -
                  1401};
                  +
                  1394
                  +
                  +
                  1395class Multiply : public UnaryPrimitive {
                  +
                  1396 public:
                  + +
                  1398
                  +
                  1399 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1400 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1401
                  + + + + + +
                  1407};
                  -
                  1402
                  -
                  -
                  1403class Multiply : public UnaryPrimitive {
                  -
                  1404 public:
                  - -
                  1406
                  -
                  1407 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1408 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1409
                  - - - - - -
                  1415};
                  +
                  1408
                  +
                  +
                  1409class Negative : public UnaryPrimitive {
                  +
                  1410 public:
                  + +
                  1412
                  +
                  1413 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1414 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1415
                  + + + + + +
                  1421};
                  -
                  1416
                  -
                  -
                  1417class Negative : public UnaryPrimitive {
                  -
                  1418 public:
                  - -
                  1420
                  -
                  1421 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1422 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1423
                  - - - - - -
                  1429};
                  +
                  1422
                  +
                  +
                  1423class NotEqual : public UnaryPrimitive {
                  +
                  1424 public:
                  + +
                  1426
                  +
                  1427 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1428 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1429
                  + + + + + +
                  1435};
                  -
                  1430
                  -
                  -
                  1431class NotEqual : public UnaryPrimitive {
                  -
                  1432 public:
                  - -
                  1434
                  -
                  1435 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1436 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1437
                  - - - - - -
                  1443};
                  +
                  1436
                  +
                  + +
                  1438 public:
                  +
                  + +
                  1440 Stream stream,
                  +
                  1441 std::vector<int> axes,
                  +
                  1442 bool inverted,
                  +
                  1443 Dtype dtype)
                  + +
                  1445 axes_(std::move(axes)),
                  +
                  1446 inverted_(inverted),
                  +
                  1447 dtype_(dtype) {}
                  -
                  1444
                  -
                  - -
                  1446 public:
                  -
                  - -
                  1448 Stream stream,
                  -
                  1449 std::vector<int> axes,
                  -
                  1450 bool inverted,
                  -
                  1451 Dtype dtype)
                  - -
                  1453 axes_(std::move(axes)),
                  -
                  1454 inverted_(inverted),
                  -
                  1455 dtype_(dtype) {}
                  +
                  1448
                  +
                  1449 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1450 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1451
                  + + +
                  1454 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1455 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override {
                  +
                  1456 return {{}};
                  +
                  1457 }
                  -
                  1456
                  -
                  1457 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1458 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1459
                  - - -
                  1462 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1463 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override {
                  -
                  1464 return {{}};
                  -
                  1465 }
                  +
                  +
                  1458 std::tuple<std::vector<int>, bool, Dtype> state() const {
                  +
                  1459 return {axes_, inverted_, dtype_};
                  +
                  1460 }
                  -
                  -
                  1466 std::tuple<std::vector<int>, bool, Dtype> state() const {
                  -
                  1467 return {axes_, inverted_, dtype_};
                  -
                  1468 }
                  +
                  1461
                  +
                  1462 private:
                  +
                  1463 std::vector<int> axes_;
                  +
                  1464 bool inverted_;
                  +
                  1465 Dtype dtype_;
                  +
                  1466
                  +
                  1467 void eval(const std::vector<array>& inputs, array& out);
                  +
                  1468};
                  1469
                  -
                  1470 private:
                  -
                  1471 std::vector<int> axes_;
                  -
                  1472 bool inverted_;
                  -
                  1473 Dtype dtype_;
                  -
                  1474
                  -
                  1475 void eval(const std::vector<array>& inputs, array& out);
                  -
                  1476};
                  +
                  +
                  1470class Pad : public UnaryPrimitive {
                  +
                  1471 public:
                  +
                  +
                  1472 explicit Pad(
                  +
                  1473 Stream stream,
                  +
                  1474 const std::vector<int>& axes,
                  +
                  1475 const Shape& low_pad_size,
                  +
                  1476 const Shape& high_pad_size)
                  + +
                  1478 axes_(axes),
                  +
                  1479 low_pad_size_(low_pad_size),
                  +
                  1480 high_pad_size_(high_pad_size) {}
                  -
                  1477
                  -
                  -
                  1478class Pad : public UnaryPrimitive {
                  -
                  1479 public:
                  -
                  -
                  1480 explicit Pad(
                  -
                  1481 Stream stream,
                  -
                  1482 const std::vector<int>& axes,
                  -
                  1483 const Shape& low_pad_size,
                  -
                  1484 const Shape& high_pad_size)
                  - -
                  1486 axes_(axes),
                  -
                  1487 low_pad_size_(low_pad_size),
                  -
                  1488 high_pad_size_(high_pad_size) {}
                  +
                  1481
                  +
                  1482 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1483 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1484
                  + + + +
                  1488 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1489 auto state() const {
                  +
                  1490 return std::make_tuple(axes_, low_pad_size_, high_pad_size_);
                  +
                  1491 }
                  -
                  1489
                  -
                  1490 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1491 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  1492
                  - - - -
                  1496 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1497 auto state() const {
                  -
                  1498 return std::make_tuple(axes_, low_pad_size_, high_pad_size_);
                  -
                  1499 }
                  +
                  1493 private:
                  +
                  1494 std::vector<int> axes_;
                  +
                  1495 Shape low_pad_size_;
                  +
                  1496 Shape high_pad_size_;
                  +
                  1497};
                  -
                  1500
                  -
                  1501 private:
                  -
                  1502 std::vector<int> axes_;
                  -
                  1503 Shape low_pad_size_;
                  -
                  1504 Shape high_pad_size_;
                  -
                  1505};
                  +
                  1498
                  +
                  + +
                  1500 public:
                  +
                  +
                  1501 explicit Partition(Stream stream, int kth, int axis)
                  +
                  1502 : UnaryPrimitive(stream), kth_(kth), axis_(axis) {}
                  +
                  1503
                  +
                  1504 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1505 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  1506
                  -
                  - -
                  1508 public:
                  -
                  -
                  1509 explicit Partition(Stream stream, int kth, int axis)
                  -
                  1510 : UnaryPrimitive(stream), kth_(kth), axis_(axis) {}
                  + + + + +
                  1511 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1512 auto state() const {
                  +
                  1513 return std::make_pair(kth_, axis_);
                  +
                  1514 };
                  -
                  1511
                  -
                  1512 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1513 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1514
                  - - - - -
                  1519 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1520 auto state() const {
                  -
                  1521 return std::make_pair(kth_, axis_);
                  -
                  1522 };
                  +
                  1515
                  +
                  1516 private:
                  +
                  1517 int kth_;
                  +
                  1518 int axis_;
                  +
                  1519};
                  -
                  1523
                  -
                  1524 private:
                  -
                  1525 int kth_;
                  -
                  1526 int axis_;
                  -
                  1527};
                  +
                  1520
                  +
                  +
                  1521class Power : public UnaryPrimitive {
                  +
                  1522 public:
                  + +
                  1524
                  +
                  1525 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1526 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1527
                  + + + + + +
                  1533};
                  -
                  1528
                  -
                  -
                  1529class Power : public UnaryPrimitive {
                  -
                  1530 public:
                  - -
                  1532
                  -
                  1533 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1534 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1535
                  - - - - - -
                  1541};
                  +
                  1534
                  +
                  + +
                  1536 public:
                  +
                  + +
                  1538 Stream stream,
                  +
                  1539 int group_size,
                  +
                  1540 int bits,
                  +
                  1541 bool transpose)
                  + +
                  1543 group_size_(group_size),
                  +
                  1544 bits_(bits),
                  +
                  1545 transpose_(transpose) {}
                  -
                  1542
                  -
                  - -
                  1544 public:
                  -
                  - -
                  1546 Stream stream,
                  -
                  1547 int group_size,
                  -
                  1548 int bits,
                  -
                  1549 bool transpose)
                  - -
                  1551 group_size_(group_size),
                  -
                  1552 bits_(bits),
                  -
                  1553 transpose_(transpose) {}
                  +
                  1546
                  +
                  1547 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1548 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1549
                  + + + +
                  1553 bool is_equivalent(const Primitive& other) const override;
                  +
                  1554 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  +
                  1555 auto state() const {
                  +
                  1556 return std::make_tuple(group_size_, bits_, transpose_);
                  +
                  1557 }
                  -
                  1554
                  -
                  1555 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1556 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1557
                  - - - -
                  1561 bool is_equivalent(const Primitive& other) const override;
                  -
                  1562 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  -
                  1563 auto state() const {
                  -
                  1564 return std::make_tuple(group_size_, bits_, transpose_);
                  -
                  1565 }
                  +
                  1558
                  +
                  1559 private:
                  +
                  1560 int group_size_;
                  +
                  1561 int bits_;
                  +
                  1562 bool transpose_;
                  +
                  1563};
                  -
                  1566
                  -
                  1567 private:
                  -
                  1568 int group_size_;
                  -
                  1569 int bits_;
                  -
                  1570 bool transpose_;
                  -
                  1571};
                  +
                  1564
                  +
                  + +
                  1566 public:
                  +
                  +
                  1567 explicit GatherQMM(Stream stream, int group_size, int bits, bool transpose)
                  + +
                  1569 group_size_(group_size),
                  +
                  1570 bits_(bits),
                  +
                  1571 transpose_(transpose) {}
                  1572
                  -
                  - -
                  1574 public:
                  -
                  -
                  1575 explicit GatherQMM(Stream stream, int group_size, int bits, bool transpose)
                  - -
                  1577 group_size_(group_size),
                  -
                  1578 bits_(bits),
                  -
                  1579 transpose_(transpose) {}
                  +
                  1573 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1574 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1575
                  + + + +
                  1579 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1580 auto state() const {
                  +
                  1581 return std::make_tuple(group_size_, bits_, transpose_);
                  +
                  1582 }
                  -
                  1580
                  -
                  1581 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1582 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  1583
                  - - - -
                  1587 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1588 auto state() const {
                  -
                  1589 return std::make_tuple(group_size_, bits_, transpose_);
                  -
                  1590 }
                  +
                  1584 private:
                  +
                  1585 int group_size_;
                  +
                  1586 int bits_;
                  +
                  1587 bool transpose_;
                  +
                  1588};
                  -
                  1591
                  -
                  1592 private:
                  -
                  1593 int group_size_;
                  -
                  1594 int bits_;
                  -
                  1595 bool transpose_;
                  -
                  1596};
                  +
                  1589
                  +
                  + +
                  1591 public:
                  +
                  +
                  1592 explicit RandomBits(Stream stream, const Shape& shape, int width)
                  +
                  1593 : UnaryPrimitive(stream), shape_(shape), width_(width) {}
                  +
                  1594
                  +
                  1595 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1596 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  1597
                  -
                  - -
                  1599 public:
                  -
                  -
                  1600 explicit RandomBits(Stream stream, const Shape& shape, int width)
                  -
                  1601 : UnaryPrimitive(stream), shape_(shape), width_(width) {}
                  + + +
                  1600 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1601 std::pair<std::vector<int>, int> state() const {
                  +
                  1602 return {shape_, width_};
                  +
                  1603 };
                  -
                  1602
                  -
                  1603 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1604 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1605
                  - - -
                  1608 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1609 std::pair<std::vector<int>, int> state() const {
                  -
                  1610 return {shape_, width_};
                  -
                  1611 };
                  +
                  1604
                  +
                  1605 private:
                  +
                  1606 Shape shape_;
                  +
                  1607 int width_;
                  +
                  1608};
                  -
                  1612
                  -
                  1613 private:
                  -
                  1614 Shape shape_;
                  -
                  1615 int width_;
                  -
                  1616};
                  +
                  1609
                  +
                  +
                  1610class Real : public UnaryPrimitive {
                  +
                  1611 public:
                  + +
                  1613
                  +
                  1614 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1615 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1616
                  + + + + + +
                  1622};
                  -
                  1617
                  -
                  -
                  1618class Real : public UnaryPrimitive {
                  -
                  1619 public:
                  - -
                  1621
                  -
                  1622 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1623 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1624
                  - - - - - -
                  1630};
                  +
                  1623
                  +
                  +
                  1624class Reshape : public UnaryPrimitive {
                  +
                  1625 public:
                  +
                  +
                  1626 explicit Reshape(Stream stream, const Shape& shape)
                  +
                  1627 : UnaryPrimitive(stream), shape_(shape) {}
                  +
                  1628
                  +
                  1629 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1630 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  1631
                  -
                  -
                  1632class Reshape : public UnaryPrimitive {
                  -
                  1633 public:
                  -
                  -
                  1634 explicit Reshape(Stream stream, const Shape& shape)
                  -
                  1635 : UnaryPrimitive(stream), shape_(shape) {}
                  + + + +
                  1635 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1636 std::vector<int> state() const {
                  +
                  1637 return shape_;
                  +
                  1638 };
                  -
                  1636
                  -
                  1637 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1638 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1639
                  - - - -
                  1643 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1644 std::vector<int> state() const {
                  -
                  1645 return shape_;
                  -
                  1646 };
                  +
                  1639 static Shape output_shape(const array& input, Shape shape);
                  +
                  1640 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  1641
                  +
                  1642 private:
                  +
                  1643 Shape shape_;
                  +
                  1644};
                  -
                  1647 static Shape output_shape(const array& input, Shape shape);
                  -
                  1648 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  1645
                  +
                  +
                  1646class Reduce : public UnaryPrimitive {
                  +
                  1647 public:
                  +
                  1648 enum ReduceType { And, Or, Sum, Prod, Min, Max };
                  1649
                  -
                  1650 private:
                  -
                  1651 Shape shape_;
                  -
                  1652};
                  +
                  +
                  1650 explicit Reduce(
                  +
                  1651 Stream stream,
                  +
                  1652 ReduceType reduce_type,
                  +
                  1653 const std::vector<int>& axes)
                  +
                  1654 : UnaryPrimitive(stream), reduce_type_(reduce_type), axes_(axes) {}
                  -
                  1653
                  -
                  -
                  1654class Reduce : public UnaryPrimitive {
                  -
                  1655 public:
                  -
                  1656 enum ReduceType { And, Or, Sum, Prod, Min, Max };
                  -
                  1657
                  -
                  -
                  1658 explicit Reduce(
                  -
                  1659 Stream stream,
                  -
                  1660 ReduceType reduce_type,
                  -
                  1661 const std::vector<int>& axes)
                  -
                  1662 : UnaryPrimitive(stream), reduce_type_(reduce_type), axes_(axes) {}
                  -
                  -
                  1663
                  -
                  1664 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1665 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1655
                  +
                  1656 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1657 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1658
                  + +
                  1660
                  +
                  1661 std::vector<array> vjp(
                  +
                  1662 const std::vector<array>& primals,
                  +
                  1663 const std::vector<array>& cotangents,
                  +
                  1664 const std::vector<int>& argnums,
                  +
                  1665 const std::vector<array>& outputs) override;
                  1666
                  - +
                  1667 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  1668
                  -
                  1669 std::vector<array> vjp(
                  -
                  1670 const std::vector<array>& primals,
                  -
                  1671 const std::vector<array>& cotangents,
                  -
                  1672 const std::vector<int>& argnums,
                  -
                  1673 const std::vector<array>& outputs) override;
                  -
                  1674
                  -
                  1675 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  1676
                  -
                  -
                  1677 void print(std::ostream& os) override {
                  -
                  1678 switch (reduce_type_) {
                  -
                  1679 case And:
                  -
                  1680 os << "And";
                  -
                  1681 break;
                  -
                  1682 case Or:
                  -
                  1683 os << "Or";
                  -
                  1684 break;
                  -
                  1685 case Sum:
                  -
                  1686 os << "Sum";
                  -
                  1687 break;
                  -
                  1688 case Prod:
                  -
                  1689 os << "Prod";
                  -
                  1690 break;
                  -
                  1691 case Min:
                  -
                  1692 os << "Min";
                  -
                  1693 break;
                  -
                  1694 case Max:
                  -
                  1695 os << "Max";
                  -
                  1696 break;
                  -
                  1697 }
                  -
                  1698 }
                  +
                  +
                  1669 void print(std::ostream& os) override {
                  +
                  1670 switch (reduce_type_) {
                  +
                  1671 case And:
                  +
                  1672 os << "And";
                  +
                  1673 break;
                  +
                  1674 case Or:
                  +
                  1675 os << "Or";
                  +
                  1676 break;
                  +
                  1677 case Sum:
                  +
                  1678 os << "Sum";
                  +
                  1679 break;
                  +
                  1680 case Prod:
                  +
                  1681 os << "Prod";
                  +
                  1682 break;
                  +
                  1683 case Min:
                  +
                  1684 os << "Min";
                  +
                  1685 break;
                  +
                  1686 case Max:
                  +
                  1687 os << "Max";
                  +
                  1688 break;
                  +
                  1689 }
                  +
                  1690 }
                  -
                  1699 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1700 std::pair<ReduceType, std::vector<int>> state() const {
                  -
                  1701 return {reduce_type_, axes_};
                  -
                  1702 };
                  +
                  1691 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1692 std::pair<ReduceType, std::vector<int>> state() const {
                  +
                  1693 return {reduce_type_, axes_};
                  +
                  1694 };
                  -
                  1703
                  -
                  1704 private:
                  -
                  1705 ReduceType reduce_type_;
                  -
                  1706 std::vector<int> axes_;
                  -
                  1707};
                  +
                  1695
                  +
                  1696 private:
                  +
                  1697 ReduceType reduce_type_;
                  +
                  1698 std::vector<int> axes_;
                  +
                  1699};
                  -
                  1708
                  -
                  -
                  1709class Round : public UnaryPrimitive {
                  -
                  1710 public:
                  - -
                  1712
                  -
                  1713 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1714 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1715
                  - - - - - -
                  1721};
                  +
                  1700
                  +
                  +
                  1701class Round : public UnaryPrimitive {
                  +
                  1702 public:
                  + +
                  1704
                  +
                  1705 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1706 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1707
                  + + + + + +
                  1713};
                  -
                  1722
                  -
                  -
                  1723class Scan : public UnaryPrimitive {
                  -
                  1724 public:
                  - -
                  1726
                  -
                  -
                  1727 explicit Scan(
                  -
                  1728 Stream stream,
                  -
                  1729 ReduceType reduce_type,
                  -
                  1730 int axis,
                  -
                  1731 bool reverse,
                  -
                  1732 bool inclusive)
                  - -
                  1734 reduce_type_(reduce_type),
                  -
                  1735 axis_(axis),
                  -
                  1736 reverse_(reverse),
                  -
                  1737 inclusive_(inclusive) {}
                  +
                  1714
                  +
                  +
                  1715class Scan : public UnaryPrimitive {
                  +
                  1716 public:
                  + +
                  1718
                  +
                  +
                  1719 explicit Scan(
                  +
                  1720 Stream stream,
                  +
                  1721 ReduceType reduce_type,
                  +
                  1722 int axis,
                  +
                  1723 bool reverse,
                  +
                  1724 bool inclusive)
                  + +
                  1726 reduce_type_(reduce_type),
                  +
                  1727 axis_(axis),
                  +
                  1728 reverse_(reverse),
                  +
                  1729 inclusive_(inclusive) {}
                  -
                  1738
                  -
                  1739 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1740 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1741
                  - - -
                  1744
                  -
                  -
                  1745 void print(std::ostream& os) override {
                  -
                  1746 os << "Cum";
                  -
                  1747 switch (reduce_type_) {
                  -
                  1748 case Sum:
                  -
                  1749 os << "Sum";
                  -
                  1750 break;
                  -
                  1751 case Prod:
                  -
                  1752 os << "Prod";
                  -
                  1753 break;
                  -
                  1754 case Min:
                  -
                  1755 os << "Min";
                  -
                  1756 break;
                  -
                  1757 case Max:
                  -
                  1758 os << "Max";
                  -
                  1759 break;
                  -
                  1760 }
                  -
                  1761 }
                  +
                  1730
                  +
                  1731 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1732 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1733
                  + + +
                  1736
                  +
                  +
                  1737 void print(std::ostream& os) override {
                  +
                  1738 os << "Cum";
                  +
                  1739 switch (reduce_type_) {
                  +
                  1740 case Sum:
                  +
                  1741 os << "Sum";
                  +
                  1742 break;
                  +
                  1743 case Prod:
                  +
                  1744 os << "Prod";
                  +
                  1745 break;
                  +
                  1746 case Min:
                  +
                  1747 os << "Min";
                  +
                  1748 break;
                  +
                  1749 case Max:
                  +
                  1750 os << "Max";
                  +
                  1751 break;
                  +
                  1752 }
                  +
                  1753 }
                  -
                  1762 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1763 auto state() const {
                  -
                  1764 return std::make_tuple(reduce_type_, axis_, reverse_, inclusive_);
                  -
                  1765 }
                  +
                  1754 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1755 auto state() const {
                  +
                  1756 return std::make_tuple(reduce_type_, axis_, reverse_, inclusive_);
                  +
                  1757 }
                  -
                  1766
                  -
                  1767 private:
                  -
                  1768 ReduceType reduce_type_;
                  -
                  1769 int axis_;
                  -
                  1770 bool reverse_;
                  -
                  1771 bool inclusive_;
                  -
                  1772};
                  +
                  1758
                  +
                  1759 private:
                  +
                  1760 ReduceType reduce_type_;
                  +
                  1761 int axis_;
                  +
                  1762 bool reverse_;
                  +
                  1763 bool inclusive_;
                  +
                  1764};
                  -
                  1773
                  -
                  -
                  1774class Scatter : public UnaryPrimitive {
                  -
                  1775 public:
                  - -
                  1777
                  -
                  -
                  1778 explicit Scatter(
                  -
                  1779 Stream stream,
                  -
                  1780 ReduceType reduce_type,
                  -
                  1781 const std::vector<int>& axes)
                  -
                  1782 : UnaryPrimitive(stream), reduce_type_(reduce_type), axes_(axes) {}
                  +
                  1765
                  +
                  +
                  1766class Scatter : public UnaryPrimitive {
                  +
                  1767 public:
                  + +
                  1769
                  +
                  +
                  1770 explicit Scatter(
                  +
                  1771 Stream stream,
                  +
                  1772 ReduceType reduce_type,
                  +
                  1773 const std::vector<int>& axes)
                  +
                  1774 : UnaryPrimitive(stream), reduce_type_(reduce_type), axes_(axes) {}
                  -
                  1783
                  -
                  1784 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1785 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1786
                  - - -
                  1789
                  -
                  -
                  1790 void print(std::ostream& os) override {
                  -
                  1791 os << "Scatter";
                  -
                  1792 switch (reduce_type_) {
                  -
                  1793 case Sum:
                  -
                  1794 os << " Sum";
                  -
                  1795 break;
                  -
                  1796 case Prod:
                  -
                  1797 os << " Prod";
                  +
                  1775
                  +
                  1776 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1777 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1778
                  + + +
                  1781
                  +
                  +
                  1782 void print(std::ostream& os) override {
                  +
                  1783 os << "Scatter";
                  +
                  1784 switch (reduce_type_) {
                  +
                  1785 case Sum:
                  +
                  1786 os << " Sum";
                  +
                  1787 break;
                  +
                  1788 case Prod:
                  +
                  1789 os << " Prod";
                  +
                  1790 break;
                  +
                  1791 case Min:
                  +
                  1792 os << " Min";
                  +
                  1793 break;
                  +
                  1794 case Max:
                  +
                  1795 os << " Max";
                  +
                  1796 break;
                  +
                  1797 case None:
                  1798 break;
                  -
                  1799 case Min:
                  -
                  1800 os << " Min";
                  -
                  1801 break;
                  -
                  1802 case Max:
                  -
                  1803 os << " Max";
                  -
                  1804 break;
                  -
                  1805 case None:
                  -
                  1806 break;
                  -
                  1807 }
                  -
                  1808 }
                  +
                  1799 }
                  +
                  1800 }
                  -
                  1809 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1810 std::pair<ReduceType, std::vector<int>> state() const {
                  -
                  1811 return {reduce_type_, axes_};
                  -
                  1812 };
                  +
                  1801 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1802 std::pair<ReduceType, std::vector<int>> state() const {
                  +
                  1803 return {reduce_type_, axes_};
                  +
                  1804 };
                  -
                  1813
                  -
                  1814 private:
                  -
                  1815 ReduceType reduce_type_;
                  -
                  1816 std::vector<int> axes_;
                  -
                  1817};
                  +
                  1805
                  +
                  1806 private:
                  +
                  1807 ReduceType reduce_type_;
                  +
                  1808 std::vector<int> axes_;
                  +
                  1809};
                  -
                  1818
                  -
                  - -
                  1820 public:
                  - -
                  1822
                  -
                  -
                  1823 explicit ScatterAxis(Stream stream, ReduceType reduce_type, int axis)
                  -
                  1824 : UnaryPrimitive(stream), reduce_type_(reduce_type), axis_(axis) {}
                  +
                  1810
                  +
                  + +
                  1812 public:
                  + +
                  1814
                  +
                  +
                  1815 explicit ScatterAxis(Stream stream, ReduceType reduce_type, int axis)
                  +
                  1816 : UnaryPrimitive(stream), reduce_type_(reduce_type), axis_(axis) {}
                  -
                  1825
                  -
                  1826 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1827 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1828
                  - - -
                  1831
                  -
                  -
                  1832 void print(std::ostream& os) override {
                  -
                  1833 os << "ScatterAxis";
                  -
                  1834 switch (reduce_type_) {
                  -
                  1835 case Sum:
                  -
                  1836 os << " Sum";
                  -
                  1837 break;
                  -
                  1838 case None:
                  -
                  1839 break;
                  -
                  1840 }
                  -
                  1841 }
                  +
                  1817
                  +
                  1818 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1819 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1820
                  + + +
                  1823
                  +
                  +
                  1824 void print(std::ostream& os) override {
                  +
                  1825 os << "ScatterAxis";
                  +
                  1826 switch (reduce_type_) {
                  +
                  1827 case Sum:
                  +
                  1828 os << " Sum";
                  +
                  1829 break;
                  +
                  1830 case None:
                  +
                  1831 break;
                  +
                  1832 }
                  +
                  1833 }
                  -
                  1842
                  -
                  1843 bool is_equivalent(const Primitive& other) const override;
                  -
                  1844 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  -
                  1845 std::pair<ReduceType, int> state() const {
                  -
                  1846 return {reduce_type_, axis_};
                  -
                  1847 }
                  +
                  1834
                  +
                  1835 bool is_equivalent(const Primitive& other) const override;
                  +
                  1836 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  +
                  1837 std::pair<ReduceType, int> state() const {
                  +
                  1838 return {reduce_type_, axis_};
                  +
                  1839 }
                  -
                  1848
                  -
                  1849 private:
                  -
                  1850 ReduceType reduce_type_;
                  -
                  1851 int axis_;
                  -
                  1852};
                  +
                  1840
                  +
                  1841 private:
                  +
                  1842 ReduceType reduce_type_;
                  +
                  1843 int axis_;
                  +
                  1844};
                  -
                  1853
                  -
                  -
                  1854class Sigmoid : public UnaryPrimitive {
                  -
                  1855 public:
                  - -
                  1857
                  -
                  1858 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1859 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1860
                  - - - - - -
                  1866};
                  +
                  1845
                  +
                  +
                  1846class Sigmoid : public UnaryPrimitive {
                  +
                  1847 public:
                  + +
                  1849
                  +
                  1850 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1851 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1852
                  + + + + + +
                  1858};
                  -
                  1867
                  -
                  -
                  1868class Sign : public UnaryPrimitive {
                  -
                  1869 public:
                  - -
                  1871
                  -
                  1872 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1873 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1874
                  - - - - - -
                  1880};
                  +
                  1859
                  +
                  +
                  1860class Sign : public UnaryPrimitive {
                  +
                  1861 public:
                  + +
                  1863
                  +
                  1864 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1865 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1866
                  + + + + + +
                  1872};
                  -
                  1881
                  -
                  -
                  1882class Sin : public UnaryPrimitive {
                  -
                  1883 public:
                  - -
                  1885
                  -
                  1886 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1887 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1888
                  - - - - - -
                  1894};
                  +
                  1873
                  +
                  +
                  1874class Sin : public UnaryPrimitive {
                  +
                  1875 public:
                  + +
                  1877
                  +
                  1878 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1879 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1880
                  + + + + + +
                  1886};
                  -
                  1895
                  -
                  -
                  1896class Sinh : public UnaryPrimitive {
                  -
                  1897 public:
                  - -
                  1899
                  -
                  1900 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1901 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1902
                  - - - - - -
                  1908};
                  +
                  1887
                  +
                  +
                  1888class Sinh : public UnaryPrimitive {
                  +
                  1889 public:
                  + +
                  1891
                  +
                  1892 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1893 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1894
                  + + + + + +
                  1900};
                  -
                  1909
                  -
                  -
                  1910class Slice : public UnaryPrimitive {
                  -
                  1911 public:
                  -
                  -
                  1912 explicit Slice(
                  -
                  1913 Stream stream,
                  -
                  1914 const Shape& start_indices,
                  -
                  1915 const Shape& end_indices,
                  -
                  1916 const Shape& strides)
                  - -
                  1918 start_indices_(start_indices),
                  -
                  1919 end_indices_(end_indices),
                  -
                  1920 strides_(strides) {}
                  +
                  1901
                  +
                  +
                  1902class Slice : public UnaryPrimitive {
                  +
                  1903 public:
                  +
                  +
                  1904 explicit Slice(
                  +
                  1905 Stream stream,
                  +
                  1906 const Shape& start_indices,
                  +
                  1907 const Shape& end_indices,
                  +
                  1908 const Shape& strides)
                  + +
                  1910 start_indices_(start_indices),
                  +
                  1911 end_indices_(end_indices),
                  +
                  1912 strides_(strides) {}
                  +
                  +
                  1913
                  +
                  1914 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1915 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1916
                  + + + +
                  1920 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  1921 auto state() const {
                  +
                  1922 return std::make_tuple(start_indices_, end_indices_, strides_);
                  +
                  1923 }
                  -
                  1921
                  -
                  1922 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1923 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  1924
                  - - - -
                  1928 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  1929 auto state() const {
                  -
                  1930 return std::make_tuple(start_indices_, end_indices_, strides_);
                  -
                  1931 }
                  +
                  1925 private:
                  +
                  1926 Shape start_indices_;
                  +
                  1927 Shape end_indices_;
                  +
                  1928 Shape strides_;
                  +
                  1929};
                  -
                  1932
                  -
                  1933 private:
                  -
                  1934 Shape start_indices_;
                  -
                  1935 Shape end_indices_;
                  -
                  1936 Shape strides_;
                  -
                  1937};
                  +
                  1930
                  +
                  + +
                  1932 public:
                  +
                  +
                  1933 explicit SliceUpdate(
                  +
                  1934 Stream stream,
                  +
                  1935 const Shape& start_indices,
                  +
                  1936 const Shape& end_indices,
                  +
                  1937 const Shape& strides)
                  + +
                  1939 start_indices_(start_indices),
                  +
                  1940 end_indices_(end_indices),
                  +
                  1941 strides_(strides) {}
                  -
                  1938
                  -
                  - -
                  1940 public:
                  -
                  -
                  1941 explicit SliceUpdate(
                  -
                  1942 Stream stream,
                  -
                  1943 const Shape& start_indices,
                  -
                  1944 const Shape& end_indices,
                  -
                  1945 const Shape& strides)
                  - -
                  1947 start_indices_(start_indices),
                  -
                  1948 end_indices_(end_indices),
                  -
                  1949 strides_(strides) {}
                  +
                  1942
                  +
                  1943 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1944 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1945
                  + + + +
                  1949 bool is_equivalent(const Primitive& other) const override;
                  + +
                  +
                  1951 auto state() const {
                  +
                  1952 return std::make_tuple(start_indices_, end_indices_, strides_);
                  +
                  1953 }
                  -
                  1950
                  -
                  1951 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1952 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1953
                  - - - -
                  1957 bool is_equivalent(const Primitive& other) const override;
                  - -
                  -
                  1959 auto state() const {
                  -
                  1960 return std::make_tuple(start_indices_, end_indices_, strides_);
                  -
                  1961 }
                  +
                  1954
                  +
                  1955 private:
                  +
                  1956 Shape start_indices_;
                  +
                  1957 Shape end_indices_;
                  +
                  1958 Shape strides_;
                  +
                  1959};
                  -
                  1962
                  -
                  1963 private:
                  -
                  1964 Shape start_indices_;
                  -
                  1965 Shape end_indices_;
                  -
                  1966 Shape strides_;
                  -
                  1967};
                  +
                  1960
                  +
                  + +
                  1962 public:
                  +
                  +
                  1963 explicit DynamicSlice(Stream stream, std::vector<int> axes, Shape slice_size)
                  + +
                  1965 axes_(std::move(axes)),
                  +
                  1966 slice_size_(std::move(slice_size)) {}
                  -
                  1968
                  -
                  - -
                  1970 public:
                  -
                  -
                  1971 explicit DynamicSlice(Stream stream, std::vector<int> axes, Shape slice_size)
                  - -
                  1973 axes_(std::move(axes)),
                  -
                  1974 slice_size_(std::move(slice_size)) {}
                  +
                  1967
                  +
                  1968 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1969 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1970
                  + + + +
                  1974 bool is_equivalent(const Primitive& other) const override;
                  +
                  1975 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  +
                  1976 auto state() const {
                  +
                  1977 return std::make_pair(axes_, slice_size_);
                  +
                  1978 }
                  -
                  1975
                  -
                  1976 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1977 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1978
                  - - - -
                  1982 bool is_equivalent(const Primitive& other) const override;
                  -
                  1983 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  -
                  1984 auto state() const {
                  -
                  1985 return std::make_pair(axes_, slice_size_);
                  -
                  1986 }
                  +
                  1979
                  +
                  1980 private:
                  +
                  1981 std::vector<int> axes_;
                  +
                  1982 Shape slice_size_;
                  +
                  1983};
                  -
                  1987
                  -
                  1988 private:
                  -
                  1989 std::vector<int> axes_;
                  -
                  1990 Shape slice_size_;
                  -
                  1991};
                  +
                  1984
                  +
                  + +
                  1986 public:
                  +
                  +
                  1987 explicit DynamicSliceUpdate(Stream stream, std::vector<int> axes)
                  +
                  1988 : UnaryPrimitive(stream), axes_(std::move(axes)) {}
                  +
                  1989
                  +
                  1990 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  1991 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  1992
                  -
                  - -
                  1994 public:
                  -
                  -
                  1995 explicit DynamicSliceUpdate(Stream stream, std::vector<int> axes)
                  -
                  1996 : UnaryPrimitive(stream), axes_(std::move(axes)) {}
                  + + + +
                  1996 bool is_equivalent(const Primitive& other) const override;
                  + +
                  +
                  1998 auto state() const {
                  +
                  1999 return axes_;
                  +
                  2000 }
                  -
                  1997
                  -
                  1998 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  1999 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2000
                  - - - -
                  2004 bool is_equivalent(const Primitive& other) const override;
                  - -
                  -
                  2006 auto state() const {
                  -
                  2007 return axes_;
                  -
                  2008 }
                  +
                  2001
                  +
                  2002 private:
                  +
                  2003 std::vector<int> axes_;
                  +
                  2004};
                  -
                  2009
                  -
                  2010 private:
                  -
                  2011 std::vector<int> axes_;
                  -
                  2012};
                  +
                  2005
                  +
                  +
                  2006class Softmax : public UnaryPrimitive {
                  +
                  2007 public:
                  +
                  +
                  2008 explicit Softmax(Stream stream, bool precise)
                  +
                  2009 : UnaryPrimitive(stream), precise_(precise) {}
                  +
                  2010
                  +
                  2011 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2012 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2013
                  -
                  -
                  2014class Softmax : public UnaryPrimitive {
                  -
                  2015 public:
                  -
                  -
                  2016 explicit Softmax(Stream stream, bool precise)
                  -
                  2017 : UnaryPrimitive(stream), precise_(precise) {}
                  -
                  + + + +
                  2018
                  -
                  2019 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2020 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2021
                  - - - - -
                  2026
                  -
                  2027 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  2028 auto state() const {
                  -
                  2029 return precise_;
                  -
                  2030 };
                  +
                  2019 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  2020 auto state() const {
                  +
                  2021 return precise_;
                  +
                  2022 };
                  -
                  2031
                  -
                  2032 private:
                  -
                  2033 bool precise_;
                  -
                  2034};
                  +
                  2023
                  +
                  2024 private:
                  +
                  2025 bool precise_;
                  +
                  2026};
                  +
                  2027
                  +
                  +
                  2028class Sort : public UnaryPrimitive {
                  +
                  2029 public:
                  +
                  +
                  2030 explicit Sort(Stream stream, int axis)
                  +
                  2031 : UnaryPrimitive(stream), axis_(axis) {}
                  +
                  +
                  2032
                  +
                  2033 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2034 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2035
                  -
                  -
                  2036class Sort : public UnaryPrimitive {
                  -
                  2037 public:
                  -
                  -
                  2038 explicit Sort(Stream stream, int axis)
                  -
                  2039 : UnaryPrimitive(stream), axis_(axis) {}
                  + + + + +
                  2040 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  2041 auto state() const {
                  +
                  2042 return axis_;
                  +
                  2043 }
                  -
                  2040
                  -
                  2041 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2042 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2043
                  - - - - -
                  2048 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  2049 auto state() const {
                  -
                  2050 return axis_;
                  -
                  2051 }
                  +
                  2044
                  +
                  2045 private:
                  +
                  2046 int axis_;
                  +
                  2047};
                  -
                  2052
                  -
                  2053 private:
                  -
                  2054 int axis_;
                  -
                  2055};
                  +
                  2048
                  +
                  +
                  2049class Split : public Primitive {
                  +
                  2050 public:
                  +
                  +
                  2051 explicit Split(Stream stream, const Shape& indices, int axis)
                  +
                  2052 : Primitive(stream), indices_(indices), axis_(axis) {}
                  -
                  2056
                  -
                  -
                  2057class Split : public Primitive {
                  -
                  2058 public:
                  -
                  -
                  2059 explicit Split(Stream stream, const Shape& indices, int axis)
                  -
                  2060 : Primitive(stream), indices_(indices), axis_(axis) {}
                  +
                  2053
                  +
                  2054 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2055 override;
                  +
                  2056 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2057 override;
                  +
                  2058
                  + + + +
                  2062 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  2063 std::pair<std::vector<int>, int> state() const {
                  +
                  2064 return {indices_, axis_};
                  +
                  2065 };
                  -
                  2061
                  -
                  2062 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2063 override;
                  -
                  2064 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2065 override;
                  2066
                  - - - -
                  2070 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  2071 std::pair<std::vector<int>, int> state() const {
                  -
                  2072 return {indices_, axis_};
                  -
                  2073 };
                  +
                  2067 private:
                  +
                  2068 void eval(const std::vector<array>& inputs, std::vector<array>& outputs);
                  +
                  2069
                  +
                  2070 Shape indices_;
                  +
                  2071 int axis_;
                  +
                  2072};
                  -
                  2074
                  -
                  2075 private:
                  -
                  2076 void eval(const std::vector<array>& inputs, std::vector<array>& outputs);
                  +
                  2073
                  +
                  +
                  2074class Square : public UnaryPrimitive {
                  +
                  2075 public:
                  +
                  2077
                  -
                  2078 Shape indices_;
                  -
                  2079 int axis_;
                  -
                  2080};
                  +
                  2078 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2079 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2080
                  + + + + + +
                  2086};
                  -
                  2081
                  -
                  -
                  2082class Square : public UnaryPrimitive {
                  -
                  2083 public:
                  - -
                  2085
                  -
                  2086 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2087 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2088
                  - - - - - -
                  2094};
                  +
                  2087
                  +
                  +
                  2088class Sqrt : public UnaryPrimitive {
                  +
                  2089 public:
                  +
                  +
                  2090 explicit Sqrt(Stream stream, bool recip = false)
                  +
                  2091 : UnaryPrimitive(stream), recip_(recip) {}
                  +
                  2092
                  +
                  2093 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2094 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2095
                  -
                  -
                  2096class Sqrt : public UnaryPrimitive {
                  -
                  2097 public:
                  -
                  -
                  2098 explicit Sqrt(Stream stream, bool recip = false)
                  -
                  2099 : UnaryPrimitive(stream), recip_(recip) {}
                  + + + +
                  2099 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  2100 auto state() const {
                  +
                  2101 return recip_;
                  +
                  2102 }
                  -
                  2100
                  -
                  2101 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2102 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2103
                  - - - -
                  2107 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  2108 auto state() const {
                  -
                  2109 return recip_;
                  +
                  +
                  2104 void print(std::ostream& os) override {
                  +
                  2105 if (recip_) {
                  +
                  2106 os << "Rsqrt";
                  +
                  2107 } else {
                  +
                  2108 os << "Sqrt";
                  +
                  2109 }
                  2110 }
                  2111
                  -
                  -
                  2112 void print(std::ostream& os) override {
                  -
                  2113 if (recip_) {
                  -
                  2114 os << "Rsqrt";
                  -
                  2115 } else {
                  -
                  2116 os << "Sqrt";
                  -
                  2117 }
                  -
                  2118 }
                  +
                  2112 private:
                  +
                  2113 bool recip_;
                  +
                  2114};
                  +
                  2115
                  +
                  + +
                  2117 public:
                  +
                  2119
                  -
                  2120 private:
                  -
                  2121 bool recip_;
                  -
                  2122};
                  -
                  -
                  2123
                  -
                  - -
                  2125 public:
                  - +
                  2120 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2121 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2122
                  + + + +
                  2127
                  -
                  2128 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2129 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2130
                  - - - - +
                  2128 private:
                  +
                  2129 void eval(const std::vector<array>& inputs, array& out);
                  +
                  2130};
                  +
                  +
                  2131
                  +
                  +
                  2132class Subtract : public UnaryPrimitive {
                  +
                  2133 public:
                  +
                  2135
                  -
                  2136 private:
                  -
                  2137 void eval(const std::vector<array>& inputs, array& out);
                  -
                  2138};
                  +
                  2136 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2137 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2138
                  + + + + + +
                  2144};
                  -
                  2139
                  -
                  -
                  2140class Subtract : public UnaryPrimitive {
                  -
                  2141 public:
                  - -
                  2143
                  -
                  2144 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2145 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2146
                  - - - - - -
                  2152};
                  +
                  2145
                  +
                  +
                  2146class Squeeze : public UnaryPrimitive {
                  +
                  2147 public:
                  +
                  +
                  2148 explicit Squeeze(Stream stream, std::vector<int> axes)
                  +
                  2149 : UnaryPrimitive(stream), axes_(std::move(axes)) {}
                  +
                  2150
                  +
                  2151 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2152 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2153
                  -
                  -
                  2154class Squeeze : public UnaryPrimitive {
                  -
                  2155 public:
                  -
                  -
                  2156 explicit Squeeze(Stream stream, std::vector<int> axes)
                  -
                  2157 : UnaryPrimitive(stream), axes_(std::move(axes)) {}
                  + + + +
                  2157
                  +
                  2158 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  2159 bool is_equivalent(const Primitive& other) const override;
                  +
                  2160
                  +
                  2161 static Shape output_shape(const array& input, const std::vector<int>& axes);
                  +
                  +
                  2162 auto state() const {
                  +
                  2163 return axes_;
                  +
                  2164 };
                  -
                  2158
                  -
                  2159 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2160 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2161
                  - - -
                  2165
                  -
                  2166 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  2167 bool is_equivalent(const Primitive& other) const override;
                  -
                  2168
                  -
                  2169 static Shape output_shape(const array& input, const std::vector<int>& axes);
                  -
                  -
                  2170 auto state() const {
                  -
                  2171 return axes_;
                  -
                  2172 };
                  +
                  2166 private:
                  +
                  2167 void eval(const std::vector<array>& inputs, array& out);
                  +
                  2168 std::vector<int> axes_;
                  +
                  2169};
                  -
                  2173
                  -
                  2174 private:
                  -
                  2175 void eval(const std::vector<array>& inputs, array& out);
                  -
                  2176 std::vector<int> axes_;
                  -
                  2177};
                  +
                  2170
                  +
                  +
                  2171class Tan : public UnaryPrimitive {
                  +
                  2172 public:
                  + +
                  2174
                  +
                  2175 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2176 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2177
                  + + + + + +
                  2183};
                  -
                  2178
                  -
                  -
                  2179class Tan : public UnaryPrimitive {
                  -
                  2180 public:
                  - -
                  2182
                  -
                  2183 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2184 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2185
                  - - - - - -
                  2191};
                  +
                  2184
                  +
                  +
                  2185class Tanh : public UnaryPrimitive {
                  +
                  2186 public:
                  + +
                  2188
                  +
                  2189 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2190 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2191
                  + + + + + +
                  2197};
                  -
                  2192
                  -
                  -
                  2193class Tanh : public UnaryPrimitive {
                  -
                  2194 public:
                  - -
                  2196
                  -
                  2197 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2198 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2199
                  - - - - - -
                  2205};
                  +
                  2198
                  +
                  + +
                  2200 public:
                  +
                  +
                  2201 explicit Unflatten(Stream stream, int axis, Shape shape)
                  +
                  2202 : UnaryPrimitive(stream), axis_(axis), shape_(std::move(shape)) {}
                  +
                  2203
                  +
                  2204 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2205 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2206
                  -
                  - -
                  2208 public:
                  -
                  -
                  2209 explicit Unflatten(Stream stream, int axis, Shape shape)
                  -
                  2210 : UnaryPrimitive(stream), axis_(axis), shape_(std::move(shape)) {}
                  + + + +
                  2210 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  2211 bool is_equivalent(const Primitive& other) const override;
                  +
                  2212
                  +
                  2213 static Shape output_shape(const array& input, int axis, const Shape& shape);
                  +
                  +
                  2214 auto state() const {
                  +
                  2215 return std::make_pair(axis_, shape_);
                  +
                  2216 }
                  -
                  2211
                  -
                  2212 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2213 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2214
                  - - - -
                  2218 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  2219 bool is_equivalent(const Primitive& other) const override;
                  -
                  2220
                  -
                  2221 static Shape output_shape(const array& input, int axis, const Shape& shape);
                  -
                  -
                  2222 auto state() const {
                  -
                  2223 return std::make_pair(axis_, shape_);
                  -
                  2224 }
                  +
                  2217
                  +
                  2218 private:
                  +
                  2219 int axis_;
                  +
                  2220 Shape shape_;
                  +
                  2221 void eval(const std::vector<array>& inputs, array& out);
                  +
                  2222};
                  -
                  2225
                  -
                  2226 private:
                  -
                  2227 int axis_;
                  -
                  2228 Shape shape_;
                  -
                  2229 void eval(const std::vector<array>& inputs, array& out);
                  -
                  2230};
                  +
                  2223
                  +
                  +
                  2224class View : public UnaryPrimitive {
                  +
                  2225 public:
                  +
                  +
                  2226 explicit View(Stream stream, Dtype dtype)
                  +
                  2227 : UnaryPrimitive(stream), dtype_(dtype) {}
                  +
                  2228
                  +
                  2229 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2230 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2231
                  -
                  -
                  2232class View : public UnaryPrimitive {
                  -
                  2233 public:
                  -
                  -
                  2234 explicit View(Stream stream, Dtype dtype)
                  -
                  2235 : UnaryPrimitive(stream), dtype_(dtype) {}
                  + +
                  2233 void print(std::ostream& os) override;
                  +
                  2234 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  2235 auto state() const {
                  +
                  2236 return dtype_;
                  +
                  2237 }
                  -
                  2236
                  -
                  2237 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2238 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2239
                  - -
                  2241 void print(std::ostream& os) override;
                  -
                  2242 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  2243 auto state() const {
                  -
                  2244 return dtype_;
                  -
                  2245 }
                  +
                  2238
                  +
                  2239 private:
                  +
                  2240 Dtype dtype_;
                  +
                  2241};
                  -
                  2246
                  -
                  2247 private:
                  -
                  2248 Dtype dtype_;
                  -
                  2249};
                  +
                  2242
                  +
                  + +
                  2244 public:
                  +
                  +
                  2245 explicit Transpose(Stream stream, const std::vector<int>& axes)
                  +
                  2246 : UnaryPrimitive(stream), axes_(axes) {}
                  +
                  2247
                  +
                  2248 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2249 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  2250
                  -
                  - -
                  2252 public:
                  -
                  -
                  2253 explicit Transpose(Stream stream, const std::vector<int>& axes)
                  -
                  2254 : UnaryPrimitive(stream), axes_(axes) {}
                  + + + +
                  2254 bool is_equivalent(const Primitive& other) const override;
                  +
                  2255 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  +
                  2256 std::vector<int> state() const {
                  +
                  2257 return axes_;
                  +
                  2258 };
                  -
                  2255
                  -
                  2256 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2257 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2258
                  - - - -
                  2262 bool is_equivalent(const Primitive& other) const override;
                  -
                  2263 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  -
                  2264 std::vector<int> state() const {
                  -
                  2265 return axes_;
                  -
                  2266 };
                  +
                  2259
                  +
                  2260 private:
                  +
                  2261 std::vector<int> axes_;
                  +
                  2262
                  +
                  2263 void eval(const std::vector<array>& inputs, array& out);
                  +
                  2264};
                  -
                  2267
                  -
                  2268 private:
                  -
                  2269 std::vector<int> axes_;
                  +
                  2265
                  +
                  2266/* QR Factorization primitive. */
                  +
                  +
                  2267class QRF : public Primitive {
                  +
                  2268 public:
                  +
                  2270
                  -
                  2271 void eval(const std::vector<array>& inputs, array& out);
                  -
                  2272};
                  +
                  2271 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2272 override;
                  +
                  2273 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2274 override;
                  +
                  2275
                  + +
                  2277};
                  -
                  2273
                  -
                  2274/* QR Factorization primitive. */
                  -
                  -
                  2275class QRF : public Primitive {
                  -
                  2276 public:
                  -
                  2278
                  -
                  2279 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2280 override;
                  -
                  2281 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2282 override;
                  -
                  2283
                  - -
                  2285};
                  +
                  2279/* SVD primitive. */
                  +
                  +
                  2280class SVD : public Primitive {
                  +
                  2281 public:
                  +
                  +
                  2282 explicit SVD(Stream stream, bool compute_uv)
                  +
                  2283 : Primitive(stream), compute_uv_(compute_uv) {}
                  -
                  2286
                  -
                  2287/* SVD primitive. */
                  -
                  -
                  2288class SVD : public Primitive {
                  -
                  2289 public:
                  -
                  -
                  2290 explicit SVD(Stream stream, bool compute_uv)
                  -
                  2291 : Primitive(stream), compute_uv_(compute_uv) {}
                  +
                  2284
                  +
                  2285 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2286 override;
                  +
                  2287 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2288 override;
                  +
                  2289
                  + + +
                  +
                  2292 auto state() const {
                  +
                  2293 return compute_uv_;
                  +
                  2294 }
                  -
                  2292
                  -
                  2293 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2294 override;
                  -
                  2295 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2296 override;
                  -
                  2297
                  - - -
                  -
                  2300 auto state() const {
                  -
                  2301 return compute_uv_;
                  -
                  2302 }
                  +
                  2295
                  +
                  2296 private:
                  +
                  2297 bool compute_uv_;
                  +
                  2298};
                  -
                  2303
                  -
                  2304 private:
                  -
                  2305 bool compute_uv_;
                  -
                  2306};
                  +
                  2299
                  +
                  2300/* Matrix inversion primitive. */
                  +
                  +
                  2301class Inverse : public UnaryPrimitive {
                  +
                  2302 public:
                  +
                  +
                  2303 explicit Inverse(Stream stream, bool tri, bool upper)
                  +
                  2304 : UnaryPrimitive(stream), tri_(tri), upper_(upper) {}
                  -
                  2307
                  -
                  2308/* Matrix inversion primitive. */
                  -
                  -
                  2309class Inverse : public UnaryPrimitive {
                  -
                  2310 public:
                  +
                  2305
                  +
                  2306 void eval_cpu(const std::vector<array>& inputs, array& output) override;
                  +
                  2307 void eval_gpu(const std::vector<array>& inputs, array& output) override;
                  +
                  2308
                  + +
                  -
                  2311 explicit Inverse(Stream stream, bool tri, bool upper)
                  -
                  2312 : UnaryPrimitive(stream), tri_(tri), upper_(upper) {}
                  +
                  2311 auto state() const {
                  +
                  2312 return std::make_pair(tri_, upper_);
                  +
                  2313 }
                  -
                  2313
                  -
                  2314 void eval_cpu(const std::vector<array>& inputs, array& output) override;
                  -
                  2315 void eval_gpu(const std::vector<array>& inputs, array& output) override;
                  -
                  2316
                  - - -
                  -
                  2319 auto state() const {
                  -
                  2320 return std::make_pair(tri_, upper_);
                  -
                  2321 }
                  +
                  2314
                  +
                  2315 private:
                  +
                  2316 bool tri_;
                  +
                  2317 bool upper_;
                  +
                  2318};
                  -
                  2322
                  -
                  2323 private:
                  -
                  2324 bool tri_;
                  -
                  2325 bool upper_;
                  -
                  2326};
                  +
                  2319
                  +
                  +
                  2320class Cholesky : public UnaryPrimitive {
                  +
                  2321 public:
                  +
                  +
                  2322 explicit Cholesky(Stream stream, bool upper)
                  +
                  2323 : UnaryPrimitive(stream), upper_(upper) {}
                  -
                  2327
                  -
                  -
                  2328class Cholesky : public UnaryPrimitive {
                  -
                  2329 public:
                  -
                  -
                  2330 explicit Cholesky(Stream stream, bool upper)
                  -
                  2331 : UnaryPrimitive(stream), upper_(upper) {}
                  +
                  2324
                  +
                  2325 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  +
                  2326 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  +
                  +
                  2327 auto state() const {
                  +
                  2328 return upper_;
                  +
                  2329 }
                  -
                  2332
                  -
                  2333 void eval_cpu(const std::vector<array>& inputs, array& out) override;
                  -
                  2334 void eval_gpu(const std::vector<array>& inputs, array& out) override;
                  -
                  -
                  2335 auto state() const {
                  -
                  2336 return upper_;
                  -
                  2337 }
                  +
                  2330
                  + + +
                  2333
                  +
                  2334 private:
                  +
                  2335 bool upper_;
                  +
                  2336};
                  -
                  2338
                  - - -
                  2341
                  -
                  2342 private:
                  -
                  2343 bool upper_;
                  -
                  2344};
                  +
                  2337
                  +
                  +
                  2338class Eigh : public Primitive {
                  +
                  2339 public:
                  +
                  +
                  2340 explicit Eigh(Stream stream, std::string uplo, bool compute_eigenvectors)
                  +
                  2341 : Primitive(stream),
                  +
                  2342 uplo_(std::move(uplo)),
                  +
                  2343 compute_eigenvectors_(compute_eigenvectors) {}
                  -
                  2345
                  -
                  -
                  2346class Eigh : public Primitive {
                  -
                  2347 public:
                  -
                  -
                  2348 explicit Eigh(Stream stream, std::string uplo, bool compute_eigenvectors)
                  -
                  2349 : Primitive(stream),
                  -
                  2350 uplo_(std::move(uplo)),
                  -
                  2351 compute_eigenvectors_(compute_eigenvectors) {}
                  +
                  2344 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2345 override;
                  +
                  2346 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2347 override;
                  +
                  2348
                  + + +
                  2351
                  +
                  2352 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  +
                  2353
                  +
                  2354 bool is_equivalent(const Primitive& other) const override;
                  +
                  +
                  2355 auto state() const {
                  +
                  2356 return std::make_pair(uplo_, compute_eigenvectors_);
                  +
                  2357 }
                  -
                  2352 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2353 override;
                  -
                  2354 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2355 override;
                  -
                  2356
                  - - -
                  2359
                  -
                  2360 std::vector<Shape> output_shapes(const std::vector<array>& inputs) override;
                  -
                  2361
                  -
                  2362 bool is_equivalent(const Primitive& other) const override;
                  -
                  -
                  2363 auto state() const {
                  -
                  2364 return std::make_pair(uplo_, compute_eigenvectors_);
                  -
                  2365 }
                  +
                  2358
                  +
                  2359 private:
                  +
                  2360 std::string uplo_;
                  +
                  2361 bool compute_eigenvectors_;
                  +
                  2362};
                  -
                  2366
                  -
                  2367 private:
                  -
                  2368 std::string uplo_;
                  -
                  2369 bool compute_eigenvectors_;
                  -
                  2370};
                  +
                  2363
                  +
                  2364/* LU Factorization primitive. */
                  +
                  +
                  2365class LUF : public Primitive {
                  +
                  2366 public:
                  + +
                  2368 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2369 override;
                  +
                  2370 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  +
                  2371 override;
                  +
                  2372
                  + +
                  2374};
                  -
                  2371
                  -
                  2372/* LU Factorization primitive. */
                  -
                  -
                  2373class LUF : public Primitive {
                  -
                  2374 public:
                  - -
                  2376 void eval_cpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2377 override;
                  -
                  2378 void eval_gpu(const std::vector<array>& inputs, std::vector<array>& outputs)
                  -
                  2379 override;
                  -
                  2380
                  - -
                  2382};
                  -
                  -
                  2383
                  -
                  2384} // namespace mlx::core
                  +
                  2375
                  +
                  2376} // namespace mlx::core
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  @@ -3030,8 +3022,8 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  Ceil(Stream stream)
                  Definition primitives.h:567
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:2335
                  -
                  Cholesky(Stream stream, bool upper)
                  Definition primitives.h:2330
                  +
                  auto state() const
                  Definition primitives.h:2327
                  +
                  Cholesky(Stream stream, bool upper)
                  Definition primitives.h:2322
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  void print(std::ostream &os) override
                  Print the primitive.
                  @@ -3088,11 +3080,11 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  -
                  DynamicSlice(Stream stream, std::vector< int > axes, Shape slice_size)
                  Definition primitives.h:1971
                  +
                  DynamicSlice(Stream stream, std::vector< int > axes, Shape slice_size)
                  Definition primitives.h:1963
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:1984
                  -
                  auto state() const
                  Definition primitives.h:2006
                  -
                  DynamicSliceUpdate(Stream stream, std::vector< int > axes)
                  Definition primitives.h:1995
                  +
                  auto state() const
                  Definition primitives.h:1976
                  +
                  auto state() const
                  Definition primitives.h:1998
                  +
                  DynamicSliceUpdate(Stream stream, std::vector< int > axes)
                  Definition primitives.h:1987
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  @@ -3100,8 +3092,8 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  -
                  auto state() const
                  Definition primitives.h:2363
                  -
                  Eigh(Stream stream, std::string uplo, bool compute_eigenvectors)
                  Definition primitives.h:2348
                  +
                  auto state() const
                  Definition primitives.h:2355
                  +
                  Eigh(Stream stream, std::string uplo, bool compute_eigenvectors)
                  Definition primitives.h:2340
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:913
                  Equal(Stream stream, bool equal_nan=false)
                  Definition primitives.h:902
                  auto state() const
                  Definition primitives.h:920
                  @@ -3160,8 +3152,8 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  std::vector< array > vjp(const std::vector< array > &primals, const std::vector< array > &cotangents, const std::vector< int > &argnums, const std::vector< array > &outputs) override
                  The vector-Jacobian product.
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  GatherMM(Stream stream)
                  Definition primitives.h:501
                  -
                  auto state() const
                  Definition primitives.h:1588
                  -
                  GatherQMM(Stream stream, int group_size, int bits, bool transpose)
                  Definition primitives.h:1575
                  +
                  auto state() const
                  Definition primitives.h:1580
                  +
                  GatherQMM(Stream stream, int group_size, int bits, bool transpose)
                  Definition primitives.h:1567
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  @@ -3180,10 +3172,10 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  Imag(Stream stream)
                  Definition primitives.h:1184
                  void eval_gpu(const std::vector< array > &inputs, array &output) override
                  -
                  Inverse(Stream stream, bool tri, bool upper)
                  Definition primitives.h:2311
                  -
                  auto state() const
                  Definition primitives.h:2319
                  +
                  Inverse(Stream stream, bool tri, bool upper)
                  Definition primitives.h:2303
                  +
                  auto state() const
                  Definition primitives.h:2311
                  void eval_cpu(const std::vector< array > &inputs, array &output) override
                  -
                  LUF(Stream stream)
                  Definition primitives.h:2375
                  +
                  LUF(Stream stream)
                  Definition primitives.h:2367
                  void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
                  void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  LessEqual(Stream stream)
                  Definition primitives.h:1212
                  @@ -3197,65 +3189,65 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Log1p(Stream stream)
                  Definition primitives.h:1294
                  +
                  Log1p(Stream stream)
                  Definition primitives.h:1286
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  LogAddExp(Stream stream)
                  Definition primitives.h:1349
                  -
                  Base
                  Definition primitives.h:1257
                  -
                  @ ten
                  Definition primitives.h:1257
                  -
                  @ two
                  Definition primitives.h:1257
                  -
                  @ e
                  Definition primitives.h:1257
                  -
                  Log(Stream stream, Base base)
                  Definition primitives.h:1259
                  -
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1274
                  -
                  Base state() const
                  Definition primitives.h:1270
                  +
                  LogAddExp(Stream stream)
                  Definition primitives.h:1341
                  +
                  Base
                  Definition primitives.h:1249
                  +
                  @ ten
                  Definition primitives.h:1249
                  +
                  @ two
                  Definition primitives.h:1249
                  +
                  @ e
                  Definition primitives.h:1249
                  +
                  Log(Stream stream, Base base)
                  Definition primitives.h:1251
                  +
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1266
                  +
                  Base state() const
                  Definition primitives.h:1262
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  LogicalAnd(Stream stream)
                  Definition primitives.h:1321
                  +
                  LogicalAnd(Stream stream)
                  Definition primitives.h:1313
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  LogicalNot(Stream stream)
                  Definition primitives.h:1307
                  +
                  LogicalNot(Stream stream)
                  Definition primitives.h:1299
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  LogicalOr(Stream stream)
                  Definition primitives.h:1335
                  +
                  LogicalOr(Stream stream)
                  Definition primitives.h:1327
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  -
                  Matmul(Stream stream)
                  Definition primitives.h:1363
                  -
                  Maximum(Stream stream)
                  Definition primitives.h:1377
                  +
                  Matmul(Stream stream)
                  Definition primitives.h:1355
                  +
                  Maximum(Stream stream)
                  Definition primitives.h:1369
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Minimum(Stream stream)
                  Definition primitives.h:1391
                  +
                  Minimum(Stream stream)
                  Definition primitives.h:1383
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Multiply(Stream stream)
                  Definition primitives.h:1405
                  +
                  Multiply(Stream stream)
                  Definition primitives.h:1397
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Negative(Stream stream)
                  Definition primitives.h:1419
                  +
                  Negative(Stream stream)
                  Definition primitives.h:1411
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  NotEqual(Stream stream)
                  Definition primitives.h:1433
                  +
                  NotEqual(Stream stream)
                  Definition primitives.h:1425
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  Definition primitives.h:1463
                  -
                  NumberOfElements(Stream stream, std::vector< int > axes, bool inverted, Dtype dtype)
                  Definition primitives.h:1447
                  +
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  Definition primitives.h:1455
                  +
                  NumberOfElements(Stream stream, std::vector< int > axes, bool inverted, Dtype dtype)
                  Definition primitives.h:1439
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  -
                  std::tuple< std::vector< int >, bool, Dtype > state() const
                  Definition primitives.h:1466
                  -
                  auto state() const
                  Definition primitives.h:1497
                  -
                  Pad(Stream stream, const std::vector< int > &axes, const Shape &low_pad_size, const Shape &high_pad_size)
                  Definition primitives.h:1480
                  +
                  std::tuple< std::vector< int >, bool, Dtype > state() const
                  Definition primitives.h:1458
                  +
                  auto state() const
                  Definition primitives.h:1489
                  +
                  Pad(Stream stream, const std::vector< int > &axes, const Shape &low_pad_size, const Shape &high_pad_size)
                  Definition primitives.h:1472
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Partition(Stream stream, int kth, int axis)
                  Definition primitives.h:1509
                  +
                  Partition(Stream stream, int kth, int axis)
                  Definition primitives.h:1501
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  -
                  auto state() const
                  Definition primitives.h:1520
                  +
                  auto state() const
                  Definition primitives.h:1512
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Power(Stream stream)
                  Definition primitives.h:1531
                  +
                  Power(Stream stream)
                  Definition primitives.h:1523
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  Definition primitives.h:48
                  virtual void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs)=0
                  A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
                  @@ -3274,139 +3266,139 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  virtual void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs)=0
                  virtual void print(std::ostream &os)=0
                  Print the primitive.
                  Primitive(Stream stream)
                  Definition primitives.h:50
                  -
                  QRF(Stream stream)
                  Definition primitives.h:2277
                  +
                  QRF(Stream stream)
                  Definition primitives.h:2269
                  void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
                  void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  QuantizedMatmul(Stream stream, int group_size, int bits, bool transpose)
                  Definition primitives.h:1545
                  +
                  QuantizedMatmul(Stream stream, int group_size, int bits, bool transpose)
                  Definition primitives.h:1537
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:1563
                  +
                  auto state() const
                  Definition primitives.h:1555
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  -
                  std::pair< std::vector< int >, int > state() const
                  Definition primitives.h:1609
                  -
                  RandomBits(Stream stream, const Shape &shape, int width)
                  Definition primitives.h:1600
                  +
                  std::pair< std::vector< int >, int > state() const
                  Definition primitives.h:1601
                  +
                  RandomBits(Stream stream, const Shape &shape, int width)
                  Definition primitives.h:1592
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Real(Stream stream)
                  Definition primitives.h:1620
                  -
                  Reduce(Stream stream, ReduceType reduce_type, const std::vector< int > &axes)
                  Definition primitives.h:1658
                  -
                  ReduceType
                  Definition primitives.h:1656
                  -
                  @ Min
                  Definition primitives.h:1656
                  -
                  @ Or
                  Definition primitives.h:1656
                  -
                  @ Max
                  Definition primitives.h:1656
                  -
                  @ And
                  Definition primitives.h:1656
                  -
                  @ Sum
                  Definition primitives.h:1656
                  -
                  @ Prod
                  Definition primitives.h:1656
                  -
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1677
                  +
                  Real(Stream stream)
                  Definition primitives.h:1612
                  +
                  Reduce(Stream stream, ReduceType reduce_type, const std::vector< int > &axes)
                  Definition primitives.h:1650
                  +
                  ReduceType
                  Definition primitives.h:1648
                  +
                  @ Min
                  Definition primitives.h:1648
                  +
                  @ Or
                  Definition primitives.h:1648
                  +
                  @ Max
                  Definition primitives.h:1648
                  +
                  @ And
                  Definition primitives.h:1648
                  +
                  @ Sum
                  Definition primitives.h:1648
                  +
                  @ Prod
                  Definition primitives.h:1648
                  +
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1669
                  std::vector< array > vjp(const std::vector< array > &primals, const std::vector< array > &cotangents, const std::vector< int > &argnums, const std::vector< array > &outputs) override
                  The vector-Jacobian product.
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  std::pair< ReduceType, std::vector< int > > state() const
                  Definition primitives.h:1700
                  +
                  std::pair< ReduceType, std::vector< int > > state() const
                  Definition primitives.h:1692
                  Remainder(Stream stream)
                  Definition primitives.h:888
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  static Shape output_shape(const array &input, Shape shape)
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Reshape(Stream stream, const Shape &shape)
                  Definition primitives.h:1634
                  -
                  std::vector< int > state() const
                  Definition primitives.h:1644
                  +
                  Reshape(Stream stream, const Shape &shape)
                  Definition primitives.h:1626
                  +
                  std::vector< int > state() const
                  Definition primitives.h:1636
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  -
                  Round(Stream stream)
                  Definition primitives.h:1711
                  +
                  Round(Stream stream)
                  Definition primitives.h:1703
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  SVD(Stream stream, bool compute_uv)
                  Definition primitives.h:2290
                  +
                  SVD(Stream stream, bool compute_uv)
                  Definition primitives.h:2282
                  void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
                  void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  -
                  auto state() const
                  Definition primitives.h:2300
                  +
                  auto state() const
                  Definition primitives.h:2292
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  ReduceType
                  Definition primitives.h:1725
                  -
                  @ Prod
                  Definition primitives.h:1725
                  -
                  @ Min
                  Definition primitives.h:1725
                  -
                  @ Max
                  Definition primitives.h:1725
                  -
                  @ Sum
                  Definition primitives.h:1725
                  +
                  ReduceType
                  Definition primitives.h:1717
                  +
                  @ Prod
                  Definition primitives.h:1717
                  +
                  @ Min
                  Definition primitives.h:1717
                  +
                  @ Max
                  Definition primitives.h:1717
                  +
                  @ Sum
                  Definition primitives.h:1717
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  -
                  auto state() const
                  Definition primitives.h:1763
                  -
                  Scan(Stream stream, ReduceType reduce_type, int axis, bool reverse, bool inclusive)
                  Definition primitives.h:1727
                  -
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1745
                  +
                  auto state() const
                  Definition primitives.h:1755
                  +
                  Scan(Stream stream, ReduceType reduce_type, int axis, bool reverse, bool inclusive)
                  Definition primitives.h:1719
                  +
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1737
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  std::pair< ReduceType, int > state() const
                  Definition primitives.h:1845
                  -
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1832
                  +
                  std::pair< ReduceType, int > state() const
                  Definition primitives.h:1837
                  +
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1824
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  ScatterAxis(Stream stream, ReduceType reduce_type, int axis)
                  Definition primitives.h:1823
                  -
                  ReduceType
                  Definition primitives.h:1821
                  -
                  @ Sum
                  Definition primitives.h:1821
                  -
                  @ None
                  Definition primitives.h:1821
                  +
                  ScatterAxis(Stream stream, ReduceType reduce_type, int axis)
                  Definition primitives.h:1815
                  +
                  ReduceType
                  Definition primitives.h:1813
                  +
                  @ Sum
                  Definition primitives.h:1813
                  +
                  @ None
                  Definition primitives.h:1813
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  -
                  std::pair< ReduceType, std::vector< int > > state() const
                  Definition primitives.h:1810
                  -
                  ReduceType
                  Definition primitives.h:1776
                  -
                  @ Sum
                  Definition primitives.h:1776
                  -
                  @ Max
                  Definition primitives.h:1776
                  -
                  @ Prod
                  Definition primitives.h:1776
                  -
                  @ None
                  Definition primitives.h:1776
                  -
                  @ Min
                  Definition primitives.h:1776
                  +
                  std::pair< ReduceType, std::vector< int > > state() const
                  Definition primitives.h:1802
                  +
                  ReduceType
                  Definition primitives.h:1768
                  +
                  @ Sum
                  Definition primitives.h:1768
                  +
                  @ Max
                  Definition primitives.h:1768
                  +
                  @ Prod
                  Definition primitives.h:1768
                  +
                  @ None
                  Definition primitives.h:1768
                  +
                  @ Min
                  Definition primitives.h:1768
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1790
                  +
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:1782
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Scatter(Stream stream, ReduceType reduce_type, const std::vector< int > &axes)
                  Definition primitives.h:1778
                  +
                  Scatter(Stream stream, ReduceType reduce_type, const std::vector< int > &axes)
                  Definition primitives.h:1770
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  Select(Stream stream)
                  Definition primitives.h:874
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Sigmoid(Stream stream)
                  Definition primitives.h:1856
                  +
                  Sigmoid(Stream stream)
                  Definition primitives.h:1848
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Sign(Stream stream)
                  Definition primitives.h:1870
                  -
                  Sin(Stream stream)
                  Definition primitives.h:1884
                  +
                  Sign(Stream stream)
                  Definition primitives.h:1862
                  +
                  Sin(Stream stream)
                  Definition primitives.h:1876
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Sinh(Stream stream)
                  Definition primitives.h:1898
                  +
                  Sinh(Stream stream)
                  Definition primitives.h:1890
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:1929
                  -
                  Slice(Stream stream, const Shape &start_indices, const Shape &end_indices, const Shape &strides)
                  Definition primitives.h:1912
                  +
                  auto state() const
                  Definition primitives.h:1921
                  +
                  Slice(Stream stream, const Shape &start_indices, const Shape &end_indices, const Shape &strides)
                  Definition primitives.h:1904
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  -
                  SliceUpdate(Stream stream, const Shape &start_indices, const Shape &end_indices, const Shape &strides)
                  Definition primitives.h:1941
                  +
                  SliceUpdate(Stream stream, const Shape &start_indices, const Shape &end_indices, const Shape &strides)
                  Definition primitives.h:1933
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:1959
                  +
                  auto state() const
                  Definition primitives.h:1951
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Softmax(Stream stream, bool precise)
                  Definition primitives.h:2016
                  +
                  Softmax(Stream stream, bool precise)
                  Definition primitives.h:2008
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:2028
                  +
                  auto state() const
                  Definition primitives.h:2020
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:2049
                  -
                  Sort(Stream stream, int axis)
                  Definition primitives.h:2038
                  +
                  auto state() const
                  Definition primitives.h:2041
                  +
                  Sort(Stream stream, int axis)
                  Definition primitives.h:2030
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  -
                  std::pair< std::vector< int >, int > state() const
                  Definition primitives.h:2071
                  -
                  Split(Stream stream, const Shape &indices, int axis)
                  Definition primitives.h:2059
                  +
                  std::pair< std::vector< int >, int > state() const
                  Definition primitives.h:2063
                  +
                  Split(Stream stream, const Shape &indices, int axis)
                  Definition primitives.h:2051
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override
                  A primitive must know how to evaluate itself on the CPU/GPU for the given inputs and populate the out...
                  -
                  auto state() const
                  Definition primitives.h:2108
                  +
                  auto state() const
                  Definition primitives.h:2100
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Sqrt(Stream stream, bool recip=false)
                  Definition primitives.h:2098
                  +
                  Sqrt(Stream stream, bool recip=false)
                  Definition primitives.h:2090
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:2112
                  +
                  void print(std::ostream &os) override
                  Print the primitive.
                  Definition primitives.h:2104
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Square(Stream stream)
                  Definition primitives.h:2084
                  -
                  Squeeze(Stream stream, std::vector< int > axes)
                  Definition primitives.h:2156
                  -
                  auto state() const
                  Definition primitives.h:2170
                  +
                  Square(Stream stream)
                  Definition primitives.h:2076
                  +
                  Squeeze(Stream stream, std::vector< int > axes)
                  Definition primitives.h:2148
                  +
                  auto state() const
                  Definition primitives.h:2162
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  @@ -3414,19 +3406,19 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  static Shape output_shape(const array &input, const std::vector< int > &axes)
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  StopGradient(Stream stream)
                  Definition primitives.h:2126
                  +
                  StopGradient(Stream stream)
                  Definition primitives.h:2118
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Subtract(Stream stream)
                  Definition primitives.h:2142
                  -
                  Tan(Stream stream)
                  Definition primitives.h:2181
                  +
                  Subtract(Stream stream)
                  Definition primitives.h:2134
                  +
                  Tan(Stream stream)
                  Definition primitives.h:2173
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  Tanh(Stream stream)
                  Definition primitives.h:2195
                  +
                  Tanh(Stream stream)
                  Definition primitives.h:2187
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  Transpose(Stream stream, const std::vector< int > &axes)
                  Definition primitives.h:2253
                  +
                  Transpose(Stream stream, const std::vector< int > &axes)
                  Definition primitives.h:2245
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  std::vector< int > state() const
                  Definition primitives.h:2264
                  +
                  std::vector< int > state() const
                  Definition primitives.h:2256
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  @@ -3442,17 +3434,17 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  UnaryPrimitive & operator=(UnaryPrimitive &&other)=delete
                  virtual ~UnaryPrimitive()=default
                  std::vector< Shape > output_shapes(const std::vector< array > &inputs) override
                  Get the output shapes of the primitive.
                  -
                  Unflatten(Stream stream, int axis, Shape shape)
                  Definition primitives.h:2209
                  +
                  Unflatten(Stream stream, int axis, Shape shape)
                  Definition primitives.h:2201
                  static Shape output_shape(const array &input, int axis, const Shape &shape)
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:2222
                  +
                  auto state() const
                  Definition primitives.h:2214
                  void eval_cpu(const std::vector< array > &inputs, array &out) override
                  -
                  auto state() const
                  Definition primitives.h:2243
                  +
                  auto state() const
                  Definition primitives.h:2235
                  void print(std::ostream &os) override
                  Print the primitive.
                  bool is_equivalent(const Primitive &other) const override
                  Equivalence check defaults to false unless overridden by the primitive.
                  -
                  View(Stream stream, Dtype dtype)
                  Definition primitives.h:2234
                  +
                  View(Stream stream, Dtype dtype)
                  Definition primitives.h:2226
                  void eval_gpu(const std::vector< array > &inputs, array &out) override
                  Definition array.h:24
                  @@ -3460,10 +3452,9 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  array tri(int n, int m, int k, Dtype type, StreamOrDevice s={})
                  array transpose(const array &a, std::vector< int > axes, StreamOrDevice s={})
                  Permutes the dimensions according to the given axes.
                  array real(const array &a, StreamOrDevice s={})
                  - +
                  Definition allocator.h:7
                  std::vector< ShapeElem > Shape
                  Definition array.h:21
                  -
                  Stream new_stream(Device d)
                  Make a new stream on the given device.
                  std::vector< int64_t > Strides
                  Definition array.h:22
                  void eval(std::vector< array > outputs)
                  #define DEFINE_DEFAULT_IS_EQUIVALENT()
                  Definition primitives.h:34
                  @@ -3473,8 +3464,6 @@ $(function(){initNavTree('primitives_8h_source.html',''); initResizable(true); }
                  #define DEFINE_VMAP()
                  Definition primitives.h:12
                  Definition device.h:7
                  -
                  static constexpr DeviceType gpu
                  Definition device.h:14
                  -
                  static constexpr DeviceType cpu
                  Definition device.h:13
                  Definition dtype.h:13
                  Definition stream.h:9
                  Device device
                  Definition stream.h:11
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.Device.html b/docs/build/html/python/_autosummary/mlx.core.Device.html index 52a2cc31b..962a35558 100644 --- a/docs/build/html/python/_autosummary/mlx.core.Device.html +++ b/docs/build/html/python/_autosummary/mlx.core.Device.html @@ -8,7 +8,7 @@ - mlx.core.Device — MLX 0.23.2 documentation + mlx.core.Device — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.Dtype.html b/docs/build/html/python/_autosummary/mlx.core.Dtype.html index a6f943e58..cd11b892f 100644 --- a/docs/build/html/python/_autosummary/mlx.core.Dtype.html +++ b/docs/build/html/python/_autosummary/mlx.core.Dtype.html @@ -8,7 +8,7 @@ - mlx.core.Dtype — MLX 0.23.2 documentation + mlx.core.Dtype — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.DtypeCategory.html b/docs/build/html/python/_autosummary/mlx.core.DtypeCategory.html index 1a4aee48f..7e50f8359 100644 --- a/docs/build/html/python/_autosummary/mlx.core.DtypeCategory.html +++ b/docs/build/html/python/_autosummary/mlx.core.DtypeCategory.html @@ -8,7 +8,7 @@ - mlx.core.DtypeCategory — MLX 0.23.2 documentation + mlx.core.DtypeCategory — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.abs.html b/docs/build/html/python/_autosummary/mlx.core.abs.html index 8b962c641..e8bb1a158 100644 --- a/docs/build/html/python/_autosummary/mlx.core.abs.html +++ b/docs/build/html/python/_autosummary/mlx.core.abs.html @@ -8,7 +8,7 @@ - mlx.core.abs — MLX 0.23.2 documentation + mlx.core.abs — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.add.html b/docs/build/html/python/_autosummary/mlx.core.add.html index 1dd3c49b6..9a088ad13 100644 --- a/docs/build/html/python/_autosummary/mlx.core.add.html +++ b/docs/build/html/python/_autosummary/mlx.core.add.html @@ -8,7 +8,7 @@ - mlx.core.add — MLX 0.23.2 documentation + mlx.core.add — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.addmm.html b/docs/build/html/python/_autosummary/mlx.core.addmm.html index 2ddc29497..2264f5da8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.addmm.html +++ b/docs/build/html/python/_autosummary/mlx.core.addmm.html @@ -8,7 +8,7 @@ - mlx.core.addmm — MLX 0.23.2 documentation + mlx.core.addmm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.all.html b/docs/build/html/python/_autosummary/mlx.core.all.html index 854b29227..de1018cc2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.all.html +++ b/docs/build/html/python/_autosummary/mlx.core.all.html @@ -8,7 +8,7 @@ - mlx.core.all — MLX 0.23.2 documentation + mlx.core.all — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.allclose.html b/docs/build/html/python/_autosummary/mlx.core.allclose.html index a2bc9a885..62e25279d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.allclose.html +++ b/docs/build/html/python/_autosummary/mlx.core.allclose.html @@ -8,7 +8,7 @@ - mlx.core.allclose — MLX 0.23.2 documentation + mlx.core.allclose — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.any.html b/docs/build/html/python/_autosummary/mlx.core.any.html index a1371ff99..18c8466de 100644 --- a/docs/build/html/python/_autosummary/mlx.core.any.html +++ b/docs/build/html/python/_autosummary/mlx.core.any.html @@ -8,7 +8,7 @@ - mlx.core.any — MLX 0.23.2 documentation + mlx.core.any — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arange.html b/docs/build/html/python/_autosummary/mlx.core.arange.html index 03e95880f..8b6109ffb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arange.html +++ b/docs/build/html/python/_autosummary/mlx.core.arange.html @@ -8,7 +8,7 @@ - mlx.core.arange — MLX 0.23.2 documentation + mlx.core.arange — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arccos.html b/docs/build/html/python/_autosummary/mlx.core.arccos.html index 44376fc04..5e6c5511d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arccos.html +++ b/docs/build/html/python/_autosummary/mlx.core.arccos.html @@ -8,7 +8,7 @@ - mlx.core.arccos — MLX 0.23.2 documentation + mlx.core.arccos — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arccosh.html b/docs/build/html/python/_autosummary/mlx.core.arccosh.html index 00f96ee60..af63cb467 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arccosh.html +++ b/docs/build/html/python/_autosummary/mlx.core.arccosh.html @@ -8,7 +8,7 @@ - mlx.core.arccosh — MLX 0.23.2 documentation + mlx.core.arccosh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arcsin.html b/docs/build/html/python/_autosummary/mlx.core.arcsin.html index 258435081..d6323864a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arcsin.html +++ b/docs/build/html/python/_autosummary/mlx.core.arcsin.html @@ -8,7 +8,7 @@ - mlx.core.arcsin — MLX 0.23.2 documentation + mlx.core.arcsin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arcsinh.html b/docs/build/html/python/_autosummary/mlx.core.arcsinh.html index f65da7d7d..7b91b88da 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arcsinh.html +++ b/docs/build/html/python/_autosummary/mlx.core.arcsinh.html @@ -8,7 +8,7 @@ - mlx.core.arcsinh — MLX 0.23.2 documentation + mlx.core.arcsinh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arctan.html b/docs/build/html/python/_autosummary/mlx.core.arctan.html index 6d29a9c38..5205480f7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arctan.html +++ b/docs/build/html/python/_autosummary/mlx.core.arctan.html @@ -8,7 +8,7 @@ - mlx.core.arctan — MLX 0.23.2 documentation + mlx.core.arctan — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arctan2.html b/docs/build/html/python/_autosummary/mlx.core.arctan2.html index 1028722af..ef6075c6d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arctan2.html +++ b/docs/build/html/python/_autosummary/mlx.core.arctan2.html @@ -8,7 +8,7 @@ - mlx.core.arctan2 — MLX 0.23.2 documentation + mlx.core.arctan2 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.arctanh.html b/docs/build/html/python/_autosummary/mlx.core.arctanh.html index 46eb39f94..7e641afee 100644 --- a/docs/build/html/python/_autosummary/mlx.core.arctanh.html +++ b/docs/build/html/python/_autosummary/mlx.core.arctanh.html @@ -8,7 +8,7 @@ - mlx.core.arctanh — MLX 0.23.2 documentation + mlx.core.arctanh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.argmax.html b/docs/build/html/python/_autosummary/mlx.core.argmax.html index 5c71d8331..faaba223f 100644 --- a/docs/build/html/python/_autosummary/mlx.core.argmax.html +++ b/docs/build/html/python/_autosummary/mlx.core.argmax.html @@ -8,7 +8,7 @@ - mlx.core.argmax — MLX 0.23.2 documentation + mlx.core.argmax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.argmin.html b/docs/build/html/python/_autosummary/mlx.core.argmin.html index 591c7272c..06bf9e101 100644 --- a/docs/build/html/python/_autosummary/mlx.core.argmin.html +++ b/docs/build/html/python/_autosummary/mlx.core.argmin.html @@ -8,7 +8,7 @@ - mlx.core.argmin — MLX 0.23.2 documentation + mlx.core.argmin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.argpartition.html b/docs/build/html/python/_autosummary/mlx.core.argpartition.html index 946b98729..388e55158 100644 --- a/docs/build/html/python/_autosummary/mlx.core.argpartition.html +++ b/docs/build/html/python/_autosummary/mlx.core.argpartition.html @@ -8,7 +8,7 @@ - mlx.core.argpartition — MLX 0.23.2 documentation + mlx.core.argpartition — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.argsort.html b/docs/build/html/python/_autosummary/mlx.core.argsort.html index 3b90f0092..df77f184c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.argsort.html +++ b/docs/build/html/python/_autosummary/mlx.core.argsort.html @@ -8,7 +8,7 @@ - mlx.core.argsort — MLX 0.23.2 documentation + mlx.core.argsort — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.T.html b/docs/build/html/python/_autosummary/mlx.core.array.T.html index 2902d7764..1ccd30dfb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.T.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.T.html @@ -8,7 +8,7 @@ - mlx.core.array.T — MLX 0.23.2 documentation + mlx.core.array.T — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.abs.html b/docs/build/html/python/_autosummary/mlx.core.array.abs.html index 029b0703f..8017955c6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.abs.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.abs.html @@ -8,7 +8,7 @@ - mlx.core.array.abs — MLX 0.23.2 documentation + mlx.core.array.abs — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.all.html b/docs/build/html/python/_autosummary/mlx.core.array.all.html index a6a80b8ce..775a0b04c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.all.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.all.html @@ -8,7 +8,7 @@ - mlx.core.array.all — MLX 0.23.2 documentation + mlx.core.array.all — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.any.html b/docs/build/html/python/_autosummary/mlx.core.array.any.html index 901627f99..e2913d2da 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.any.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.any.html @@ -8,7 +8,7 @@ - mlx.core.array.any — MLX 0.23.2 documentation + mlx.core.array.any — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.argmax.html b/docs/build/html/python/_autosummary/mlx.core.array.argmax.html index 2b3b25023..310918486 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.argmax.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.argmax.html @@ -8,7 +8,7 @@ - mlx.core.array.argmax — MLX 0.23.2 documentation + mlx.core.array.argmax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.argmin.html b/docs/build/html/python/_autosummary/mlx.core.array.argmin.html index f286249ee..f0fc6a623 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.argmin.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.argmin.html @@ -8,7 +8,7 @@ - mlx.core.array.argmin — MLX 0.23.2 documentation + mlx.core.array.argmin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.astype.html b/docs/build/html/python/_autosummary/mlx.core.array.astype.html index 24356a375..81a083e4d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.astype.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.astype.html @@ -8,7 +8,7 @@ - mlx.core.array.astype — MLX 0.23.2 documentation + mlx.core.array.astype — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.at.html b/docs/build/html/python/_autosummary/mlx.core.array.at.html index 552c1f627..5341dd25a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.at.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.at.html @@ -8,7 +8,7 @@ - mlx.core.array.at — MLX 0.23.2 documentation + mlx.core.array.at — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.conj.html b/docs/build/html/python/_autosummary/mlx.core.array.conj.html index 423098e67..0e28716fe 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.conj.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.conj.html @@ -8,7 +8,7 @@ - mlx.core.array.conj — MLX 0.23.2 documentation + mlx.core.array.conj — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.cos.html b/docs/build/html/python/_autosummary/mlx.core.array.cos.html index 7e26af155..6979f223a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.cos.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.cos.html @@ -8,7 +8,7 @@ - mlx.core.array.cos — MLX 0.23.2 documentation + mlx.core.array.cos — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.cummax.html b/docs/build/html/python/_autosummary/mlx.core.array.cummax.html index 80b593955..ce55e151a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.cummax.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.cummax.html @@ -8,7 +8,7 @@ - mlx.core.array.cummax — MLX 0.23.2 documentation + mlx.core.array.cummax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.cummin.html b/docs/build/html/python/_autosummary/mlx.core.array.cummin.html index 8a33b5ea8..370fba3d7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.cummin.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.cummin.html @@ -8,7 +8,7 @@ - mlx.core.array.cummin — MLX 0.23.2 documentation + mlx.core.array.cummin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.cumprod.html b/docs/build/html/python/_autosummary/mlx.core.array.cumprod.html index 6c1956f31..de79445c9 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.cumprod.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.cumprod.html @@ -8,7 +8,7 @@ - mlx.core.array.cumprod — MLX 0.23.2 documentation + mlx.core.array.cumprod — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.cumsum.html b/docs/build/html/python/_autosummary/mlx.core.array.cumsum.html index 1a7f6cd7e..4a3ff6f0c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.cumsum.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.cumsum.html @@ -8,7 +8,7 @@ - mlx.core.array.cumsum — MLX 0.23.2 documentation + mlx.core.array.cumsum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.diag.html b/docs/build/html/python/_autosummary/mlx.core.array.diag.html index ec322d89a..75ca03104 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.diag.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.diag.html @@ -8,7 +8,7 @@ - mlx.core.array.diag — MLX 0.23.2 documentation + mlx.core.array.diag — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.diagonal.html b/docs/build/html/python/_autosummary/mlx.core.array.diagonal.html index 762c2dfb9..ab8ec1969 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.diagonal.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.diagonal.html @@ -8,7 +8,7 @@ - mlx.core.array.diagonal — MLX 0.23.2 documentation + mlx.core.array.diagonal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.dtype.html b/docs/build/html/python/_autosummary/mlx.core.array.dtype.html index 94f33ff69..d65eb7018 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.dtype.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.dtype.html @@ -8,7 +8,7 @@ - mlx.core.array.dtype — MLX 0.23.2 documentation + mlx.core.array.dtype — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.exp.html b/docs/build/html/python/_autosummary/mlx.core.array.exp.html index d1761b839..c6aca43f4 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.exp.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.exp.html @@ -8,7 +8,7 @@ - mlx.core.array.exp — MLX 0.23.2 documentation + mlx.core.array.exp — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.flatten.html b/docs/build/html/python/_autosummary/mlx.core.array.flatten.html index d40a32a35..2fa72c927 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.flatten.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.flatten.html @@ -8,7 +8,7 @@ - mlx.core.array.flatten — MLX 0.23.2 documentation + mlx.core.array.flatten — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.html b/docs/build/html/python/_autosummary/mlx.core.array.html index 1464be2a7..2ce40bbf3 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.html @@ -8,7 +8,7 @@ - mlx.core.array — MLX 0.23.2 documentation + mlx.core.array — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.item.html b/docs/build/html/python/_autosummary/mlx.core.array.item.html index b538aaaef..615fa1d6d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.item.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.item.html @@ -8,7 +8,7 @@ - mlx.core.array.item — MLX 0.23.2 documentation + mlx.core.array.item — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.itemsize.html b/docs/build/html/python/_autosummary/mlx.core.array.itemsize.html index c3244076f..250af5013 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.itemsize.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.itemsize.html @@ -8,7 +8,7 @@ - mlx.core.array.itemsize — MLX 0.23.2 documentation + mlx.core.array.itemsize — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.log.html b/docs/build/html/python/_autosummary/mlx.core.array.log.html index 43710fec8..e56973972 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.log.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.log.html @@ -8,7 +8,7 @@ - mlx.core.array.log — MLX 0.23.2 documentation + mlx.core.array.log — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.log10.html b/docs/build/html/python/_autosummary/mlx.core.array.log10.html index 2a5ac3425..45bc2e509 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.log10.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.log10.html @@ -8,7 +8,7 @@ - mlx.core.array.log10 — MLX 0.23.2 documentation + mlx.core.array.log10 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.log1p.html b/docs/build/html/python/_autosummary/mlx.core.array.log1p.html index 672f118ae..c60dab59a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.log1p.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.log1p.html @@ -8,7 +8,7 @@ - mlx.core.array.log1p — MLX 0.23.2 documentation + mlx.core.array.log1p — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.log2.html b/docs/build/html/python/_autosummary/mlx.core.array.log2.html index ef3cb99ab..609aabc0a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.log2.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.log2.html @@ -8,7 +8,7 @@ - mlx.core.array.log2 — MLX 0.23.2 documentation + mlx.core.array.log2 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.logsumexp.html b/docs/build/html/python/_autosummary/mlx.core.array.logsumexp.html index 6cfa60f73..7224f8e0b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.logsumexp.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.logsumexp.html @@ -8,7 +8,7 @@ - mlx.core.array.logsumexp — MLX 0.23.2 documentation + mlx.core.array.logsumexp — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.max.html b/docs/build/html/python/_autosummary/mlx.core.array.max.html index e64b4d526..72de22aba 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.max.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.max.html @@ -8,7 +8,7 @@ - mlx.core.array.max — MLX 0.23.2 documentation + mlx.core.array.max — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.mean.html b/docs/build/html/python/_autosummary/mlx.core.array.mean.html index 6b21e9453..a1e8e278c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.mean.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.mean.html @@ -8,7 +8,7 @@ - mlx.core.array.mean — MLX 0.23.2 documentation + mlx.core.array.mean — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.min.html b/docs/build/html/python/_autosummary/mlx.core.array.min.html index 75251b5e0..fd8940054 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.min.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.min.html @@ -8,7 +8,7 @@ - mlx.core.array.min — MLX 0.23.2 documentation + mlx.core.array.min — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.moveaxis.html b/docs/build/html/python/_autosummary/mlx.core.array.moveaxis.html index 8dc21122b..24ec3daa2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.moveaxis.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.moveaxis.html @@ -8,7 +8,7 @@ - mlx.core.array.moveaxis — MLX 0.23.2 documentation + mlx.core.array.moveaxis — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.nbytes.html b/docs/build/html/python/_autosummary/mlx.core.array.nbytes.html index cb79ea8fe..c17c5c1db 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.nbytes.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.nbytes.html @@ -8,7 +8,7 @@ - mlx.core.array.nbytes — MLX 0.23.2 documentation + mlx.core.array.nbytes — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.ndim.html b/docs/build/html/python/_autosummary/mlx.core.array.ndim.html index cb0201e2c..f54856466 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.ndim.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.ndim.html @@ -8,7 +8,7 @@ - mlx.core.array.ndim — MLX 0.23.2 documentation + mlx.core.array.ndim — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.prod.html b/docs/build/html/python/_autosummary/mlx.core.array.prod.html index cae378686..e9904af9a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.prod.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.prod.html @@ -8,7 +8,7 @@ - mlx.core.array.prod — MLX 0.23.2 documentation + mlx.core.array.prod — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.reciprocal.html b/docs/build/html/python/_autosummary/mlx.core.array.reciprocal.html index 63f80d61c..73dc719dc 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.reciprocal.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.reciprocal.html @@ -8,7 +8,7 @@ - mlx.core.array.reciprocal — MLX 0.23.2 documentation + mlx.core.array.reciprocal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.reshape.html b/docs/build/html/python/_autosummary/mlx.core.array.reshape.html index d1b2a8d97..88b0b333a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.reshape.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.reshape.html @@ -8,7 +8,7 @@ - mlx.core.array.reshape — MLX 0.23.2 documentation + mlx.core.array.reshape — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.round.html b/docs/build/html/python/_autosummary/mlx.core.array.round.html index c1927d5d2..eeda00a07 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.round.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.round.html @@ -8,7 +8,7 @@ - mlx.core.array.round — MLX 0.23.2 documentation + mlx.core.array.round — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.rsqrt.html b/docs/build/html/python/_autosummary/mlx.core.array.rsqrt.html index 7a5c352ad..a1212bedf 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.rsqrt.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.rsqrt.html @@ -8,7 +8,7 @@ - mlx.core.array.rsqrt — MLX 0.23.2 documentation + mlx.core.array.rsqrt — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.shape.html b/docs/build/html/python/_autosummary/mlx.core.array.shape.html index 283bc6b02..680fdf259 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.shape.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.shape.html @@ -8,7 +8,7 @@ - mlx.core.array.shape — MLX 0.23.2 documentation + mlx.core.array.shape — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.sin.html b/docs/build/html/python/_autosummary/mlx.core.array.sin.html index b28f016ea..56bdb4b88 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.sin.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.sin.html @@ -8,7 +8,7 @@ - mlx.core.array.sin — MLX 0.23.2 documentation + mlx.core.array.sin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.size.html b/docs/build/html/python/_autosummary/mlx.core.array.size.html index 67c50e18e..9e4949f41 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.size.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.size.html @@ -8,7 +8,7 @@ - mlx.core.array.size — MLX 0.23.2 documentation + mlx.core.array.size — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.split.html b/docs/build/html/python/_autosummary/mlx.core.array.split.html index 41a7ed066..ffdc24e62 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.split.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.split.html @@ -8,7 +8,7 @@ - mlx.core.array.split — MLX 0.23.2 documentation + mlx.core.array.split — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.sqrt.html b/docs/build/html/python/_autosummary/mlx.core.array.sqrt.html index c91b143dc..63c9f73d6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.sqrt.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.sqrt.html @@ -8,7 +8,7 @@ - mlx.core.array.sqrt — MLX 0.23.2 documentation + mlx.core.array.sqrt — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.square.html b/docs/build/html/python/_autosummary/mlx.core.array.square.html index 4d4582614..b1139863b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.square.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.square.html @@ -8,7 +8,7 @@ - mlx.core.array.square — MLX 0.23.2 documentation + mlx.core.array.square — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.squeeze.html b/docs/build/html/python/_autosummary/mlx.core.array.squeeze.html index 150e44c1a..5919275e6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.squeeze.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.squeeze.html @@ -8,7 +8,7 @@ - mlx.core.array.squeeze — MLX 0.23.2 documentation + mlx.core.array.squeeze — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.std.html b/docs/build/html/python/_autosummary/mlx.core.array.std.html index 5fc683b58..256847f04 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.std.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.std.html @@ -8,7 +8,7 @@ - mlx.core.array.std — MLX 0.23.2 documentation + mlx.core.array.std — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.sum.html b/docs/build/html/python/_autosummary/mlx.core.array.sum.html index 548b9ef7f..e6e9c7965 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.sum.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.sum.html @@ -8,7 +8,7 @@ - mlx.core.array.sum — MLX 0.23.2 documentation + mlx.core.array.sum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.swapaxes.html b/docs/build/html/python/_autosummary/mlx.core.array.swapaxes.html index 738a6ef40..d33a47a5b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.swapaxes.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.swapaxes.html @@ -8,7 +8,7 @@ - mlx.core.array.swapaxes — MLX 0.23.2 documentation + mlx.core.array.swapaxes — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.tolist.html b/docs/build/html/python/_autosummary/mlx.core.array.tolist.html index 107f85f79..8574637de 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.tolist.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.tolist.html @@ -8,7 +8,7 @@ - mlx.core.array.tolist — MLX 0.23.2 documentation + mlx.core.array.tolist — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.transpose.html b/docs/build/html/python/_autosummary/mlx.core.array.transpose.html index 756f39463..db944c781 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.transpose.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.transpose.html @@ -8,7 +8,7 @@ - mlx.core.array.transpose — MLX 0.23.2 documentation + mlx.core.array.transpose — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.var.html b/docs/build/html/python/_autosummary/mlx.core.array.var.html index c8e1efee0..d491f3e1e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.var.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.var.html @@ -8,7 +8,7 @@ - mlx.core.array.var — MLX 0.23.2 documentation + mlx.core.array.var — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array.view.html b/docs/build/html/python/_autosummary/mlx.core.array.view.html index bf3552b0d..d4b18b3e0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array.view.html +++ b/docs/build/html/python/_autosummary/mlx.core.array.view.html @@ -8,7 +8,7 @@ - mlx.core.array.view — MLX 0.23.2 documentation + mlx.core.array.view — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.array_equal.html b/docs/build/html/python/_autosummary/mlx.core.array_equal.html index 833b2c287..30f629e76 100644 --- a/docs/build/html/python/_autosummary/mlx.core.array_equal.html +++ b/docs/build/html/python/_autosummary/mlx.core.array_equal.html @@ -8,7 +8,7 @@ - mlx.core.array_equal — MLX 0.23.2 documentation + mlx.core.array_equal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.as_strided.html b/docs/build/html/python/_autosummary/mlx.core.as_strided.html index abbae8be6..41fe05859 100644 --- a/docs/build/html/python/_autosummary/mlx.core.as_strided.html +++ b/docs/build/html/python/_autosummary/mlx.core.as_strided.html @@ -8,7 +8,7 @@ - mlx.core.as_strided — MLX 0.23.2 documentation + mlx.core.as_strided — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.atleast_1d.html b/docs/build/html/python/_autosummary/mlx.core.atleast_1d.html index b693ba164..7e82bae0b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.atleast_1d.html +++ b/docs/build/html/python/_autosummary/mlx.core.atleast_1d.html @@ -8,7 +8,7 @@ - mlx.core.atleast_1d — MLX 0.23.2 documentation + mlx.core.atleast_1d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.atleast_2d.html b/docs/build/html/python/_autosummary/mlx.core.atleast_2d.html index da250dedd..d19b140df 100644 --- a/docs/build/html/python/_autosummary/mlx.core.atleast_2d.html +++ b/docs/build/html/python/_autosummary/mlx.core.atleast_2d.html @@ -8,7 +8,7 @@ - mlx.core.atleast_2d — MLX 0.23.2 documentation + mlx.core.atleast_2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.atleast_3d.html b/docs/build/html/python/_autosummary/mlx.core.atleast_3d.html index 058dcfedb..4c7399f1b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.atleast_3d.html +++ b/docs/build/html/python/_autosummary/mlx.core.atleast_3d.html @@ -8,7 +8,7 @@ - mlx.core.atleast_3d — MLX 0.23.2 documentation + mlx.core.atleast_3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.bitwise_and.html b/docs/build/html/python/_autosummary/mlx.core.bitwise_and.html index df6c5514a..851a2facd 100644 --- a/docs/build/html/python/_autosummary/mlx.core.bitwise_and.html +++ b/docs/build/html/python/_autosummary/mlx.core.bitwise_and.html @@ -8,7 +8,7 @@ - mlx.core.bitwise_and — MLX 0.23.2 documentation + mlx.core.bitwise_and — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.bitwise_invert.html b/docs/build/html/python/_autosummary/mlx.core.bitwise_invert.html index 09a8895d0..78fa8fe27 100644 --- a/docs/build/html/python/_autosummary/mlx.core.bitwise_invert.html +++ b/docs/build/html/python/_autosummary/mlx.core.bitwise_invert.html @@ -8,7 +8,7 @@ - mlx.core.bitwise_invert — MLX 0.23.2 documentation + mlx.core.bitwise_invert — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.bitwise_or.html b/docs/build/html/python/_autosummary/mlx.core.bitwise_or.html index 844b465e2..0871cfebe 100644 --- a/docs/build/html/python/_autosummary/mlx.core.bitwise_or.html +++ b/docs/build/html/python/_autosummary/mlx.core.bitwise_or.html @@ -8,7 +8,7 @@ - mlx.core.bitwise_or — MLX 0.23.2 documentation + mlx.core.bitwise_or — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.bitwise_xor.html b/docs/build/html/python/_autosummary/mlx.core.bitwise_xor.html index 9ff83ba61..ef00ec3e3 100644 --- a/docs/build/html/python/_autosummary/mlx.core.bitwise_xor.html +++ b/docs/build/html/python/_autosummary/mlx.core.bitwise_xor.html @@ -8,7 +8,7 @@ - mlx.core.bitwise_xor — MLX 0.23.2 documentation + mlx.core.bitwise_xor — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.block_masked_mm.html b/docs/build/html/python/_autosummary/mlx.core.block_masked_mm.html index b4a7b6856..97dcd905c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.block_masked_mm.html +++ b/docs/build/html/python/_autosummary/mlx.core.block_masked_mm.html @@ -8,7 +8,7 @@ - mlx.core.block_masked_mm — MLX 0.23.2 documentation + mlx.core.block_masked_mm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.broadcast_to.html b/docs/build/html/python/_autosummary/mlx.core.broadcast_to.html index 36cd59597..f51643a0d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.broadcast_to.html +++ b/docs/build/html/python/_autosummary/mlx.core.broadcast_to.html @@ -8,7 +8,7 @@ - mlx.core.broadcast_to — MLX 0.23.2 documentation + mlx.core.broadcast_to — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.ceil.html b/docs/build/html/python/_autosummary/mlx.core.ceil.html index 44e0fbf6a..52c15244a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.ceil.html +++ b/docs/build/html/python/_autosummary/mlx.core.ceil.html @@ -8,7 +8,7 @@ - mlx.core.ceil — MLX 0.23.2 documentation + mlx.core.ceil — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.clip.html b/docs/build/html/python/_autosummary/mlx.core.clip.html index 5992e6bd4..fd3c7375c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.clip.html +++ b/docs/build/html/python/_autosummary/mlx.core.clip.html @@ -8,7 +8,7 @@ - mlx.core.clip — MLX 0.23.2 documentation + mlx.core.clip — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.compile.html b/docs/build/html/python/_autosummary/mlx.core.compile.html index 7cf3e1d5f..500cda0ae 100644 --- a/docs/build/html/python/_autosummary/mlx.core.compile.html +++ b/docs/build/html/python/_autosummary/mlx.core.compile.html @@ -8,7 +8,7 @@ - mlx.core.compile — MLX 0.23.2 documentation + mlx.core.compile — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.concatenate.html b/docs/build/html/python/_autosummary/mlx.core.concatenate.html index 9fd7b4969..2e643466e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.concatenate.html +++ b/docs/build/html/python/_autosummary/mlx.core.concatenate.html @@ -8,7 +8,7 @@ - mlx.core.concatenate — MLX 0.23.2 documentation + mlx.core.concatenate — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conj.html b/docs/build/html/python/_autosummary/mlx.core.conj.html index 860e1e858..ebe5fe101 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conj.html +++ b/docs/build/html/python/_autosummary/mlx.core.conj.html @@ -8,7 +8,7 @@ - mlx.core.conj — MLX 0.23.2 documentation + mlx.core.conj — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conjugate.html b/docs/build/html/python/_autosummary/mlx.core.conjugate.html index 78c62b0c8..d32956ae9 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conjugate.html +++ b/docs/build/html/python/_autosummary/mlx.core.conjugate.html @@ -8,7 +8,7 @@ - mlx.core.conjugate — MLX 0.23.2 documentation + mlx.core.conjugate — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conv1d.html b/docs/build/html/python/_autosummary/mlx.core.conv1d.html index 57e6b113a..a27d67bda 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conv1d.html +++ b/docs/build/html/python/_autosummary/mlx.core.conv1d.html @@ -8,7 +8,7 @@ - mlx.core.conv1d — MLX 0.23.2 documentation + mlx.core.conv1d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conv2d.html b/docs/build/html/python/_autosummary/mlx.core.conv2d.html index 87e4b1884..de3eb27ed 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conv2d.html +++ b/docs/build/html/python/_autosummary/mlx.core.conv2d.html @@ -8,7 +8,7 @@ - mlx.core.conv2d — MLX 0.23.2 documentation + mlx.core.conv2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conv3d.html b/docs/build/html/python/_autosummary/mlx.core.conv3d.html index d7fa95387..407676b28 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conv3d.html +++ b/docs/build/html/python/_autosummary/mlx.core.conv3d.html @@ -8,7 +8,7 @@ - mlx.core.conv3d — MLX 0.23.2 documentation + mlx.core.conv3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conv_general.html b/docs/build/html/python/_autosummary/mlx.core.conv_general.html index 4896b1454..b7e9e8e50 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conv_general.html +++ b/docs/build/html/python/_autosummary/mlx.core.conv_general.html @@ -8,7 +8,7 @@ - mlx.core.conv_general — MLX 0.23.2 documentation + mlx.core.conv_general — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conv_transpose1d.html b/docs/build/html/python/_autosummary/mlx.core.conv_transpose1d.html index c4f63242b..71d38e466 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conv_transpose1d.html +++ b/docs/build/html/python/_autosummary/mlx.core.conv_transpose1d.html @@ -8,7 +8,7 @@ - mlx.core.conv_transpose1d — MLX 0.23.2 documentation + mlx.core.conv_transpose1d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conv_transpose2d.html b/docs/build/html/python/_autosummary/mlx.core.conv_transpose2d.html index 943794056..f88589be3 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conv_transpose2d.html +++ b/docs/build/html/python/_autosummary/mlx.core.conv_transpose2d.html @@ -8,7 +8,7 @@ - mlx.core.conv_transpose2d — MLX 0.23.2 documentation + mlx.core.conv_transpose2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.conv_transpose3d.html b/docs/build/html/python/_autosummary/mlx.core.conv_transpose3d.html index f4e8860ea..df3b0f4a1 100644 --- a/docs/build/html/python/_autosummary/mlx.core.conv_transpose3d.html +++ b/docs/build/html/python/_autosummary/mlx.core.conv_transpose3d.html @@ -8,7 +8,7 @@ - mlx.core.conv_transpose3d — MLX 0.23.2 documentation + mlx.core.conv_transpose3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.convolve.html b/docs/build/html/python/_autosummary/mlx.core.convolve.html index 47431866d..b2733ef4d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.convolve.html +++ b/docs/build/html/python/_autosummary/mlx.core.convolve.html @@ -8,7 +8,7 @@ - mlx.core.convolve — MLX 0.23.2 documentation + mlx.core.convolve — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.cos.html b/docs/build/html/python/_autosummary/mlx.core.cos.html index 8fa5b8b52..449ab2570 100644 --- a/docs/build/html/python/_autosummary/mlx.core.cos.html +++ b/docs/build/html/python/_autosummary/mlx.core.cos.html @@ -8,7 +8,7 @@ - mlx.core.cos — MLX 0.23.2 documentation + mlx.core.cos — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.cosh.html b/docs/build/html/python/_autosummary/mlx.core.cosh.html index 9deabba0d..1dabdb902 100644 --- a/docs/build/html/python/_autosummary/mlx.core.cosh.html +++ b/docs/build/html/python/_autosummary/mlx.core.cosh.html @@ -8,7 +8,7 @@ - mlx.core.cosh — MLX 0.23.2 documentation + mlx.core.cosh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.cummax.html b/docs/build/html/python/_autosummary/mlx.core.cummax.html index 880ddfbed..97d0d44bd 100644 --- a/docs/build/html/python/_autosummary/mlx.core.cummax.html +++ b/docs/build/html/python/_autosummary/mlx.core.cummax.html @@ -8,7 +8,7 @@ - mlx.core.cummax — MLX 0.23.2 documentation + mlx.core.cummax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.cummin.html b/docs/build/html/python/_autosummary/mlx.core.cummin.html index a1eb0b998..1ddf5e6c6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.cummin.html +++ b/docs/build/html/python/_autosummary/mlx.core.cummin.html @@ -8,7 +8,7 @@ - mlx.core.cummin — MLX 0.23.2 documentation + mlx.core.cummin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.cumprod.html b/docs/build/html/python/_autosummary/mlx.core.cumprod.html index 14e2587f9..a7e165e10 100644 --- a/docs/build/html/python/_autosummary/mlx.core.cumprod.html +++ b/docs/build/html/python/_autosummary/mlx.core.cumprod.html @@ -8,7 +8,7 @@ - mlx.core.cumprod — MLX 0.23.2 documentation + mlx.core.cumprod — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.cumsum.html b/docs/build/html/python/_autosummary/mlx.core.cumsum.html index c4ea819f1..b4cf28e98 100644 --- a/docs/build/html/python/_autosummary/mlx.core.cumsum.html +++ b/docs/build/html/python/_autosummary/mlx.core.cumsum.html @@ -8,7 +8,7 @@ - mlx.core.cumsum — MLX 0.23.2 documentation + mlx.core.cumsum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.custom_function.html b/docs/build/html/python/_autosummary/mlx.core.custom_function.html index 77fa9f1fa..29a1cd50c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.custom_function.html +++ b/docs/build/html/python/_autosummary/mlx.core.custom_function.html @@ -8,7 +8,7 @@ - mlx.core.custom_function — MLX 0.23.2 documentation + mlx.core.custom_function — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.default_device.html b/docs/build/html/python/_autosummary/mlx.core.default_device.html index 53b52d671..459a96f3f 100644 --- a/docs/build/html/python/_autosummary/mlx.core.default_device.html +++ b/docs/build/html/python/_autosummary/mlx.core.default_device.html @@ -8,7 +8,7 @@ - mlx.core.default_device — MLX 0.23.2 documentation + mlx.core.default_device — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.default_stream.html b/docs/build/html/python/_autosummary/mlx.core.default_stream.html index 4f4da8073..cbda85e7e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.default_stream.html +++ b/docs/build/html/python/_autosummary/mlx.core.default_stream.html @@ -8,7 +8,7 @@ - mlx.core.default_stream — MLX 0.23.2 documentation + mlx.core.default_stream — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.degrees.html b/docs/build/html/python/_autosummary/mlx.core.degrees.html index 3dbfe81c9..4f6b781cb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.degrees.html +++ b/docs/build/html/python/_autosummary/mlx.core.degrees.html @@ -8,7 +8,7 @@ - mlx.core.degrees — MLX 0.23.2 documentation + mlx.core.degrees — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.dequantize.html b/docs/build/html/python/_autosummary/mlx.core.dequantize.html index a84d0af26..cdce35342 100644 --- a/docs/build/html/python/_autosummary/mlx.core.dequantize.html +++ b/docs/build/html/python/_autosummary/mlx.core.dequantize.html @@ -8,7 +8,7 @@ - mlx.core.dequantize — MLX 0.23.2 documentation + mlx.core.dequantize — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.diag.html b/docs/build/html/python/_autosummary/mlx.core.diag.html index 222d1ba3d..4a3b38f4d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.diag.html +++ b/docs/build/html/python/_autosummary/mlx.core.diag.html @@ -8,7 +8,7 @@ - mlx.core.diag — MLX 0.23.2 documentation + mlx.core.diag — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.diagonal.html b/docs/build/html/python/_autosummary/mlx.core.diagonal.html index 3f0f9b92f..99ada9f8e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.diagonal.html +++ b/docs/build/html/python/_autosummary/mlx.core.diagonal.html @@ -8,7 +8,7 @@ - mlx.core.diagonal — MLX 0.23.2 documentation + mlx.core.diagonal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.disable_compile.html b/docs/build/html/python/_autosummary/mlx.core.disable_compile.html index e72ee8d5c..85cd556a9 100644 --- a/docs/build/html/python/_autosummary/mlx.core.disable_compile.html +++ b/docs/build/html/python/_autosummary/mlx.core.disable_compile.html @@ -8,7 +8,7 @@ - mlx.core.disable_compile — MLX 0.23.2 documentation + mlx.core.disable_compile — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.Group.html b/docs/build/html/python/_autosummary/mlx.core.distributed.Group.html index f51e55283..6c3b66f03 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.Group.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.Group.html @@ -8,7 +8,7 @@ - mlx.core.distributed.Group — MLX 0.23.2 documentation + mlx.core.distributed.Group — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.all_gather.html b/docs/build/html/python/_autosummary/mlx.core.distributed.all_gather.html index df8eeb359..81cac852a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.all_gather.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.all_gather.html @@ -8,7 +8,7 @@ - mlx.core.distributed.all_gather — MLX 0.23.2 documentation + mlx.core.distributed.all_gather — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.all_sum.html b/docs/build/html/python/_autosummary/mlx.core.distributed.all_sum.html index 05ba07915..8f87de902 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.all_sum.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.all_sum.html @@ -8,7 +8,7 @@ - mlx.core.distributed.all_sum — MLX 0.23.2 documentation + mlx.core.distributed.all_sum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.init.html b/docs/build/html/python/_autosummary/mlx.core.distributed.init.html index 8c20f504c..fa02b748d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.init.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.init.html @@ -8,7 +8,7 @@ - mlx.core.distributed.init — MLX 0.23.2 documentation + mlx.core.distributed.init — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.is_available.html b/docs/build/html/python/_autosummary/mlx.core.distributed.is_available.html index 328aa8095..f8b54d7a0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.is_available.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.is_available.html @@ -8,7 +8,7 @@ - mlx.core.distributed.is_available — MLX 0.23.2 documentation + mlx.core.distributed.is_available — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.recv.html b/docs/build/html/python/_autosummary/mlx.core.distributed.recv.html index e84c04e4e..800abe8ec 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.recv.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.recv.html @@ -8,7 +8,7 @@ - mlx.core.distributed.recv — MLX 0.23.2 documentation + mlx.core.distributed.recv — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.recv_like.html b/docs/build/html/python/_autosummary/mlx.core.distributed.recv_like.html index ebac1b896..7a91a4ba2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.recv_like.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.recv_like.html @@ -8,7 +8,7 @@ - mlx.core.distributed.recv_like — MLX 0.23.2 documentation + mlx.core.distributed.recv_like — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.distributed.send.html b/docs/build/html/python/_autosummary/mlx.core.distributed.send.html index e317f42b5..a055af88a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.distributed.send.html +++ b/docs/build/html/python/_autosummary/mlx.core.distributed.send.html @@ -8,7 +8,7 @@ - mlx.core.distributed.send — MLX 0.23.2 documentation + mlx.core.distributed.send — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.divide.html b/docs/build/html/python/_autosummary/mlx.core.divide.html index 576dd8b31..4aab23533 100644 --- a/docs/build/html/python/_autosummary/mlx.core.divide.html +++ b/docs/build/html/python/_autosummary/mlx.core.divide.html @@ -8,7 +8,7 @@ - mlx.core.divide — MLX 0.23.2 documentation + mlx.core.divide — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.divmod.html b/docs/build/html/python/_autosummary/mlx.core.divmod.html index b51974d16..c25e81465 100644 --- a/docs/build/html/python/_autosummary/mlx.core.divmod.html +++ b/docs/build/html/python/_autosummary/mlx.core.divmod.html @@ -8,7 +8,7 @@ - mlx.core.divmod — MLX 0.23.2 documentation + mlx.core.divmod — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.einsum.html b/docs/build/html/python/_autosummary/mlx.core.einsum.html index 403ece84a..3228c9a54 100644 --- a/docs/build/html/python/_autosummary/mlx.core.einsum.html +++ b/docs/build/html/python/_autosummary/mlx.core.einsum.html @@ -8,7 +8,7 @@ - mlx.core.einsum — MLX 0.23.2 documentation + mlx.core.einsum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.einsum_path.html b/docs/build/html/python/_autosummary/mlx.core.einsum_path.html index 130a10236..b867435cd 100644 --- a/docs/build/html/python/_autosummary/mlx.core.einsum_path.html +++ b/docs/build/html/python/_autosummary/mlx.core.einsum_path.html @@ -8,7 +8,7 @@ - mlx.core.einsum_path — MLX 0.23.2 documentation + mlx.core.einsum_path — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.enable_compile.html b/docs/build/html/python/_autosummary/mlx.core.enable_compile.html index 417b7dc66..361428cf8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.enable_compile.html +++ b/docs/build/html/python/_autosummary/mlx.core.enable_compile.html @@ -8,7 +8,7 @@ - mlx.core.enable_compile — MLX 0.23.2 documentation + mlx.core.enable_compile — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.equal.html b/docs/build/html/python/_autosummary/mlx.core.equal.html index 6b4352e32..20ed55b66 100644 --- a/docs/build/html/python/_autosummary/mlx.core.equal.html +++ b/docs/build/html/python/_autosummary/mlx.core.equal.html @@ -8,7 +8,7 @@ - mlx.core.equal — MLX 0.23.2 documentation + mlx.core.equal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.erf.html b/docs/build/html/python/_autosummary/mlx.core.erf.html index 47f25ca67..414fcb210 100644 --- a/docs/build/html/python/_autosummary/mlx.core.erf.html +++ b/docs/build/html/python/_autosummary/mlx.core.erf.html @@ -8,7 +8,7 @@ - mlx.core.erf — MLX 0.23.2 documentation + mlx.core.erf — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.erfinv.html b/docs/build/html/python/_autosummary/mlx.core.erfinv.html index cbc592325..c9a4c817d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.erfinv.html +++ b/docs/build/html/python/_autosummary/mlx.core.erfinv.html @@ -8,7 +8,7 @@ - mlx.core.erfinv — MLX 0.23.2 documentation + mlx.core.erfinv — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.eval.html b/docs/build/html/python/_autosummary/mlx.core.eval.html index b9dcbdb81..3c7caf087 100644 --- a/docs/build/html/python/_autosummary/mlx.core.eval.html +++ b/docs/build/html/python/_autosummary/mlx.core.eval.html @@ -8,7 +8,7 @@ - mlx.core.eval — MLX 0.23.2 documentation + mlx.core.eval — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.exp.html b/docs/build/html/python/_autosummary/mlx.core.exp.html index d82a3694f..7f11f4ff5 100644 --- a/docs/build/html/python/_autosummary/mlx.core.exp.html +++ b/docs/build/html/python/_autosummary/mlx.core.exp.html @@ -8,7 +8,7 @@ - mlx.core.exp — MLX 0.23.2 documentation + mlx.core.exp — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.expand_dims.html b/docs/build/html/python/_autosummary/mlx.core.expand_dims.html index fbd53d7b9..f37015cbb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.expand_dims.html +++ b/docs/build/html/python/_autosummary/mlx.core.expand_dims.html @@ -8,7 +8,7 @@ - mlx.core.expand_dims — MLX 0.23.2 documentation + mlx.core.expand_dims — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.expm1.html b/docs/build/html/python/_autosummary/mlx.core.expm1.html index 6bd306327..0f0985305 100644 --- a/docs/build/html/python/_autosummary/mlx.core.expm1.html +++ b/docs/build/html/python/_autosummary/mlx.core.expm1.html @@ -8,7 +8,7 @@ - mlx.core.expm1 — MLX 0.23.2 documentation + mlx.core.expm1 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.export_function.html b/docs/build/html/python/_autosummary/mlx.core.export_function.html index 20d91440d..c3eea6279 100644 --- a/docs/build/html/python/_autosummary/mlx.core.export_function.html +++ b/docs/build/html/python/_autosummary/mlx.core.export_function.html @@ -8,7 +8,7 @@ - mlx.core.export_function — MLX 0.23.2 documentation + mlx.core.export_function — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.export_to_dot.html b/docs/build/html/python/_autosummary/mlx.core.export_to_dot.html index b7e58262f..42e27987d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.export_to_dot.html +++ b/docs/build/html/python/_autosummary/mlx.core.export_to_dot.html @@ -8,7 +8,7 @@ - mlx.core.export_to_dot — MLX 0.23.2 documentation + mlx.core.export_to_dot — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.exporter.html b/docs/build/html/python/_autosummary/mlx.core.exporter.html index 13d4e2789..5650e2201 100644 --- a/docs/build/html/python/_autosummary/mlx.core.exporter.html +++ b/docs/build/html/python/_autosummary/mlx.core.exporter.html @@ -8,7 +8,7 @@ - mlx.core.exporter — MLX 0.23.2 documentation + mlx.core.exporter — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.eye.html b/docs/build/html/python/_autosummary/mlx.core.eye.html index f63a27b47..e89aed8b8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.eye.html +++ b/docs/build/html/python/_autosummary/mlx.core.eye.html @@ -8,7 +8,7 @@ - mlx.core.eye — MLX 0.23.2 documentation + mlx.core.eye — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fast.layer_norm.html b/docs/build/html/python/_autosummary/mlx.core.fast.layer_norm.html index c6b09d817..979905d0e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fast.layer_norm.html +++ b/docs/build/html/python/_autosummary/mlx.core.fast.layer_norm.html @@ -8,7 +8,7 @@ - mlx.core.fast.layer_norm — MLX 0.23.2 documentation + mlx.core.fast.layer_norm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fast.metal_kernel.html b/docs/build/html/python/_autosummary/mlx.core.fast.metal_kernel.html index cf29019ab..ffe4c9311 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fast.metal_kernel.html +++ b/docs/build/html/python/_autosummary/mlx.core.fast.metal_kernel.html @@ -8,7 +8,7 @@ - mlx.core.fast.metal_kernel — MLX 0.23.2 documentation + mlx.core.fast.metal_kernel — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fast.rms_norm.html b/docs/build/html/python/_autosummary/mlx.core.fast.rms_norm.html index 837540aae..d94062363 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fast.rms_norm.html +++ b/docs/build/html/python/_autosummary/mlx.core.fast.rms_norm.html @@ -8,7 +8,7 @@ - mlx.core.fast.rms_norm — MLX 0.23.2 documentation + mlx.core.fast.rms_norm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fast.rope.html b/docs/build/html/python/_autosummary/mlx.core.fast.rope.html index 71b9ca458..bf03ae351 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fast.rope.html +++ b/docs/build/html/python/_autosummary/mlx.core.fast.rope.html @@ -8,7 +8,7 @@ - mlx.core.fast.rope — MLX 0.23.2 documentation + mlx.core.fast.rope — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fast.scaled_dot_product_attention.html b/docs/build/html/python/_autosummary/mlx.core.fast.scaled_dot_product_attention.html index 77ac6adf2..3c4cefa3b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fast.scaled_dot_product_attention.html +++ b/docs/build/html/python/_autosummary/mlx.core.fast.scaled_dot_product_attention.html @@ -8,7 +8,7 @@ - mlx.core.fast.scaled_dot_product_attention — MLX 0.23.2 documentation + mlx.core.fast.scaled_dot_product_attention — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + @@ -905,7 +905,7 @@ document.write(`

                  mlx.core.fast.scaled_dot_product_attention#

                  -scaled_dot_product_attention(q: array, k: array, v: array, *, scale: float, mask: array | None = None, stream: None | Stream | Device = None) array#
                  +scaled_dot_product_attention(q: array, k: array, v: array, *, scale: float, mask: None | str | array = None, stream: None | Stream | Device = None) array#

                  A fast implementation of multi-head attention: O = softmax(Q @ K.T, dim=-1) @ V.

                  Supports:

                    @@ -933,11 +933,11 @@ and v
                  • k (array) – Keys with shape [B, N_kv, T_kv, D].

                  • v (array) – Values with shape [B, N_kv, T_kv, D].

                  • scale (float) – Scale for queries (typically 1.0 / sqrt(q.shape(-1))

                  • -
                  • mask (array, optional) – A boolean or additive mask to apply to the -query-key scores. The mask can have at most 4 dimensions and must -be broadcast-compatible with the shape [B, N, T_q, T_kv]. If an -additive mask is given its type must promote to the promoted -type of q, k, and v.

                  • +
                  • mask (Union[None, str, array], optional) – A causal, boolean or additive +mask to apply to the query-key scores. The mask can have at most 4 +dimensions and must be broadcast-compatible with the shape +[B, N, T_q, T_kv]. If an additive mask is given its type must +promote to the promoted type of q, k, and v.

                  Returns:
                  diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.fft.html b/docs/build/html/python/_autosummary/mlx.core.fft.fft.html index 738e72c29..3d207352d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.fft.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.fft.html @@ -8,7 +8,7 @@ - mlx.core.fft.fft — MLX 0.23.2 documentation + mlx.core.fft.fft — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.fft2.html b/docs/build/html/python/_autosummary/mlx.core.fft.fft2.html index 24d0c73cb..b25890c25 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.fft2.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.fft2.html @@ -8,7 +8,7 @@ - mlx.core.fft.fft2 — MLX 0.23.2 documentation + mlx.core.fft.fft2 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.fftn.html b/docs/build/html/python/_autosummary/mlx.core.fft.fftn.html index 2ed41a748..151eef1b0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.fftn.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.fftn.html @@ -8,7 +8,7 @@ - mlx.core.fft.fftn — MLX 0.23.2 documentation + mlx.core.fft.fftn — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.ifft.html b/docs/build/html/python/_autosummary/mlx.core.fft.ifft.html index bb15a78d9..9eaf22064 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.ifft.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.ifft.html @@ -8,7 +8,7 @@ - mlx.core.fft.ifft — MLX 0.23.2 documentation + mlx.core.fft.ifft — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.ifft2.html b/docs/build/html/python/_autosummary/mlx.core.fft.ifft2.html index dd33277df..d9be8fdc8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.ifft2.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.ifft2.html @@ -8,7 +8,7 @@ - mlx.core.fft.ifft2 — MLX 0.23.2 documentation + mlx.core.fft.ifft2 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.ifftn.html b/docs/build/html/python/_autosummary/mlx.core.fft.ifftn.html index e5c3312f2..4c8ab90df 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.ifftn.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.ifftn.html @@ -8,7 +8,7 @@ - mlx.core.fft.ifftn — MLX 0.23.2 documentation + mlx.core.fft.ifftn — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.irfft.html b/docs/build/html/python/_autosummary/mlx.core.fft.irfft.html index a04e6d8c9..d754bfa4c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.irfft.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.irfft.html @@ -8,7 +8,7 @@ - mlx.core.fft.irfft — MLX 0.23.2 documentation + mlx.core.fft.irfft — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.irfft2.html b/docs/build/html/python/_autosummary/mlx.core.fft.irfft2.html index a6fe7f1cc..ec1e5e6ca 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.irfft2.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.irfft2.html @@ -8,7 +8,7 @@ - mlx.core.fft.irfft2 — MLX 0.23.2 documentation + mlx.core.fft.irfft2 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.irfftn.html b/docs/build/html/python/_autosummary/mlx.core.fft.irfftn.html index acc3f9911..3bce23adb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.irfftn.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.irfftn.html @@ -8,7 +8,7 @@ - mlx.core.fft.irfftn — MLX 0.23.2 documentation + mlx.core.fft.irfftn — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.rfft.html b/docs/build/html/python/_autosummary/mlx.core.fft.rfft.html index c2bc96733..4dc313cf5 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.rfft.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.rfft.html @@ -8,7 +8,7 @@ - mlx.core.fft.rfft — MLX 0.23.2 documentation + mlx.core.fft.rfft — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.rfft2.html b/docs/build/html/python/_autosummary/mlx.core.fft.rfft2.html index 9ac9e7e78..9b23a1091 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.rfft2.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.rfft2.html @@ -8,7 +8,7 @@ - mlx.core.fft.rfft2 — MLX 0.23.2 documentation + mlx.core.fft.rfft2 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.fft.rfftn.html b/docs/build/html/python/_autosummary/mlx.core.fft.rfftn.html index 1f8742bfb..c1743af65 100644 --- a/docs/build/html/python/_autosummary/mlx.core.fft.rfftn.html +++ b/docs/build/html/python/_autosummary/mlx.core.fft.rfftn.html @@ -8,7 +8,7 @@ - mlx.core.fft.rfftn — MLX 0.23.2 documentation + mlx.core.fft.rfftn — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.finfo.html b/docs/build/html/python/_autosummary/mlx.core.finfo.html index 98dc299fe..a7dba64a6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.finfo.html +++ b/docs/build/html/python/_autosummary/mlx.core.finfo.html @@ -8,7 +8,7 @@ - mlx.core.finfo — MLX 0.23.2 documentation + mlx.core.finfo — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.flatten.html b/docs/build/html/python/_autosummary/mlx.core.flatten.html index f0892142f..2087f13a6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.flatten.html +++ b/docs/build/html/python/_autosummary/mlx.core.flatten.html @@ -8,7 +8,7 @@ - mlx.core.flatten — MLX 0.23.2 documentation + mlx.core.flatten — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.floor.html b/docs/build/html/python/_autosummary/mlx.core.floor.html index 6168eb7c3..a4648a81c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.floor.html +++ b/docs/build/html/python/_autosummary/mlx.core.floor.html @@ -8,7 +8,7 @@ - mlx.core.floor — MLX 0.23.2 documentation + mlx.core.floor — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.floor_divide.html b/docs/build/html/python/_autosummary/mlx.core.floor_divide.html index 20b404ea5..0cf95e13a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.floor_divide.html +++ b/docs/build/html/python/_autosummary/mlx.core.floor_divide.html @@ -8,7 +8,7 @@ - mlx.core.floor_divide — MLX 0.23.2 documentation + mlx.core.floor_divide — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.full.html b/docs/build/html/python/_autosummary/mlx.core.full.html index a730e21e4..e5e8eba2b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.full.html +++ b/docs/build/html/python/_autosummary/mlx.core.full.html @@ -8,7 +8,7 @@ - mlx.core.full — MLX 0.23.2 documentation + mlx.core.full — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.gather_mm.html b/docs/build/html/python/_autosummary/mlx.core.gather_mm.html index 6a7338e9a..2d8e2ed91 100644 --- a/docs/build/html/python/_autosummary/mlx.core.gather_mm.html +++ b/docs/build/html/python/_autosummary/mlx.core.gather_mm.html @@ -8,7 +8,7 @@ - mlx.core.gather_mm — MLX 0.23.2 documentation + mlx.core.gather_mm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.gather_qmm.html b/docs/build/html/python/_autosummary/mlx.core.gather_qmm.html index 8954f20c2..7b4c8dadd 100644 --- a/docs/build/html/python/_autosummary/mlx.core.gather_qmm.html +++ b/docs/build/html/python/_autosummary/mlx.core.gather_qmm.html @@ -8,7 +8,7 @@ - mlx.core.gather_qmm — MLX 0.23.2 documentation + mlx.core.gather_qmm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.grad.html b/docs/build/html/python/_autosummary/mlx.core.grad.html index 7e3577975..87aec57b7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.grad.html +++ b/docs/build/html/python/_autosummary/mlx.core.grad.html @@ -8,7 +8,7 @@ - mlx.core.grad — MLX 0.23.2 documentation + mlx.core.grad — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.greater.html b/docs/build/html/python/_autosummary/mlx.core.greater.html index 4644f2102..989cd057d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.greater.html +++ b/docs/build/html/python/_autosummary/mlx.core.greater.html @@ -8,7 +8,7 @@ - mlx.core.greater — MLX 0.23.2 documentation + mlx.core.greater — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.greater_equal.html b/docs/build/html/python/_autosummary/mlx.core.greater_equal.html index 44e769b44..9ec2a43df 100644 --- a/docs/build/html/python/_autosummary/mlx.core.greater_equal.html +++ b/docs/build/html/python/_autosummary/mlx.core.greater_equal.html @@ -8,7 +8,7 @@ - mlx.core.greater_equal — MLX 0.23.2 documentation + mlx.core.greater_equal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.hadamard_transform.html b/docs/build/html/python/_autosummary/mlx.core.hadamard_transform.html index 753aec8ff..cbe537fe2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.hadamard_transform.html +++ b/docs/build/html/python/_autosummary/mlx.core.hadamard_transform.html @@ -8,7 +8,7 @@ - mlx.core.hadamard_transform — MLX 0.23.2 documentation + mlx.core.hadamard_transform — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.identity.html b/docs/build/html/python/_autosummary/mlx.core.identity.html index d2b2fb329..0d8214785 100644 --- a/docs/build/html/python/_autosummary/mlx.core.identity.html +++ b/docs/build/html/python/_autosummary/mlx.core.identity.html @@ -8,7 +8,7 @@ - mlx.core.identity — MLX 0.23.2 documentation + mlx.core.identity — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.imag.html b/docs/build/html/python/_autosummary/mlx.core.imag.html index 9d960314b..09f3fda84 100644 --- a/docs/build/html/python/_autosummary/mlx.core.imag.html +++ b/docs/build/html/python/_autosummary/mlx.core.imag.html @@ -8,7 +8,7 @@ - mlx.core.imag — MLX 0.23.2 documentation + mlx.core.imag — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.import_function.html b/docs/build/html/python/_autosummary/mlx.core.import_function.html index 00e3bd964..501c89229 100644 --- a/docs/build/html/python/_autosummary/mlx.core.import_function.html +++ b/docs/build/html/python/_autosummary/mlx.core.import_function.html @@ -8,7 +8,7 @@ - mlx.core.import_function — MLX 0.23.2 documentation + mlx.core.import_function — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.inner.html b/docs/build/html/python/_autosummary/mlx.core.inner.html index f07f6a5ec..31065e78a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.inner.html +++ b/docs/build/html/python/_autosummary/mlx.core.inner.html @@ -8,7 +8,7 @@ - mlx.core.inner — MLX 0.23.2 documentation + mlx.core.inner — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.isclose.html b/docs/build/html/python/_autosummary/mlx.core.isclose.html index b3bf0f79b..ed543957a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.isclose.html +++ b/docs/build/html/python/_autosummary/mlx.core.isclose.html @@ -8,7 +8,7 @@ - mlx.core.isclose — MLX 0.23.2 documentation + mlx.core.isclose — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.isfinite.html b/docs/build/html/python/_autosummary/mlx.core.isfinite.html index 269945599..aedc0f506 100644 --- a/docs/build/html/python/_autosummary/mlx.core.isfinite.html +++ b/docs/build/html/python/_autosummary/mlx.core.isfinite.html @@ -8,7 +8,7 @@ - mlx.core.isfinite — MLX 0.23.2 documentation + mlx.core.isfinite — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.isinf.html b/docs/build/html/python/_autosummary/mlx.core.isinf.html index 6afed4c4d..65de8b4c8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.isinf.html +++ b/docs/build/html/python/_autosummary/mlx.core.isinf.html @@ -8,7 +8,7 @@ - mlx.core.isinf — MLX 0.23.2 documentation + mlx.core.isinf — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.isnan.html b/docs/build/html/python/_autosummary/mlx.core.isnan.html index b440aa58f..66cbca852 100644 --- a/docs/build/html/python/_autosummary/mlx.core.isnan.html +++ b/docs/build/html/python/_autosummary/mlx.core.isnan.html @@ -8,7 +8,7 @@ - mlx.core.isnan — MLX 0.23.2 documentation + mlx.core.isnan — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.isneginf.html b/docs/build/html/python/_autosummary/mlx.core.isneginf.html index 97e399762..ff4a036fb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.isneginf.html +++ b/docs/build/html/python/_autosummary/mlx.core.isneginf.html @@ -8,7 +8,7 @@ - mlx.core.isneginf — MLX 0.23.2 documentation + mlx.core.isneginf — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.isposinf.html b/docs/build/html/python/_autosummary/mlx.core.isposinf.html index 6a406e062..0c398a0a0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.isposinf.html +++ b/docs/build/html/python/_autosummary/mlx.core.isposinf.html @@ -8,7 +8,7 @@ - mlx.core.isposinf — MLX 0.23.2 documentation + mlx.core.isposinf — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.issubdtype.html b/docs/build/html/python/_autosummary/mlx.core.issubdtype.html index 5205e4cd1..64c58e840 100644 --- a/docs/build/html/python/_autosummary/mlx.core.issubdtype.html +++ b/docs/build/html/python/_autosummary/mlx.core.issubdtype.html @@ -8,7 +8,7 @@ - mlx.core.issubdtype — MLX 0.23.2 documentation + mlx.core.issubdtype — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.jvp.html b/docs/build/html/python/_autosummary/mlx.core.jvp.html index 2b1c7c652..e6f2f567e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.jvp.html +++ b/docs/build/html/python/_autosummary/mlx.core.jvp.html @@ -8,7 +8,7 @@ - mlx.core.jvp — MLX 0.23.2 documentation + mlx.core.jvp — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.kron.html b/docs/build/html/python/_autosummary/mlx.core.kron.html index 4a6fb631f..c72e9fef6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.kron.html +++ b/docs/build/html/python/_autosummary/mlx.core.kron.html @@ -8,7 +8,7 @@ - mlx.core.kron — MLX 0.23.2 documentation + mlx.core.kron — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.left_shift.html b/docs/build/html/python/_autosummary/mlx.core.left_shift.html index 1778ce7f1..7df585b83 100644 --- a/docs/build/html/python/_autosummary/mlx.core.left_shift.html +++ b/docs/build/html/python/_autosummary/mlx.core.left_shift.html @@ -8,7 +8,7 @@ - mlx.core.left_shift — MLX 0.23.2 documentation + mlx.core.left_shift — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.less.html b/docs/build/html/python/_autosummary/mlx.core.less.html index e067198b4..0c3cb9823 100644 --- a/docs/build/html/python/_autosummary/mlx.core.less.html +++ b/docs/build/html/python/_autosummary/mlx.core.less.html @@ -8,7 +8,7 @@ - mlx.core.less — MLX 0.23.2 documentation + mlx.core.less — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.less_equal.html b/docs/build/html/python/_autosummary/mlx.core.less_equal.html index 6e9b8f9b6..6e87e85a7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.less_equal.html +++ b/docs/build/html/python/_autosummary/mlx.core.less_equal.html @@ -8,7 +8,7 @@ - mlx.core.less_equal — MLX 0.23.2 documentation + mlx.core.less_equal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky.html b/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky.html index 6b5c30e4a..7098da24d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky.html @@ -8,7 +8,7 @@ - mlx.core.linalg.cholesky — MLX 0.23.2 documentation + mlx.core.linalg.cholesky — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky_inv.html b/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky_inv.html index 642cde89a..c200967b7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky_inv.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.cholesky_inv.html @@ -8,7 +8,7 @@ - mlx.core.linalg.cholesky_inv — MLX 0.23.2 documentation + mlx.core.linalg.cholesky_inv — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.cross.html b/docs/build/html/python/_autosummary/mlx.core.linalg.cross.html index c5dcbf10d..6276a541a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.cross.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.cross.html @@ -8,7 +8,7 @@ - mlx.core.linalg.cross — MLX 0.23.2 documentation + mlx.core.linalg.cross — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.eigh.html b/docs/build/html/python/_autosummary/mlx.core.linalg.eigh.html index 723c53d91..91f59ae59 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.eigh.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.eigh.html @@ -8,7 +8,7 @@ - mlx.core.linalg.eigh — MLX 0.23.2 documentation + mlx.core.linalg.eigh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.eigvalsh.html b/docs/build/html/python/_autosummary/mlx.core.linalg.eigvalsh.html index 67656ebfb..1baa77bb1 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.eigvalsh.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.eigvalsh.html @@ -8,7 +8,7 @@ - mlx.core.linalg.eigvalsh — MLX 0.23.2 documentation + mlx.core.linalg.eigvalsh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.inv.html b/docs/build/html/python/_autosummary/mlx.core.linalg.inv.html index e5bbd0bd5..a6d94ba04 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.inv.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.inv.html @@ -8,7 +8,7 @@ - mlx.core.linalg.inv — MLX 0.23.2 documentation + mlx.core.linalg.inv — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.lu.html b/docs/build/html/python/_autosummary/mlx.core.linalg.lu.html index 2af8f3e24..59b5e1c5e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.lu.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.lu.html @@ -8,7 +8,7 @@ - mlx.core.linalg.lu — MLX 0.23.2 documentation + mlx.core.linalg.lu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.lu_factor.html b/docs/build/html/python/_autosummary/mlx.core.linalg.lu_factor.html index b3518e6e2..f899567b2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.lu_factor.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.lu_factor.html @@ -8,7 +8,7 @@ - mlx.core.linalg.lu_factor — MLX 0.23.2 documentation + mlx.core.linalg.lu_factor — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.norm.html b/docs/build/html/python/_autosummary/mlx.core.linalg.norm.html index 1f9e92403..db9fbecb1 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.norm.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.norm.html @@ -8,7 +8,7 @@ - mlx.core.linalg.norm — MLX 0.23.2 documentation + mlx.core.linalg.norm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.qr.html b/docs/build/html/python/_autosummary/mlx.core.linalg.qr.html index 49165faef..db2e66491 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.qr.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.qr.html @@ -8,7 +8,7 @@ - mlx.core.linalg.qr — MLX 0.23.2 documentation + mlx.core.linalg.qr — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.solve.html b/docs/build/html/python/_autosummary/mlx.core.linalg.solve.html index df695ea94..a613dceea 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.solve.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.solve.html @@ -8,7 +8,7 @@ - mlx.core.linalg.solve — MLX 0.23.2 documentation + mlx.core.linalg.solve — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.solve_triangular.html b/docs/build/html/python/_autosummary/mlx.core.linalg.solve_triangular.html index 27e5bdf21..57ad246e8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.solve_triangular.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.solve_triangular.html @@ -8,7 +8,7 @@ - mlx.core.linalg.solve_triangular — MLX 0.23.2 documentation + mlx.core.linalg.solve_triangular — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.svd.html b/docs/build/html/python/_autosummary/mlx.core.linalg.svd.html index 4b5fb64a2..22a3a5e7d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.svd.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.svd.html @@ -8,7 +8,7 @@ - mlx.core.linalg.svd — MLX 0.23.2 documentation + mlx.core.linalg.svd — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linalg.tri_inv.html b/docs/build/html/python/_autosummary/mlx.core.linalg.tri_inv.html index e11d09653..16231f803 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linalg.tri_inv.html +++ b/docs/build/html/python/_autosummary/mlx.core.linalg.tri_inv.html @@ -8,7 +8,7 @@ - mlx.core.linalg.tri_inv — MLX 0.23.2 documentation + mlx.core.linalg.tri_inv — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.linspace.html b/docs/build/html/python/_autosummary/mlx.core.linspace.html index ba7a5f9d9..471f1955b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.linspace.html +++ b/docs/build/html/python/_autosummary/mlx.core.linspace.html @@ -8,7 +8,7 @@ - mlx.core.linspace — MLX 0.23.2 documentation + mlx.core.linspace — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.load.html b/docs/build/html/python/_autosummary/mlx.core.load.html index ad25620b9..8e371b464 100644 --- a/docs/build/html/python/_autosummary/mlx.core.load.html +++ b/docs/build/html/python/_autosummary/mlx.core.load.html @@ -8,7 +8,7 @@ - mlx.core.load — MLX 0.23.2 documentation + mlx.core.load — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.log.html b/docs/build/html/python/_autosummary/mlx.core.log.html index 5b7a9e5b3..8ac895e89 100644 --- a/docs/build/html/python/_autosummary/mlx.core.log.html +++ b/docs/build/html/python/_autosummary/mlx.core.log.html @@ -8,7 +8,7 @@ - mlx.core.log — MLX 0.23.2 documentation + mlx.core.log — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.log10.html b/docs/build/html/python/_autosummary/mlx.core.log10.html index cbc5a8d70..8f5dbfe12 100644 --- a/docs/build/html/python/_autosummary/mlx.core.log10.html +++ b/docs/build/html/python/_autosummary/mlx.core.log10.html @@ -8,7 +8,7 @@ - mlx.core.log10 — MLX 0.23.2 documentation + mlx.core.log10 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.log1p.html b/docs/build/html/python/_autosummary/mlx.core.log1p.html index 06cc07f31..7528b912f 100644 --- a/docs/build/html/python/_autosummary/mlx.core.log1p.html +++ b/docs/build/html/python/_autosummary/mlx.core.log1p.html @@ -8,7 +8,7 @@ - mlx.core.log1p — MLX 0.23.2 documentation + mlx.core.log1p — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.log2.html b/docs/build/html/python/_autosummary/mlx.core.log2.html index 75796cde6..58ef0e19a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.log2.html +++ b/docs/build/html/python/_autosummary/mlx.core.log2.html @@ -8,7 +8,7 @@ - mlx.core.log2 — MLX 0.23.2 documentation + mlx.core.log2 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.logaddexp.html b/docs/build/html/python/_autosummary/mlx.core.logaddexp.html index f6c039eb4..c2abcb14b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.logaddexp.html +++ b/docs/build/html/python/_autosummary/mlx.core.logaddexp.html @@ -8,7 +8,7 @@ - mlx.core.logaddexp — MLX 0.23.2 documentation + mlx.core.logaddexp — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.logical_and.html b/docs/build/html/python/_autosummary/mlx.core.logical_and.html index 662ff53b7..c0b5e22e0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.logical_and.html +++ b/docs/build/html/python/_autosummary/mlx.core.logical_and.html @@ -8,7 +8,7 @@ - mlx.core.logical_and — MLX 0.23.2 documentation + mlx.core.logical_and — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.logical_not.html b/docs/build/html/python/_autosummary/mlx.core.logical_not.html index 580f6d5a3..9cd54997c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.logical_not.html +++ b/docs/build/html/python/_autosummary/mlx.core.logical_not.html @@ -8,7 +8,7 @@ - mlx.core.logical_not — MLX 0.23.2 documentation + mlx.core.logical_not — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.logical_or.html b/docs/build/html/python/_autosummary/mlx.core.logical_or.html index b2c43773b..735e2c84a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.logical_or.html +++ b/docs/build/html/python/_autosummary/mlx.core.logical_or.html @@ -8,7 +8,7 @@ - mlx.core.logical_or — MLX 0.23.2 documentation + mlx.core.logical_or — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.logsumexp.html b/docs/build/html/python/_autosummary/mlx.core.logsumexp.html index 5da7ad024..5f6fceef0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.logsumexp.html +++ b/docs/build/html/python/_autosummary/mlx.core.logsumexp.html @@ -8,7 +8,7 @@ - mlx.core.logsumexp — MLX 0.23.2 documentation + mlx.core.logsumexp — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.matmul.html b/docs/build/html/python/_autosummary/mlx.core.matmul.html index 1027b594e..ba475fe56 100644 --- a/docs/build/html/python/_autosummary/mlx.core.matmul.html +++ b/docs/build/html/python/_autosummary/mlx.core.matmul.html @@ -8,7 +8,7 @@ - mlx.core.matmul — MLX 0.23.2 documentation + mlx.core.matmul — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.max.html b/docs/build/html/python/_autosummary/mlx.core.max.html index 69e88e384..48d0aeb31 100644 --- a/docs/build/html/python/_autosummary/mlx.core.max.html +++ b/docs/build/html/python/_autosummary/mlx.core.max.html @@ -8,7 +8,7 @@ - mlx.core.max — MLX 0.23.2 documentation + mlx.core.max — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.maximum.html b/docs/build/html/python/_autosummary/mlx.core.maximum.html index 4b5c30932..6664ffb7e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.maximum.html +++ b/docs/build/html/python/_autosummary/mlx.core.maximum.html @@ -8,7 +8,7 @@ - mlx.core.maximum — MLX 0.23.2 documentation + mlx.core.maximum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.mean.html b/docs/build/html/python/_autosummary/mlx.core.mean.html index eed56fb46..7c948c978 100644 --- a/docs/build/html/python/_autosummary/mlx.core.mean.html +++ b/docs/build/html/python/_autosummary/mlx.core.mean.html @@ -8,7 +8,7 @@ - mlx.core.mean — MLX 0.23.2 documentation + mlx.core.mean — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.meshgrid.html b/docs/build/html/python/_autosummary/mlx.core.meshgrid.html index 210e162bd..4a57a092b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.meshgrid.html +++ b/docs/build/html/python/_autosummary/mlx.core.meshgrid.html @@ -8,7 +8,7 @@ - mlx.core.meshgrid — MLX 0.23.2 documentation + mlx.core.meshgrid — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.clear_cache.html b/docs/build/html/python/_autosummary/mlx.core.metal.clear_cache.html index badde1217..ecada56ad 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.clear_cache.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.clear_cache.html @@ -8,7 +8,7 @@ - mlx.core.metal.clear_cache — MLX 0.23.2 documentation + mlx.core.metal.clear_cache — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.device_info.html b/docs/build/html/python/_autosummary/mlx.core.metal.device_info.html index ce3475216..1cff7688a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.device_info.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.device_info.html @@ -8,7 +8,7 @@ - mlx.core.metal.device_info — MLX 0.23.2 documentation + mlx.core.metal.device_info — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.get_active_memory.html b/docs/build/html/python/_autosummary/mlx.core.metal.get_active_memory.html index b5efb9aec..31a3c96c3 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.get_active_memory.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.get_active_memory.html @@ -8,7 +8,7 @@ - mlx.core.metal.get_active_memory — MLX 0.23.2 documentation + mlx.core.metal.get_active_memory — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.get_cache_memory.html b/docs/build/html/python/_autosummary/mlx.core.metal.get_cache_memory.html index c01726f04..b3f6ebfdb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.get_cache_memory.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.get_cache_memory.html @@ -8,7 +8,7 @@ - mlx.core.metal.get_cache_memory — MLX 0.23.2 documentation + mlx.core.metal.get_cache_memory — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.get_peak_memory.html b/docs/build/html/python/_autosummary/mlx.core.metal.get_peak_memory.html index c3e50ab6b..be86745a4 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.get_peak_memory.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.get_peak_memory.html @@ -8,7 +8,7 @@ - mlx.core.metal.get_peak_memory — MLX 0.23.2 documentation + mlx.core.metal.get_peak_memory — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.is_available.html b/docs/build/html/python/_autosummary/mlx.core.metal.is_available.html index daf38d6eb..4895d900a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.is_available.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.is_available.html @@ -8,7 +8,7 @@ - mlx.core.metal.is_available — MLX 0.23.2 documentation + mlx.core.metal.is_available — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.reset_peak_memory.html b/docs/build/html/python/_autosummary/mlx.core.metal.reset_peak_memory.html index c2938ca12..a59d53e2b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.reset_peak_memory.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.reset_peak_memory.html @@ -8,7 +8,7 @@ - mlx.core.metal.reset_peak_memory — MLX 0.23.2 documentation + mlx.core.metal.reset_peak_memory — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.set_cache_limit.html b/docs/build/html/python/_autosummary/mlx.core.metal.set_cache_limit.html index 5af7d195d..8305f2971 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.set_cache_limit.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.set_cache_limit.html @@ -8,7 +8,7 @@ - mlx.core.metal.set_cache_limit — MLX 0.23.2 documentation + mlx.core.metal.set_cache_limit — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.set_memory_limit.html b/docs/build/html/python/_autosummary/mlx.core.metal.set_memory_limit.html index e650c0232..3d1fc43ba 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.set_memory_limit.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.set_memory_limit.html @@ -8,7 +8,7 @@ - mlx.core.metal.set_memory_limit — MLX 0.23.2 documentation + mlx.core.metal.set_memory_limit — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.set_wired_limit.html b/docs/build/html/python/_autosummary/mlx.core.metal.set_wired_limit.html index d21110623..c11c42a9c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.set_wired_limit.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.set_wired_limit.html @@ -8,7 +8,7 @@ - mlx.core.metal.set_wired_limit — MLX 0.23.2 documentation + mlx.core.metal.set_wired_limit — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.start_capture.html b/docs/build/html/python/_autosummary/mlx.core.metal.start_capture.html index 1494decd9..0f58ea50e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.start_capture.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.start_capture.html @@ -8,7 +8,7 @@ - mlx.core.metal.start_capture — MLX 0.23.2 documentation + mlx.core.metal.start_capture — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.metal.stop_capture.html b/docs/build/html/python/_autosummary/mlx.core.metal.stop_capture.html index ecd17c1b9..56c68a02b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.metal.stop_capture.html +++ b/docs/build/html/python/_autosummary/mlx.core.metal.stop_capture.html @@ -8,7 +8,7 @@ - mlx.core.metal.stop_capture — MLX 0.23.2 documentation + mlx.core.metal.stop_capture — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.min.html b/docs/build/html/python/_autosummary/mlx.core.min.html index 72bcfb27e..209990857 100644 --- a/docs/build/html/python/_autosummary/mlx.core.min.html +++ b/docs/build/html/python/_autosummary/mlx.core.min.html @@ -8,7 +8,7 @@ - mlx.core.min — MLX 0.23.2 documentation + mlx.core.min — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.minimum.html b/docs/build/html/python/_autosummary/mlx.core.minimum.html index 93cc3b516..b910c51a8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.minimum.html +++ b/docs/build/html/python/_autosummary/mlx.core.minimum.html @@ -8,7 +8,7 @@ - mlx.core.minimum — MLX 0.23.2 documentation + mlx.core.minimum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.moveaxis.html b/docs/build/html/python/_autosummary/mlx.core.moveaxis.html index 1aeeb3c11..30761a2e8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.moveaxis.html +++ b/docs/build/html/python/_autosummary/mlx.core.moveaxis.html @@ -8,7 +8,7 @@ - mlx.core.moveaxis — MLX 0.23.2 documentation + mlx.core.moveaxis — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.multiply.html b/docs/build/html/python/_autosummary/mlx.core.multiply.html index 25f398399..dcc7e55db 100644 --- a/docs/build/html/python/_autosummary/mlx.core.multiply.html +++ b/docs/build/html/python/_autosummary/mlx.core.multiply.html @@ -8,7 +8,7 @@ - mlx.core.multiply — MLX 0.23.2 documentation + mlx.core.multiply — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.nan_to_num.html b/docs/build/html/python/_autosummary/mlx.core.nan_to_num.html index c53d54897..db8763293 100644 --- a/docs/build/html/python/_autosummary/mlx.core.nan_to_num.html +++ b/docs/build/html/python/_autosummary/mlx.core.nan_to_num.html @@ -8,7 +8,7 @@ - mlx.core.nan_to_num — MLX 0.23.2 documentation + mlx.core.nan_to_num — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.negative.html b/docs/build/html/python/_autosummary/mlx.core.negative.html index 9e44745f7..3eacaef2a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.negative.html +++ b/docs/build/html/python/_autosummary/mlx.core.negative.html @@ -8,7 +8,7 @@ - mlx.core.negative — MLX 0.23.2 documentation + mlx.core.negative — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.new_stream.html b/docs/build/html/python/_autosummary/mlx.core.new_stream.html index 442dbee78..d014b96e0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.new_stream.html +++ b/docs/build/html/python/_autosummary/mlx.core.new_stream.html @@ -8,7 +8,7 @@ - mlx.core.new_stream — MLX 0.23.2 documentation + mlx.core.new_stream — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.not_equal.html b/docs/build/html/python/_autosummary/mlx.core.not_equal.html index af7aaac35..e46efced8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.not_equal.html +++ b/docs/build/html/python/_autosummary/mlx.core.not_equal.html @@ -8,7 +8,7 @@ - mlx.core.not_equal — MLX 0.23.2 documentation + mlx.core.not_equal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.ones.html b/docs/build/html/python/_autosummary/mlx.core.ones.html index d83485d58..c3d8501d6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.ones.html +++ b/docs/build/html/python/_autosummary/mlx.core.ones.html @@ -8,7 +8,7 @@ - mlx.core.ones — MLX 0.23.2 documentation + mlx.core.ones — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.ones_like.html b/docs/build/html/python/_autosummary/mlx.core.ones_like.html index 8881aa9dd..3d5df1823 100644 --- a/docs/build/html/python/_autosummary/mlx.core.ones_like.html +++ b/docs/build/html/python/_autosummary/mlx.core.ones_like.html @@ -8,7 +8,7 @@ - mlx.core.ones_like — MLX 0.23.2 documentation + mlx.core.ones_like — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.outer.html b/docs/build/html/python/_autosummary/mlx.core.outer.html index 4598e4079..faa13d4c2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.outer.html +++ b/docs/build/html/python/_autosummary/mlx.core.outer.html @@ -8,7 +8,7 @@ - mlx.core.outer — MLX 0.23.2 documentation + mlx.core.outer — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.pad.html b/docs/build/html/python/_autosummary/mlx.core.pad.html index e9cbcb852..9e97236c2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.pad.html +++ b/docs/build/html/python/_autosummary/mlx.core.pad.html @@ -8,7 +8,7 @@ - mlx.core.pad — MLX 0.23.2 documentation + mlx.core.pad — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.partition.html b/docs/build/html/python/_autosummary/mlx.core.partition.html index 8a2a8ec71..562c24103 100644 --- a/docs/build/html/python/_autosummary/mlx.core.partition.html +++ b/docs/build/html/python/_autosummary/mlx.core.partition.html @@ -8,7 +8,7 @@ - mlx.core.partition — MLX 0.23.2 documentation + mlx.core.partition — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.power.html b/docs/build/html/python/_autosummary/mlx.core.power.html index 29b224a50..5b88e8bd4 100644 --- a/docs/build/html/python/_autosummary/mlx.core.power.html +++ b/docs/build/html/python/_autosummary/mlx.core.power.html @@ -8,7 +8,7 @@ - mlx.core.power — MLX 0.23.2 documentation + mlx.core.power — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.prod.html b/docs/build/html/python/_autosummary/mlx.core.prod.html index c3fbcf37f..fbe7d630f 100644 --- a/docs/build/html/python/_autosummary/mlx.core.prod.html +++ b/docs/build/html/python/_autosummary/mlx.core.prod.html @@ -8,7 +8,7 @@ - mlx.core.prod — MLX 0.23.2 documentation + mlx.core.prod — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.put_along_axis.html b/docs/build/html/python/_autosummary/mlx.core.put_along_axis.html index c8ae0776c..2d08b8bda 100644 --- a/docs/build/html/python/_autosummary/mlx.core.put_along_axis.html +++ b/docs/build/html/python/_autosummary/mlx.core.put_along_axis.html @@ -8,7 +8,7 @@ - mlx.core.put_along_axis — MLX 0.23.2 documentation + mlx.core.put_along_axis — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.quantize.html b/docs/build/html/python/_autosummary/mlx.core.quantize.html index 35866a0f9..15b295de2 100644 --- a/docs/build/html/python/_autosummary/mlx.core.quantize.html +++ b/docs/build/html/python/_autosummary/mlx.core.quantize.html @@ -8,7 +8,7 @@ - mlx.core.quantize — MLX 0.23.2 documentation + mlx.core.quantize — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.quantized_matmul.html b/docs/build/html/python/_autosummary/mlx.core.quantized_matmul.html index 667146d71..5d508f482 100644 --- a/docs/build/html/python/_autosummary/mlx.core.quantized_matmul.html +++ b/docs/build/html/python/_autosummary/mlx.core.quantized_matmul.html @@ -8,7 +8,7 @@ - mlx.core.quantized_matmul — MLX 0.23.2 documentation + mlx.core.quantized_matmul — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.radians.html b/docs/build/html/python/_autosummary/mlx.core.radians.html index 72cf176ad..0e39d582e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.radians.html +++ b/docs/build/html/python/_autosummary/mlx.core.radians.html @@ -8,7 +8,7 @@ - mlx.core.radians — MLX 0.23.2 documentation + mlx.core.radians — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.bernoulli.html b/docs/build/html/python/_autosummary/mlx.core.random.bernoulli.html index 887ffc66d..1c1558ed7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.bernoulli.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.bernoulli.html @@ -8,7 +8,7 @@ - mlx.core.random.bernoulli — MLX 0.23.2 documentation + mlx.core.random.bernoulli — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.categorical.html b/docs/build/html/python/_autosummary/mlx.core.random.categorical.html index db29787cf..b52644812 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.categorical.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.categorical.html @@ -8,7 +8,7 @@ - mlx.core.random.categorical — MLX 0.23.2 documentation + mlx.core.random.categorical — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.gumbel.html b/docs/build/html/python/_autosummary/mlx.core.random.gumbel.html index 783a26f5e..69f53197b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.gumbel.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.gumbel.html @@ -8,7 +8,7 @@ - mlx.core.random.gumbel — MLX 0.23.2 documentation + mlx.core.random.gumbel — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.key.html b/docs/build/html/python/_autosummary/mlx.core.random.key.html index 9f12c0aca..cc4a6232b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.key.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.key.html @@ -8,7 +8,7 @@ - mlx.core.random.key — MLX 0.23.2 documentation + mlx.core.random.key — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.laplace.html b/docs/build/html/python/_autosummary/mlx.core.random.laplace.html index b164518e0..c4d9d0742 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.laplace.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.laplace.html @@ -8,7 +8,7 @@ - mlx.core.random.laplace — MLX 0.23.2 documentation + mlx.core.random.laplace — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.multivariate_normal.html b/docs/build/html/python/_autosummary/mlx.core.random.multivariate_normal.html index 802c8cb43..09e3ed411 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.multivariate_normal.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.multivariate_normal.html @@ -8,7 +8,7 @@ - mlx.core.random.multivariate_normal — MLX 0.23.2 documentation + mlx.core.random.multivariate_normal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.normal.html b/docs/build/html/python/_autosummary/mlx.core.random.normal.html index a3e972461..821199fb8 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.normal.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.normal.html @@ -8,7 +8,7 @@ - mlx.core.random.normal — MLX 0.23.2 documentation + mlx.core.random.normal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.permutation.html b/docs/build/html/python/_autosummary/mlx.core.random.permutation.html index ed5697ae1..5db2b6deb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.permutation.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.permutation.html @@ -8,7 +8,7 @@ - mlx.core.random.permutation — MLX 0.23.2 documentation + mlx.core.random.permutation — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.randint.html b/docs/build/html/python/_autosummary/mlx.core.random.randint.html index 9bb65b607..4c451872a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.randint.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.randint.html @@ -8,7 +8,7 @@ - mlx.core.random.randint — MLX 0.23.2 documentation + mlx.core.random.randint — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + @@ -909,7 +909,7 @@ document.write(`

                  Generate random integers from the given interval.

                  The values are sampled with equal probability from the integers in half-open interval [low, high). The lower and upper bound can be -scalars or arrays and must be roadcastable to shape.

                  +scalars or arrays and must be broadcastable to shape.

                  Parameters:
                    diff --git a/docs/build/html/python/_autosummary/mlx.core.random.seed.html b/docs/build/html/python/_autosummary/mlx.core.random.seed.html index 4dfe41b5a..e9ed28fd9 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.seed.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.seed.html @@ -8,7 +8,7 @@ - mlx.core.random.seed — MLX 0.23.2 documentation + mlx.core.random.seed — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.split.html b/docs/build/html/python/_autosummary/mlx.core.random.split.html index 679df8f57..da2453ef9 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.split.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.split.html @@ -8,7 +8,7 @@ - mlx.core.random.split — MLX 0.23.2 documentation + mlx.core.random.split — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.truncated_normal.html b/docs/build/html/python/_autosummary/mlx.core.random.truncated_normal.html index 30dea4575..733dcb674 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.truncated_normal.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.truncated_normal.html @@ -8,7 +8,7 @@ - mlx.core.random.truncated_normal — MLX 0.23.2 documentation + mlx.core.random.truncated_normal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.random.uniform.html b/docs/build/html/python/_autosummary/mlx.core.random.uniform.html index e15bbf7e0..f4bab78e5 100644 --- a/docs/build/html/python/_autosummary/mlx.core.random.uniform.html +++ b/docs/build/html/python/_autosummary/mlx.core.random.uniform.html @@ -8,7 +8,7 @@ - mlx.core.random.uniform — MLX 0.23.2 documentation + mlx.core.random.uniform — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.real.html b/docs/build/html/python/_autosummary/mlx.core.real.html index 4572aaafc..33eb9c51d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.real.html +++ b/docs/build/html/python/_autosummary/mlx.core.real.html @@ -8,7 +8,7 @@ - mlx.core.real — MLX 0.23.2 documentation + mlx.core.real — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.reciprocal.html b/docs/build/html/python/_autosummary/mlx.core.reciprocal.html index e64d141e9..abb433888 100644 --- a/docs/build/html/python/_autosummary/mlx.core.reciprocal.html +++ b/docs/build/html/python/_autosummary/mlx.core.reciprocal.html @@ -8,7 +8,7 @@ - mlx.core.reciprocal — MLX 0.23.2 documentation + mlx.core.reciprocal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.remainder.html b/docs/build/html/python/_autosummary/mlx.core.remainder.html index b88831823..8d047e4b1 100644 --- a/docs/build/html/python/_autosummary/mlx.core.remainder.html +++ b/docs/build/html/python/_autosummary/mlx.core.remainder.html @@ -8,7 +8,7 @@ - mlx.core.remainder — MLX 0.23.2 documentation + mlx.core.remainder — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.repeat.html b/docs/build/html/python/_autosummary/mlx.core.repeat.html index 31e39aef0..89fb263ba 100644 --- a/docs/build/html/python/_autosummary/mlx.core.repeat.html +++ b/docs/build/html/python/_autosummary/mlx.core.repeat.html @@ -8,7 +8,7 @@ - mlx.core.repeat — MLX 0.23.2 documentation + mlx.core.repeat — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.reshape.html b/docs/build/html/python/_autosummary/mlx.core.reshape.html index 0d29f23db..f354f90c6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.reshape.html +++ b/docs/build/html/python/_autosummary/mlx.core.reshape.html @@ -8,7 +8,7 @@ - mlx.core.reshape — MLX 0.23.2 documentation + mlx.core.reshape — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.right_shift.html b/docs/build/html/python/_autosummary/mlx.core.right_shift.html index 4d4eb9ea1..0b246163b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.right_shift.html +++ b/docs/build/html/python/_autosummary/mlx.core.right_shift.html @@ -8,7 +8,7 @@ - mlx.core.right_shift — MLX 0.23.2 documentation + mlx.core.right_shift — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.roll.html b/docs/build/html/python/_autosummary/mlx.core.roll.html index ff5e8c63f..0c8b9e8ef 100644 --- a/docs/build/html/python/_autosummary/mlx.core.roll.html +++ b/docs/build/html/python/_autosummary/mlx.core.roll.html @@ -8,7 +8,7 @@ - mlx.core.roll — MLX 0.23.2 documentation + mlx.core.roll — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.round.html b/docs/build/html/python/_autosummary/mlx.core.round.html index d1c095f8a..1149d0bf4 100644 --- a/docs/build/html/python/_autosummary/mlx.core.round.html +++ b/docs/build/html/python/_autosummary/mlx.core.round.html @@ -8,7 +8,7 @@ - mlx.core.round — MLX 0.23.2 documentation + mlx.core.round — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.rsqrt.html b/docs/build/html/python/_autosummary/mlx.core.rsqrt.html index 29d10723e..d4511e0d6 100644 --- a/docs/build/html/python/_autosummary/mlx.core.rsqrt.html +++ b/docs/build/html/python/_autosummary/mlx.core.rsqrt.html @@ -8,7 +8,7 @@ - mlx.core.rsqrt — MLX 0.23.2 documentation + mlx.core.rsqrt — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.save.html b/docs/build/html/python/_autosummary/mlx.core.save.html index effd142c7..a3a9172fb 100644 --- a/docs/build/html/python/_autosummary/mlx.core.save.html +++ b/docs/build/html/python/_autosummary/mlx.core.save.html @@ -8,7 +8,7 @@ - mlx.core.save — MLX 0.23.2 documentation + mlx.core.save — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.save_gguf.html b/docs/build/html/python/_autosummary/mlx.core.save_gguf.html index 40b9513cd..45a02bdc7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.save_gguf.html +++ b/docs/build/html/python/_autosummary/mlx.core.save_gguf.html @@ -8,7 +8,7 @@ - mlx.core.save_gguf — MLX 0.23.2 documentation + mlx.core.save_gguf — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.save_safetensors.html b/docs/build/html/python/_autosummary/mlx.core.save_safetensors.html index e0d37a325..8473400a7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.save_safetensors.html +++ b/docs/build/html/python/_autosummary/mlx.core.save_safetensors.html @@ -8,7 +8,7 @@ - mlx.core.save_safetensors — MLX 0.23.2 documentation + mlx.core.save_safetensors — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.savez.html b/docs/build/html/python/_autosummary/mlx.core.savez.html index 1406a1160..d80125280 100644 --- a/docs/build/html/python/_autosummary/mlx.core.savez.html +++ b/docs/build/html/python/_autosummary/mlx.core.savez.html @@ -8,7 +8,7 @@ - mlx.core.savez — MLX 0.23.2 documentation + mlx.core.savez — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.savez_compressed.html b/docs/build/html/python/_autosummary/mlx.core.savez_compressed.html index d5be18cd5..a3df75113 100644 --- a/docs/build/html/python/_autosummary/mlx.core.savez_compressed.html +++ b/docs/build/html/python/_autosummary/mlx.core.savez_compressed.html @@ -8,7 +8,7 @@ - mlx.core.savez_compressed — MLX 0.23.2 documentation + mlx.core.savez_compressed — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.set_default_device.html b/docs/build/html/python/_autosummary/mlx.core.set_default_device.html index dc02b83d2..189a0979f 100644 --- a/docs/build/html/python/_autosummary/mlx.core.set_default_device.html +++ b/docs/build/html/python/_autosummary/mlx.core.set_default_device.html @@ -8,7 +8,7 @@ - mlx.core.set_default_device — MLX 0.23.2 documentation + mlx.core.set_default_device — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.set_default_stream.html b/docs/build/html/python/_autosummary/mlx.core.set_default_stream.html index 3b1804291..786aca454 100644 --- a/docs/build/html/python/_autosummary/mlx.core.set_default_stream.html +++ b/docs/build/html/python/_autosummary/mlx.core.set_default_stream.html @@ -8,7 +8,7 @@ - mlx.core.set_default_stream — MLX 0.23.2 documentation + mlx.core.set_default_stream — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.sigmoid.html b/docs/build/html/python/_autosummary/mlx.core.sigmoid.html index 0339fe8ee..9127b30d4 100644 --- a/docs/build/html/python/_autosummary/mlx.core.sigmoid.html +++ b/docs/build/html/python/_autosummary/mlx.core.sigmoid.html @@ -8,7 +8,7 @@ - mlx.core.sigmoid — MLX 0.23.2 documentation + mlx.core.sigmoid — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.sign.html b/docs/build/html/python/_autosummary/mlx.core.sign.html index 10a6a86d9..6dee9fb91 100644 --- a/docs/build/html/python/_autosummary/mlx.core.sign.html +++ b/docs/build/html/python/_autosummary/mlx.core.sign.html @@ -8,7 +8,7 @@ - mlx.core.sign — MLX 0.23.2 documentation + mlx.core.sign — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.sin.html b/docs/build/html/python/_autosummary/mlx.core.sin.html index 4c9fad819..fff125452 100644 --- a/docs/build/html/python/_autosummary/mlx.core.sin.html +++ b/docs/build/html/python/_autosummary/mlx.core.sin.html @@ -8,7 +8,7 @@ - mlx.core.sin — MLX 0.23.2 documentation + mlx.core.sin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.sinh.html b/docs/build/html/python/_autosummary/mlx.core.sinh.html index 853ddba19..c52a19196 100644 --- a/docs/build/html/python/_autosummary/mlx.core.sinh.html +++ b/docs/build/html/python/_autosummary/mlx.core.sinh.html @@ -8,7 +8,7 @@ - mlx.core.sinh — MLX 0.23.2 documentation + mlx.core.sinh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.slice.html b/docs/build/html/python/_autosummary/mlx.core.slice.html index 445a43ec7..90f8f8235 100644 --- a/docs/build/html/python/_autosummary/mlx.core.slice.html +++ b/docs/build/html/python/_autosummary/mlx.core.slice.html @@ -8,7 +8,7 @@ - mlx.core.slice — MLX 0.23.2 documentation + mlx.core.slice — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.slice_update.html b/docs/build/html/python/_autosummary/mlx.core.slice_update.html index 7dc109880..7fb0ee78f 100644 --- a/docs/build/html/python/_autosummary/mlx.core.slice_update.html +++ b/docs/build/html/python/_autosummary/mlx.core.slice_update.html @@ -8,7 +8,7 @@ - mlx.core.slice_update — MLX 0.23.2 documentation + mlx.core.slice_update — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.softmax.html b/docs/build/html/python/_autosummary/mlx.core.softmax.html index 3fb10612b..f8cfa63b5 100644 --- a/docs/build/html/python/_autosummary/mlx.core.softmax.html +++ b/docs/build/html/python/_autosummary/mlx.core.softmax.html @@ -8,7 +8,7 @@ - mlx.core.softmax — MLX 0.23.2 documentation + mlx.core.softmax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.sort.html b/docs/build/html/python/_autosummary/mlx.core.sort.html index c7aa90b17..38251e728 100644 --- a/docs/build/html/python/_autosummary/mlx.core.sort.html +++ b/docs/build/html/python/_autosummary/mlx.core.sort.html @@ -8,7 +8,7 @@ - mlx.core.sort — MLX 0.23.2 documentation + mlx.core.sort — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.split.html b/docs/build/html/python/_autosummary/mlx.core.split.html index ee5156e68..5642404d0 100644 --- a/docs/build/html/python/_autosummary/mlx.core.split.html +++ b/docs/build/html/python/_autosummary/mlx.core.split.html @@ -8,7 +8,7 @@ - mlx.core.split — MLX 0.23.2 documentation + mlx.core.split — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.sqrt.html b/docs/build/html/python/_autosummary/mlx.core.sqrt.html index b64de089c..7f2ca311c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.sqrt.html +++ b/docs/build/html/python/_autosummary/mlx.core.sqrt.html @@ -8,7 +8,7 @@ - mlx.core.sqrt — MLX 0.23.2 documentation + mlx.core.sqrt — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.square.html b/docs/build/html/python/_autosummary/mlx.core.square.html index 5381f2bb8..f04bd0d5c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.square.html +++ b/docs/build/html/python/_autosummary/mlx.core.square.html @@ -8,7 +8,7 @@ - mlx.core.square — MLX 0.23.2 documentation + mlx.core.square — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.squeeze.html b/docs/build/html/python/_autosummary/mlx.core.squeeze.html index cb2121fcb..0d50dfb5e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.squeeze.html +++ b/docs/build/html/python/_autosummary/mlx.core.squeeze.html @@ -8,7 +8,7 @@ - mlx.core.squeeze — MLX 0.23.2 documentation + mlx.core.squeeze — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.stack.html b/docs/build/html/python/_autosummary/mlx.core.stack.html index 962968566..28e8a7c42 100644 --- a/docs/build/html/python/_autosummary/mlx.core.stack.html +++ b/docs/build/html/python/_autosummary/mlx.core.stack.html @@ -8,7 +8,7 @@ - mlx.core.stack — MLX 0.23.2 documentation + mlx.core.stack — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.std.html b/docs/build/html/python/_autosummary/mlx.core.std.html index 8cc54f64f..9c7a97441 100644 --- a/docs/build/html/python/_autosummary/mlx.core.std.html +++ b/docs/build/html/python/_autosummary/mlx.core.std.html @@ -8,7 +8,7 @@ - mlx.core.std — MLX 0.23.2 documentation + mlx.core.std — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.stop_gradient.html b/docs/build/html/python/_autosummary/mlx.core.stop_gradient.html index ead40fc94..a25144b9a 100644 --- a/docs/build/html/python/_autosummary/mlx.core.stop_gradient.html +++ b/docs/build/html/python/_autosummary/mlx.core.stop_gradient.html @@ -8,7 +8,7 @@ - mlx.core.stop_gradient — MLX 0.23.2 documentation + mlx.core.stop_gradient — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.stream.html b/docs/build/html/python/_autosummary/mlx.core.stream.html index d35a11cf5..03248ffc9 100644 --- a/docs/build/html/python/_autosummary/mlx.core.stream.html +++ b/docs/build/html/python/_autosummary/mlx.core.stream.html @@ -8,7 +8,7 @@ - mlx.core.stream — MLX 0.23.2 documentation + mlx.core.stream — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.subtract.html b/docs/build/html/python/_autosummary/mlx.core.subtract.html index bd93c6acd..36db134e3 100644 --- a/docs/build/html/python/_autosummary/mlx.core.subtract.html +++ b/docs/build/html/python/_autosummary/mlx.core.subtract.html @@ -8,7 +8,7 @@ - mlx.core.subtract — MLX 0.23.2 documentation + mlx.core.subtract — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.sum.html b/docs/build/html/python/_autosummary/mlx.core.sum.html index bb5c38fdb..c4380b75d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.sum.html +++ b/docs/build/html/python/_autosummary/mlx.core.sum.html @@ -8,7 +8,7 @@ - mlx.core.sum — MLX 0.23.2 documentation + mlx.core.sum — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.swapaxes.html b/docs/build/html/python/_autosummary/mlx.core.swapaxes.html index 519c000a2..4113dd906 100644 --- a/docs/build/html/python/_autosummary/mlx.core.swapaxes.html +++ b/docs/build/html/python/_autosummary/mlx.core.swapaxes.html @@ -8,7 +8,7 @@ - mlx.core.swapaxes — MLX 0.23.2 documentation + mlx.core.swapaxes — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.synchronize.html b/docs/build/html/python/_autosummary/mlx.core.synchronize.html index b5bb4a9c3..3ca91a067 100644 --- a/docs/build/html/python/_autosummary/mlx.core.synchronize.html +++ b/docs/build/html/python/_autosummary/mlx.core.synchronize.html @@ -8,7 +8,7 @@ - mlx.core.synchronize — MLX 0.23.2 documentation + mlx.core.synchronize — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.take.html b/docs/build/html/python/_autosummary/mlx.core.take.html index 9bd44e0f7..a6062f58b 100644 --- a/docs/build/html/python/_autosummary/mlx.core.take.html +++ b/docs/build/html/python/_autosummary/mlx.core.take.html @@ -8,7 +8,7 @@ - mlx.core.take — MLX 0.23.2 documentation + mlx.core.take — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.take_along_axis.html b/docs/build/html/python/_autosummary/mlx.core.take_along_axis.html index 20f55c769..92f15ad8e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.take_along_axis.html +++ b/docs/build/html/python/_autosummary/mlx.core.take_along_axis.html @@ -8,7 +8,7 @@ - mlx.core.take_along_axis — MLX 0.23.2 documentation + mlx.core.take_along_axis — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.tan.html b/docs/build/html/python/_autosummary/mlx.core.tan.html index ed4483c8e..18560e63e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.tan.html +++ b/docs/build/html/python/_autosummary/mlx.core.tan.html @@ -8,7 +8,7 @@ - mlx.core.tan — MLX 0.23.2 documentation + mlx.core.tan — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.tanh.html b/docs/build/html/python/_autosummary/mlx.core.tanh.html index 5e654b1ad..6da6dae7c 100644 --- a/docs/build/html/python/_autosummary/mlx.core.tanh.html +++ b/docs/build/html/python/_autosummary/mlx.core.tanh.html @@ -8,7 +8,7 @@ - mlx.core.tanh — MLX 0.23.2 documentation + mlx.core.tanh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.tensordot.html b/docs/build/html/python/_autosummary/mlx.core.tensordot.html index 073d62b24..60ac8f21e 100644 --- a/docs/build/html/python/_autosummary/mlx.core.tensordot.html +++ b/docs/build/html/python/_autosummary/mlx.core.tensordot.html @@ -8,7 +8,7 @@ - mlx.core.tensordot — MLX 0.23.2 documentation + mlx.core.tensordot — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.tile.html b/docs/build/html/python/_autosummary/mlx.core.tile.html index 18c5bd508..2aaeef081 100644 --- a/docs/build/html/python/_autosummary/mlx.core.tile.html +++ b/docs/build/html/python/_autosummary/mlx.core.tile.html @@ -8,7 +8,7 @@ - mlx.core.tile — MLX 0.23.2 documentation + mlx.core.tile — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.topk.html b/docs/build/html/python/_autosummary/mlx.core.topk.html index 238627eab..bdfde8e20 100644 --- a/docs/build/html/python/_autosummary/mlx.core.topk.html +++ b/docs/build/html/python/_autosummary/mlx.core.topk.html @@ -8,7 +8,7 @@ - mlx.core.topk — MLX 0.23.2 documentation + mlx.core.topk — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.trace.html b/docs/build/html/python/_autosummary/mlx.core.trace.html index 4466908ca..ca7cce015 100644 --- a/docs/build/html/python/_autosummary/mlx.core.trace.html +++ b/docs/build/html/python/_autosummary/mlx.core.trace.html @@ -8,7 +8,7 @@ - mlx.core.trace — MLX 0.23.2 documentation + mlx.core.trace — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.transpose.html b/docs/build/html/python/_autosummary/mlx.core.transpose.html index f968b9b6f..93756929d 100644 --- a/docs/build/html/python/_autosummary/mlx.core.transpose.html +++ b/docs/build/html/python/_autosummary/mlx.core.transpose.html @@ -8,7 +8,7 @@ - mlx.core.transpose — MLX 0.23.2 documentation + mlx.core.transpose — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.tri.html b/docs/build/html/python/_autosummary/mlx.core.tri.html index 96111b801..0ea5dcdf7 100644 --- a/docs/build/html/python/_autosummary/mlx.core.tri.html +++ b/docs/build/html/python/_autosummary/mlx.core.tri.html @@ -8,7 +8,7 @@ - mlx.core.tri — MLX 0.23.2 documentation + mlx.core.tri — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.tril.html b/docs/build/html/python/_autosummary/mlx.core.tril.html index fdc4acb18..185c1e3fa 100644 --- a/docs/build/html/python/_autosummary/mlx.core.tril.html +++ b/docs/build/html/python/_autosummary/mlx.core.tril.html @@ -8,7 +8,7 @@ - mlx.core.tril — MLX 0.23.2 documentation + mlx.core.tril — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.triu.html b/docs/build/html/python/_autosummary/mlx.core.triu.html index 87d0f1a6c..3dfd7ecb9 100644 --- a/docs/build/html/python/_autosummary/mlx.core.triu.html +++ b/docs/build/html/python/_autosummary/mlx.core.triu.html @@ -8,7 +8,7 @@ - mlx.core.triu — MLX 0.23.2 documentation + mlx.core.triu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.unflatten.html b/docs/build/html/python/_autosummary/mlx.core.unflatten.html index a92ea6ca0..6a201e289 100644 --- a/docs/build/html/python/_autosummary/mlx.core.unflatten.html +++ b/docs/build/html/python/_autosummary/mlx.core.unflatten.html @@ -8,7 +8,7 @@ - mlx.core.unflatten — MLX 0.23.2 documentation + mlx.core.unflatten — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.value_and_grad.html b/docs/build/html/python/_autosummary/mlx.core.value_and_grad.html index 57cd1cbd0..33d3e79f1 100644 --- a/docs/build/html/python/_autosummary/mlx.core.value_and_grad.html +++ b/docs/build/html/python/_autosummary/mlx.core.value_and_grad.html @@ -8,7 +8,7 @@ - mlx.core.value_and_grad — MLX 0.23.2 documentation + mlx.core.value_and_grad — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.var.html b/docs/build/html/python/_autosummary/mlx.core.var.html index b460d14aa..a6a4bab71 100644 --- a/docs/build/html/python/_autosummary/mlx.core.var.html +++ b/docs/build/html/python/_autosummary/mlx.core.var.html @@ -8,7 +8,7 @@ - mlx.core.var — MLX 0.23.2 documentation + mlx.core.var — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.view.html b/docs/build/html/python/_autosummary/mlx.core.view.html index 4c700a674..e640d1727 100644 --- a/docs/build/html/python/_autosummary/mlx.core.view.html +++ b/docs/build/html/python/_autosummary/mlx.core.view.html @@ -8,7 +8,7 @@ - mlx.core.view — MLX 0.23.2 documentation + mlx.core.view — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.vjp.html b/docs/build/html/python/_autosummary/mlx.core.vjp.html index 80cb62b98..c43a145c3 100644 --- a/docs/build/html/python/_autosummary/mlx.core.vjp.html +++ b/docs/build/html/python/_autosummary/mlx.core.vjp.html @@ -8,7 +8,7 @@ - mlx.core.vjp — MLX 0.23.2 documentation + mlx.core.vjp — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.vmap.html b/docs/build/html/python/_autosummary/mlx.core.vmap.html index d3f14bff1..1d5398918 100644 --- a/docs/build/html/python/_autosummary/mlx.core.vmap.html +++ b/docs/build/html/python/_autosummary/mlx.core.vmap.html @@ -8,7 +8,7 @@ - mlx.core.vmap — MLX 0.23.2 documentation + mlx.core.vmap — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.where.html b/docs/build/html/python/_autosummary/mlx.core.where.html index 8fe571ed5..873a85abd 100644 --- a/docs/build/html/python/_autosummary/mlx.core.where.html +++ b/docs/build/html/python/_autosummary/mlx.core.where.html @@ -8,7 +8,7 @@ - mlx.core.where — MLX 0.23.2 documentation + mlx.core.where — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.zeros.html b/docs/build/html/python/_autosummary/mlx.core.zeros.html index 5e4de1161..c93b3fcee 100644 --- a/docs/build/html/python/_autosummary/mlx.core.zeros.html +++ b/docs/build/html/python/_autosummary/mlx.core.zeros.html @@ -8,7 +8,7 @@ - mlx.core.zeros — MLX 0.23.2 documentation + mlx.core.zeros — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.core.zeros_like.html b/docs/build/html/python/_autosummary/mlx.core.zeros_like.html index 30689bd33..a5f38d6f5 100644 --- a/docs/build/html/python/_autosummary/mlx.core.zeros_like.html +++ b/docs/build/html/python/_autosummary/mlx.core.zeros_like.html @@ -8,7 +8,7 @@ - mlx.core.zeros_like — MLX 0.23.2 documentation + mlx.core.zeros_like — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.nn.average_gradients.html b/docs/build/html/python/_autosummary/mlx.nn.average_gradients.html index c699fd43c..b69c36c73 100644 --- a/docs/build/html/python/_autosummary/mlx.nn.average_gradients.html +++ b/docs/build/html/python/_autosummary/mlx.nn.average_gradients.html @@ -8,7 +8,7 @@ - mlx.nn.average_gradients — MLX 0.23.2 documentation + mlx.nn.average_gradients — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.nn.quantize.html b/docs/build/html/python/_autosummary/mlx.nn.quantize.html index 8ede66793..110b65876 100644 --- a/docs/build/html/python/_autosummary/mlx.nn.quantize.html +++ b/docs/build/html/python/_autosummary/mlx.nn.quantize.html @@ -8,7 +8,7 @@ - mlx.nn.quantize — MLX 0.23.2 documentation + mlx.nn.quantize — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.nn.value_and_grad.html b/docs/build/html/python/_autosummary/mlx.nn.value_and_grad.html index 8ae8a8fcc..db5c4ec07 100644 --- a/docs/build/html/python/_autosummary/mlx.nn.value_and_grad.html +++ b/docs/build/html/python/_autosummary/mlx.nn.value_and_grad.html @@ -8,7 +8,7 @@ - mlx.nn.value_and_grad — MLX 0.23.2 documentation + mlx.nn.value_and_grad — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.optimizers.clip_grad_norm.html b/docs/build/html/python/_autosummary/mlx.optimizers.clip_grad_norm.html index 0be6ada6a..da241eb29 100644 --- a/docs/build/html/python/_autosummary/mlx.optimizers.clip_grad_norm.html +++ b/docs/build/html/python/_autosummary/mlx.optimizers.clip_grad_norm.html @@ -8,7 +8,7 @@ - mlx.optimizers.clip_grad_norm — MLX 0.23.2 documentation + mlx.optimizers.clip_grad_norm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.utils.tree_flatten.html b/docs/build/html/python/_autosummary/mlx.utils.tree_flatten.html index 1c0fa27c0..1553d7be3 100644 --- a/docs/build/html/python/_autosummary/mlx.utils.tree_flatten.html +++ b/docs/build/html/python/_autosummary/mlx.utils.tree_flatten.html @@ -8,7 +8,7 @@ - mlx.utils.tree_flatten — MLX 0.23.2 documentation + mlx.utils.tree_flatten — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.utils.tree_map.html b/docs/build/html/python/_autosummary/mlx.utils.tree_map.html index cf5799e37..1f4fac1ae 100644 --- a/docs/build/html/python/_autosummary/mlx.utils.tree_map.html +++ b/docs/build/html/python/_autosummary/mlx.utils.tree_map.html @@ -8,7 +8,7 @@ - mlx.utils.tree_map — MLX 0.23.2 documentation + mlx.utils.tree_map — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.utils.tree_map_with_path.html b/docs/build/html/python/_autosummary/mlx.utils.tree_map_with_path.html index 6a4ea101c..242c91895 100644 --- a/docs/build/html/python/_autosummary/mlx.utils.tree_map_with_path.html +++ b/docs/build/html/python/_autosummary/mlx.utils.tree_map_with_path.html @@ -8,7 +8,7 @@ - mlx.utils.tree_map_with_path — MLX 0.23.2 documentation + mlx.utils.tree_map_with_path — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + @@ -916,8 +916,9 @@ the first argument followed by the remaining tree nodes.

                  • fn (callable) – The function that processes the leaves of the tree.

                  • tree (Any) – The main Python tree that will be iterated upon.

                  • rest (tuple[Any]) – Extra trees to be iterated together with tree.

                  • -
                  • is_leaf (callable, optional) – An optional callable that returns True +

                  • is_leaf (Optional[Callable]) – An optional callable that returns True if the passed object is considered a leaf or False otherwise.

                  • +
                  • path (Optional[Any]) – Prefix will be added to the result.

                  Returns:
                  diff --git a/docs/build/html/python/_autosummary/mlx.utils.tree_reduce.html b/docs/build/html/python/_autosummary/mlx.utils.tree_reduce.html index bbdea4d9d..94077367a 100644 --- a/docs/build/html/python/_autosummary/mlx.utils.tree_reduce.html +++ b/docs/build/html/python/_autosummary/mlx.utils.tree_reduce.html @@ -8,7 +8,7 @@ - mlx.utils.tree_reduce — MLX 0.23.2 documentation + mlx.utils.tree_reduce — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/mlx.utils.tree_unflatten.html b/docs/build/html/python/_autosummary/mlx.utils.tree_unflatten.html index f40d4a5ef..53b21697b 100644 --- a/docs/build/html/python/_autosummary/mlx.utils.tree_unflatten.html +++ b/docs/build/html/python/_autosummary/mlx.utils.tree_unflatten.html @@ -8,7 +8,7 @@ - mlx.utils.tree_unflatten — MLX 0.23.2 documentation + mlx.utils.tree_unflatten — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/_autosummary/stream_class.html b/docs/build/html/python/_autosummary/stream_class.html index f9b7c83bd..4a4bb06d6 100644 --- a/docs/build/html/python/_autosummary/stream_class.html +++ b/docs/build/html/python/_autosummary/stream_class.html @@ -8,7 +8,7 @@ - mlx.core.Stream — MLX 0.23.2 documentation + mlx.core.Stream — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/array.html b/docs/build/html/python/array.html index 7ab24a58b..5f2466268 100644 --- a/docs/build/html/python/array.html +++ b/docs/build/html/python/array.html @@ -8,7 +8,7 @@ - Array — MLX 0.23.2 documentation + Array — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/data_types.html b/docs/build/html/python/data_types.html index 02899df97..3a6b8e1e7 100644 --- a/docs/build/html/python/data_types.html +++ b/docs/build/html/python/data_types.html @@ -8,7 +8,7 @@ - Data Types — MLX 0.23.2 documentation + Data Types — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/devices_and_streams.html b/docs/build/html/python/devices_and_streams.html index 8bcdf7493..05ada88e1 100644 --- a/docs/build/html/python/devices_and_streams.html +++ b/docs/build/html/python/devices_and_streams.html @@ -8,7 +8,7 @@ - Devices and Streams — MLX 0.23.2 documentation + Devices and Streams — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/distributed.html b/docs/build/html/python/distributed.html index efc7df08f..2b5bbc531 100644 --- a/docs/build/html/python/distributed.html +++ b/docs/build/html/python/distributed.html @@ -8,7 +8,7 @@ - Distributed Communication — MLX 0.23.2 documentation + Distributed Communication — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/export.html b/docs/build/html/python/export.html index abfc12166..4276a0376 100644 --- a/docs/build/html/python/export.html +++ b/docs/build/html/python/export.html @@ -8,7 +8,7 @@ - Export Functions — MLX 0.23.2 documentation + Export Functions — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/fast.html b/docs/build/html/python/fast.html index cc4b7357e..b84d62539 100644 --- a/docs/build/html/python/fast.html +++ b/docs/build/html/python/fast.html @@ -8,7 +8,7 @@ - Fast — MLX 0.23.2 documentation + Fast — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/fft.html b/docs/build/html/python/fft.html index 7ac811d0c..58e0a6eb2 100644 --- a/docs/build/html/python/fft.html +++ b/docs/build/html/python/fft.html @@ -8,7 +8,7 @@ - FFT — MLX 0.23.2 documentation + FFT — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/linalg.html b/docs/build/html/python/linalg.html index 92e51db81..3f7057c53 100644 --- a/docs/build/html/python/linalg.html +++ b/docs/build/html/python/linalg.html @@ -8,7 +8,7 @@ - Linear Algebra — MLX 0.23.2 documentation + Linear Algebra — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/metal.html b/docs/build/html/python/metal.html index 46b8efe8a..374494de3 100644 --- a/docs/build/html/python/metal.html +++ b/docs/build/html/python/metal.html @@ -8,7 +8,7 @@ - Metal — MLX 0.23.2 documentation + Metal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn.html b/docs/build/html/python/nn.html index 0bc5601de..dfd7d2611 100644 --- a/docs/build/html/python/nn.html +++ b/docs/build/html/python/nn.html @@ -8,7 +8,7 @@ - Neural Networks — MLX 0.23.2 documentation + Neural Networks — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.ALiBi.html b/docs/build/html/python/nn/_autosummary/mlx.nn.ALiBi.html index 28cb1e331..3f0aa8f33 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.ALiBi.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.ALiBi.html @@ -8,7 +8,7 @@ - mlx.nn.ALiBi — MLX 0.23.2 documentation + mlx.nn.ALiBi — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool1d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool1d.html index b6a2dbfd0..789fb72c8 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool1d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool1d.html @@ -8,7 +8,7 @@ - mlx.nn.AvgPool1d — MLX 0.23.2 documentation + mlx.nn.AvgPool1d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool2d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool2d.html index 62f1be3fb..a53b1f014 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool2d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool2d.html @@ -8,7 +8,7 @@ - mlx.nn.AvgPool2d — MLX 0.23.2 documentation + mlx.nn.AvgPool2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool3d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool3d.html index 0379ed66b..db4f7ff1d 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool3d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.AvgPool3d.html @@ -8,7 +8,7 @@ - mlx.nn.AvgPool3d — MLX 0.23.2 documentation + mlx.nn.AvgPool3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.BatchNorm.html b/docs/build/html/python/nn/_autosummary/mlx.nn.BatchNorm.html index 0d1e36a02..432b214c7 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.BatchNorm.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.BatchNorm.html @@ -8,7 +8,7 @@ - mlx.nn.BatchNorm — MLX 0.23.2 documentation + mlx.nn.BatchNorm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.CELU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.CELU.html index 2fe41d7ca..5b90275b5 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.CELU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.CELU.html @@ -8,7 +8,7 @@ - mlx.nn.CELU — MLX 0.23.2 documentation + mlx.nn.CELU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Conv1d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Conv1d.html index 7e6190ab7..95629a835 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Conv1d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Conv1d.html @@ -8,7 +8,7 @@ - mlx.nn.Conv1d — MLX 0.23.2 documentation + mlx.nn.Conv1d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Conv2d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Conv2d.html index 37bff3b72..b23238f20 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Conv2d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Conv2d.html @@ -8,7 +8,7 @@ - mlx.nn.Conv2d — MLX 0.23.2 documentation + mlx.nn.Conv2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Conv3d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Conv3d.html index 7ee760adc..6ec7158a0 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Conv3d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Conv3d.html @@ -8,7 +8,7 @@ - mlx.nn.Conv3d — MLX 0.23.2 documentation + mlx.nn.Conv3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose1d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose1d.html index 7d35691c1..0e77a0950 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose1d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose1d.html @@ -8,7 +8,7 @@ - mlx.nn.ConvTranspose1d — MLX 0.23.2 documentation + mlx.nn.ConvTranspose1d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose2d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose2d.html index b13c3f870..0827388ec 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose2d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose2d.html @@ -8,7 +8,7 @@ - mlx.nn.ConvTranspose2d — MLX 0.23.2 documentation + mlx.nn.ConvTranspose2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose3d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose3d.html index 72c938eb9..b1b21413a 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose3d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.ConvTranspose3d.html @@ -8,7 +8,7 @@ - mlx.nn.ConvTranspose3d — MLX 0.23.2 documentation + mlx.nn.ConvTranspose3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout.html index 0a3d27922..d87b5b1d5 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout.html @@ -8,7 +8,7 @@ - mlx.nn.Dropout — MLX 0.23.2 documentation + mlx.nn.Dropout — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout2d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout2d.html index 5b4364c0c..4a099d593 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout2d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout2d.html @@ -8,7 +8,7 @@ - mlx.nn.Dropout2d — MLX 0.23.2 documentation + mlx.nn.Dropout2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout3d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout3d.html index 8e6fdf52a..6ab732148 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout3d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Dropout3d.html @@ -8,7 +8,7 @@ - mlx.nn.Dropout3d — MLX 0.23.2 documentation + mlx.nn.Dropout3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.ELU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.ELU.html index 4da40291f..47b8f987b 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.ELU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.ELU.html @@ -8,7 +8,7 @@ - mlx.nn.ELU — MLX 0.23.2 documentation + mlx.nn.ELU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Embedding.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Embedding.html index 46f8562a5..b30bee9ca 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Embedding.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Embedding.html @@ -8,7 +8,7 @@ - mlx.nn.Embedding — MLX 0.23.2 documentation + mlx.nn.Embedding — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.GELU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.GELU.html index 9a9b4e939..993ed622a 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.GELU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.GELU.html @@ -8,7 +8,7 @@ - mlx.nn.GELU — MLX 0.23.2 documentation + mlx.nn.GELU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.GLU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.GLU.html index d8436c33e..6ae2ef963 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.GLU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.GLU.html @@ -8,7 +8,7 @@ - mlx.nn.GLU — MLX 0.23.2 documentation + mlx.nn.GLU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.GRU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.GRU.html index af8146b1e..b5dcc57c5 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.GRU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.GRU.html @@ -8,7 +8,7 @@ - mlx.nn.GRU — MLX 0.23.2 documentation + mlx.nn.GRU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.GroupNorm.html b/docs/build/html/python/nn/_autosummary/mlx.nn.GroupNorm.html index e9035fd05..8e3dcd800 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.GroupNorm.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.GroupNorm.html @@ -8,7 +8,7 @@ - mlx.nn.GroupNorm — MLX 0.23.2 documentation + mlx.nn.GroupNorm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.HardShrink.html b/docs/build/html/python/nn/_autosummary/mlx.nn.HardShrink.html index ef27535cc..efe02294f 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.HardShrink.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.HardShrink.html @@ -8,7 +8,7 @@ - mlx.nn.HardShrink — MLX 0.23.2 documentation + mlx.nn.HardShrink — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.HardTanh.html b/docs/build/html/python/nn/_autosummary/mlx.nn.HardTanh.html index ab3396c3b..b419bfe7a 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.HardTanh.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.HardTanh.html @@ -8,7 +8,7 @@ - mlx.nn.HardTanh — MLX 0.23.2 documentation + mlx.nn.HardTanh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Hardswish.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Hardswish.html index 642602ca5..5716270d6 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Hardswish.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Hardswish.html @@ -8,7 +8,7 @@ - mlx.nn.Hardswish — MLX 0.23.2 documentation + mlx.nn.Hardswish — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.InstanceNorm.html b/docs/build/html/python/nn/_autosummary/mlx.nn.InstanceNorm.html index 52ea643ac..a98303c1c 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.InstanceNorm.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.InstanceNorm.html @@ -8,7 +8,7 @@ - mlx.nn.InstanceNorm — MLX 0.23.2 documentation + mlx.nn.InstanceNorm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.LSTM.html b/docs/build/html/python/nn/_autosummary/mlx.nn.LSTM.html index 65351a634..f66bf4f47 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.LSTM.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.LSTM.html @@ -8,7 +8,7 @@ - mlx.nn.LSTM — MLX 0.23.2 documentation + mlx.nn.LSTM — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.LayerNorm.html b/docs/build/html/python/nn/_autosummary/mlx.nn.LayerNorm.html index 5fc40a406..81ea82b28 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.LayerNorm.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.LayerNorm.html @@ -8,7 +8,7 @@ - mlx.nn.LayerNorm — MLX 0.23.2 documentation + mlx.nn.LayerNorm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.LeakyReLU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.LeakyReLU.html index f68bc5ad6..626589965 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.LeakyReLU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.LeakyReLU.html @@ -8,7 +8,7 @@ - mlx.nn.LeakyReLU — MLX 0.23.2 documentation + mlx.nn.LeakyReLU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Linear.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Linear.html index 122bd3f15..082d4c7ae 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Linear.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Linear.html @@ -8,7 +8,7 @@ - mlx.nn.Linear — MLX 0.23.2 documentation + mlx.nn.Linear — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.LogSigmoid.html b/docs/build/html/python/nn/_autosummary/mlx.nn.LogSigmoid.html index 3ee32040a..58bcea114 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.LogSigmoid.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.LogSigmoid.html @@ -8,7 +8,7 @@ - mlx.nn.LogSigmoid — MLX 0.23.2 documentation + mlx.nn.LogSigmoid — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.LogSoftmax.html b/docs/build/html/python/nn/_autosummary/mlx.nn.LogSoftmax.html index 94416dd63..f630d60c1 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.LogSoftmax.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.LogSoftmax.html @@ -8,7 +8,7 @@ - mlx.nn.LogSoftmax — MLX 0.23.2 documentation + mlx.nn.LogSoftmax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool1d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool1d.html index 3d7b74b58..22e104918 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool1d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool1d.html @@ -8,7 +8,7 @@ - mlx.nn.MaxPool1d — MLX 0.23.2 documentation + mlx.nn.MaxPool1d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool2d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool2d.html index 4ae924e7f..be9c5c1c3 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool2d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool2d.html @@ -8,7 +8,7 @@ - mlx.nn.MaxPool2d — MLX 0.23.2 documentation + mlx.nn.MaxPool2d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool3d.html b/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool3d.html index e1f1286ae..1f4420cb5 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool3d.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.MaxPool3d.html @@ -8,7 +8,7 @@ - mlx.nn.MaxPool3d — MLX 0.23.2 documentation + mlx.nn.MaxPool3d — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Mish.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Mish.html index bfb04011c..b0decb1db 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Mish.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Mish.html @@ -8,7 +8,7 @@ - mlx.nn.Mish — MLX 0.23.2 documentation + mlx.nn.Mish — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply.html index 9c6cf40f2..66953105c 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply.html @@ -8,7 +8,7 @@ - mlx.nn.Module.apply — MLX 0.23.2 documentation + mlx.nn.Module.apply — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply_to_modules.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply_to_modules.html index 2d415f831..8692e382f 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply_to_modules.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.apply_to_modules.html @@ -8,7 +8,7 @@ - mlx.nn.Module.apply_to_modules — MLX 0.23.2 documentation + mlx.nn.Module.apply_to_modules — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.children.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.children.html index b74be43ea..d82b81398 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.children.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.children.html @@ -8,7 +8,7 @@ - mlx.nn.Module.children — MLX 0.23.2 documentation + mlx.nn.Module.children — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.eval.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.eval.html index f928b28cc..6d9958c1c 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.eval.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.eval.html @@ -8,7 +8,7 @@ - mlx.nn.Module.eval — MLX 0.23.2 documentation + mlx.nn.Module.eval — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.filter_and_map.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.filter_and_map.html index c8d42606f..3121fdb5b 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.filter_and_map.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.filter_and_map.html @@ -8,7 +8,7 @@ - mlx.nn.Module.filter_and_map — MLX 0.23.2 documentation + mlx.nn.Module.filter_and_map — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.freeze.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.freeze.html index 22dfb3865..ea34a3607 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.freeze.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.freeze.html @@ -8,7 +8,7 @@ - mlx.nn.Module.freeze — MLX 0.23.2 documentation + mlx.nn.Module.freeze — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.leaf_modules.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.leaf_modules.html index bd797a2fe..a0f457f9e 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.leaf_modules.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.leaf_modules.html @@ -8,7 +8,7 @@ - mlx.nn.Module.leaf_modules — MLX 0.23.2 documentation + mlx.nn.Module.leaf_modules — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.load_weights.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.load_weights.html index fe8cb19bf..3a935c3cb 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.load_weights.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.load_weights.html @@ -8,7 +8,7 @@ - mlx.nn.Module.load_weights — MLX 0.23.2 documentation + mlx.nn.Module.load_weights — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.modules.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.modules.html index a9234f880..5c59b951b 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.modules.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.modules.html @@ -8,7 +8,7 @@ - mlx.nn.Module.modules — MLX 0.23.2 documentation + mlx.nn.Module.modules — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.named_modules.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.named_modules.html index 2bace2c8f..a29a3eb0d 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.named_modules.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.named_modules.html @@ -8,7 +8,7 @@ - mlx.nn.Module.named_modules — MLX 0.23.2 documentation + mlx.nn.Module.named_modules — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.parameters.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.parameters.html index 1d296f9c0..6c47db412 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.parameters.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.parameters.html @@ -8,7 +8,7 @@ - mlx.nn.Module.parameters — MLX 0.23.2 documentation + mlx.nn.Module.parameters — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.save_weights.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.save_weights.html index 55069a7c4..1525d6e33 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.save_weights.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.save_weights.html @@ -8,7 +8,7 @@ - mlx.nn.Module.save_weights — MLX 0.23.2 documentation + mlx.nn.Module.save_weights — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.set_dtype.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.set_dtype.html index c2f17ea1f..39e23cf71 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.set_dtype.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.set_dtype.html @@ -8,7 +8,7 @@ - mlx.nn.Module.set_dtype — MLX 0.23.2 documentation + mlx.nn.Module.set_dtype — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.state.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.state.html index 17d0eda43..315aa4c08 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.state.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.state.html @@ -8,7 +8,7 @@ - mlx.nn.Module.state — MLX 0.23.2 documentation + mlx.nn.Module.state — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.train.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.train.html index 055d0af12..f6b1e3893 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.train.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.train.html @@ -8,7 +8,7 @@ - mlx.nn.Module.train — MLX 0.23.2 documentation + mlx.nn.Module.train — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.trainable_parameters.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.trainable_parameters.html index 61986c9a7..12ed171ad 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.trainable_parameters.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.trainable_parameters.html @@ -8,7 +8,7 @@ - mlx.nn.Module.trainable_parameters — MLX 0.23.2 documentation + mlx.nn.Module.trainable_parameters — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.training.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.training.html index c80f3b752..74a99b66a 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.training.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.training.html @@ -8,7 +8,7 @@ - mlx.nn.Module.training — MLX 0.23.2 documentation + mlx.nn.Module.training — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.unfreeze.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.unfreeze.html index c9981cd23..aad1d9865 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.unfreeze.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.unfreeze.html @@ -8,7 +8,7 @@ - mlx.nn.Module.unfreeze — MLX 0.23.2 documentation + mlx.nn.Module.unfreeze — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update.html index 5d2389905..af8aa5102 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update.html @@ -8,7 +8,7 @@ - mlx.nn.Module.update — MLX 0.23.2 documentation + mlx.nn.Module.update — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update_modules.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update_modules.html index d942e9e08..cdd827491 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update_modules.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Module.update_modules.html @@ -8,7 +8,7 @@ - mlx.nn.Module.update_modules — MLX 0.23.2 documentation + mlx.nn.Module.update_modules — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.MultiHeadAttention.html b/docs/build/html/python/nn/_autosummary/mlx.nn.MultiHeadAttention.html index 739d92556..daab35042 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.MultiHeadAttention.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.MultiHeadAttention.html @@ -8,7 +8,7 @@ - mlx.nn.MultiHeadAttention — MLX 0.23.2 documentation + mlx.nn.MultiHeadAttention — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.PReLU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.PReLU.html index 8ff3269b4..a7be3bca3 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.PReLU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.PReLU.html @@ -8,7 +8,7 @@ - mlx.nn.PReLU — MLX 0.23.2 documentation + mlx.nn.PReLU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedEmbedding.html b/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedEmbedding.html index 1d6e00cd3..34d83e0c9 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedEmbedding.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedEmbedding.html @@ -8,7 +8,7 @@ - mlx.nn.QuantizedEmbedding — MLX 0.23.2 documentation + mlx.nn.QuantizedEmbedding — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedLinear.html b/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedLinear.html index 797ccb73a..a1ee368ab 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedLinear.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.QuantizedLinear.html @@ -8,7 +8,7 @@ - mlx.nn.QuantizedLinear — MLX 0.23.2 documentation + mlx.nn.QuantizedLinear — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.RMSNorm.html b/docs/build/html/python/nn/_autosummary/mlx.nn.RMSNorm.html index 4adf3cab3..17d07fce7 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.RMSNorm.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.RMSNorm.html @@ -8,7 +8,7 @@ - mlx.nn.RMSNorm — MLX 0.23.2 documentation + mlx.nn.RMSNorm — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.RNN.html b/docs/build/html/python/nn/_autosummary/mlx.nn.RNN.html index 5756a6c1f..b39de6949 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.RNN.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.RNN.html @@ -8,7 +8,7 @@ - mlx.nn.RNN — MLX 0.23.2 documentation + mlx.nn.RNN — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU.html index 987933ccb..37c4f1d30 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU.html @@ -8,7 +8,7 @@ - mlx.nn.ReLU — MLX 0.23.2 documentation + mlx.nn.ReLU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU6.html b/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU6.html index 51ef495d7..b551a44db 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU6.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.ReLU6.html @@ -8,7 +8,7 @@ - mlx.nn.ReLU6 — MLX 0.23.2 documentation + mlx.nn.ReLU6 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.RoPE.html b/docs/build/html/python/nn/_autosummary/mlx.nn.RoPE.html index 6e830f3ca..38e317139 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.RoPE.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.RoPE.html @@ -8,7 +8,7 @@ - mlx.nn.RoPE — MLX 0.23.2 documentation + mlx.nn.RoPE — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.SELU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.SELU.html index 0e833a48a..60826a728 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.SELU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.SELU.html @@ -8,7 +8,7 @@ - mlx.nn.SELU — MLX 0.23.2 documentation + mlx.nn.SELU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Sequential.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Sequential.html index d95d0c49b..8cdac649d 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Sequential.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Sequential.html @@ -8,7 +8,7 @@ - mlx.nn.Sequential — MLX 0.23.2 documentation + mlx.nn.Sequential — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.SiLU.html b/docs/build/html/python/nn/_autosummary/mlx.nn.SiLU.html index 5b269ea16..236230171 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.SiLU.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.SiLU.html @@ -8,7 +8,7 @@ - mlx.nn.SiLU — MLX 0.23.2 documentation + mlx.nn.SiLU — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Sigmoid.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Sigmoid.html index 545996fa6..65c8c5f89 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Sigmoid.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Sigmoid.html @@ -8,7 +8,7 @@ - mlx.nn.Sigmoid — MLX 0.23.2 documentation + mlx.nn.Sigmoid — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding.html b/docs/build/html/python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding.html index 4bbe62348..9ebea8759 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding.html @@ -8,7 +8,7 @@ - mlx.nn.SinusoidalPositionalEncoding — MLX 0.23.2 documentation + mlx.nn.SinusoidalPositionalEncoding — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Softmax.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Softmax.html index 198f6faa2..be9c9b55a 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Softmax.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Softmax.html @@ -8,7 +8,7 @@ - mlx.nn.Softmax — MLX 0.23.2 documentation + mlx.nn.Softmax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Softmin.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Softmin.html index 491c9cb0a..f11764ccc 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Softmin.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Softmin.html @@ -8,7 +8,7 @@ - mlx.nn.Softmin — MLX 0.23.2 documentation + mlx.nn.Softmin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Softplus.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Softplus.html index d73e3f7e1..e1c48caf2 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Softplus.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Softplus.html @@ -8,7 +8,7 @@ - mlx.nn.Softplus — MLX 0.23.2 documentation + mlx.nn.Softplus — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Softshrink.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Softshrink.html index 6308b12ed..e2448db46 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Softshrink.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Softshrink.html @@ -8,7 +8,7 @@ - mlx.nn.Softshrink — MLX 0.23.2 documentation + mlx.nn.Softshrink — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Softsign.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Softsign.html index 2aaf28172..8f79bfc45 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Softsign.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Softsign.html @@ -8,7 +8,7 @@ - mlx.nn.Softsign — MLX 0.23.2 documentation + mlx.nn.Softsign — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Step.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Step.html index e1e66f154..e8699b4c9 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Step.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Step.html @@ -8,7 +8,7 @@ - mlx.nn.Step — MLX 0.23.2 documentation + mlx.nn.Step — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Tanh.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Tanh.html index a0cf7cf95..52681d183 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Tanh.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Tanh.html @@ -8,7 +8,7 @@ - mlx.nn.Tanh — MLX 0.23.2 documentation + mlx.nn.Tanh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Transformer.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Transformer.html index d6771e3cc..c6a926f78 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Transformer.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Transformer.html @@ -8,7 +8,7 @@ - mlx.nn.Transformer — MLX 0.23.2 documentation + mlx.nn.Transformer — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.Upsample.html b/docs/build/html/python/nn/_autosummary/mlx.nn.Upsample.html index 9da936a12..14727e140 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.Upsample.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.Upsample.html @@ -8,7 +8,7 @@ - mlx.nn.Upsample — MLX 0.23.2 documentation + mlx.nn.Upsample — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.constant.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.constant.html index dcd4d820e..0c7ea1abf 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.constant.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.constant.html @@ -8,7 +8,7 @@ - mlx.nn.init.constant — MLX 0.23.2 documentation + mlx.nn.init.constant — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_normal.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_normal.html index cf666b5a2..9373d4de8 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_normal.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_normal.html @@ -8,7 +8,7 @@ - mlx.nn.init.glorot_normal — MLX 0.23.2 documentation + mlx.nn.init.glorot_normal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_uniform.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_uniform.html index 05b400580..0e4d3c5ec 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_uniform.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.glorot_uniform.html @@ -8,7 +8,7 @@ - mlx.nn.init.glorot_uniform — MLX 0.23.2 documentation + mlx.nn.init.glorot_uniform — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_normal.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_normal.html index 27a41f55b..523021990 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_normal.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_normal.html @@ -8,7 +8,7 @@ - mlx.nn.init.he_normal — MLX 0.23.2 documentation + mlx.nn.init.he_normal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_uniform.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_uniform.html index e5affe738..854ed9e37 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_uniform.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.he_uniform.html @@ -8,7 +8,7 @@ - mlx.nn.init.he_uniform — MLX 0.23.2 documentation + mlx.nn.init.he_uniform — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.identity.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.identity.html index a3c3faede..ee4d2d356 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.identity.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.identity.html @@ -8,7 +8,7 @@ - mlx.nn.init.identity — MLX 0.23.2 documentation + mlx.nn.init.identity — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.normal.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.normal.html index bb6e64cfb..c5ceae59f 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.normal.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.normal.html @@ -8,7 +8,7 @@ - mlx.nn.init.normal — MLX 0.23.2 documentation + mlx.nn.init.normal — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary/mlx.nn.init.uniform.html b/docs/build/html/python/nn/_autosummary/mlx.nn.init.uniform.html index 89f2d34a1..b0469de3c 100644 --- a/docs/build/html/python/nn/_autosummary/mlx.nn.init.uniform.html +++ b/docs/build/html/python/nn/_autosummary/mlx.nn.init.uniform.html @@ -8,7 +8,7 @@ - mlx.nn.init.uniform — MLX 0.23.2 documentation + mlx.nn.init.uniform — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.celu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.celu.html index c4cc22707..64dfec692 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.celu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.celu.html @@ -8,7 +8,7 @@ - mlx.nn.celu — MLX 0.23.2 documentation + mlx.nn.celu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.elu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.elu.html index b12968060..1ac3cc1a2 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.elu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.elu.html @@ -8,7 +8,7 @@ - mlx.nn.elu — MLX 0.23.2 documentation + mlx.nn.elu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu.html index 58e1e32e0..b886eb192 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu.html @@ -8,7 +8,7 @@ - mlx.nn.gelu — MLX 0.23.2 documentation + mlx.nn.gelu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_approx.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_approx.html index 0d40c6063..d9df26978 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_approx.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_approx.html @@ -8,7 +8,7 @@ - mlx.nn.gelu_approx — MLX 0.23.2 documentation + mlx.nn.gelu_approx — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx.html index b56d4fe16..8c27c708d 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx.html @@ -8,7 +8,7 @@ - mlx.nn.gelu_fast_approx — MLX 0.23.2 documentation + mlx.nn.gelu_fast_approx — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.glu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.glu.html index 58b4c0b07..7d82e8b6b 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.glu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.glu.html @@ -8,7 +8,7 @@ - mlx.nn.glu — MLX 0.23.2 documentation + mlx.nn.glu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_shrink.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_shrink.html index d52d01a99..0ebc4756f 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_shrink.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_shrink.html @@ -8,7 +8,7 @@ - mlx.nn.hard_shrink — MLX 0.23.2 documentation + mlx.nn.hard_shrink — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_tanh.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_tanh.html index a02b9e2a5..1e3c4eef3 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_tanh.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hard_tanh.html @@ -8,7 +8,7 @@ - mlx.nn.hard_tanh — MLX 0.23.2 documentation + mlx.nn.hard_tanh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hardswish.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hardswish.html index 05934c5a2..0fd000a15 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hardswish.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.hardswish.html @@ -8,7 +8,7 @@ - mlx.nn.hardswish — MLX 0.23.2 documentation + mlx.nn.hardswish — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.leaky_relu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.leaky_relu.html index 918bc91d0..414ecd5bd 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.leaky_relu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.leaky_relu.html @@ -8,7 +8,7 @@ - mlx.nn.leaky_relu — MLX 0.23.2 documentation + mlx.nn.leaky_relu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_sigmoid.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_sigmoid.html index 84a3add01..b7444bbaf 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_sigmoid.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_sigmoid.html @@ -8,7 +8,7 @@ - mlx.nn.log_sigmoid — MLX 0.23.2 documentation + mlx.nn.log_sigmoid — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_softmax.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_softmax.html index 09e8c2aad..d0a916eb8 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_softmax.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.log_softmax.html @@ -8,7 +8,7 @@ - mlx.nn.log_softmax — MLX 0.23.2 documentation + mlx.nn.log_softmax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy.html index 5664da5c4..a57a45464 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy.html @@ -8,7 +8,7 @@ - mlx.nn.losses.binary_cross_entropy — MLX 0.23.2 documentation + mlx.nn.losses.binary_cross_entropy — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss.html index 82f3d5e8e..c7b59f52b 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.cosine_similarity_loss — MLX 0.23.2 documentation + mlx.nn.losses.cosine_similarity_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy.html index 120940942..f2123a325 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy.html @@ -8,7 +8,7 @@ - mlx.nn.losses.cross_entropy — MLX 0.23.2 documentation + mlx.nn.losses.cross_entropy — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss.html index fea7a0a5c..4c8426573 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.gaussian_nll_loss — MLX 0.23.2 documentation + mlx.nn.losses.gaussian_nll_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss.html index 83fe01b52..f06ceac70 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.hinge_loss — MLX 0.23.2 documentation + mlx.nn.losses.hinge_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.huber_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.huber_loss.html index 5b521e561..072f08500 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.huber_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.huber_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.huber_loss — MLX 0.23.2 documentation + mlx.nn.losses.huber_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss.html index a40159ee7..69691b3d4 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.kl_div_loss — MLX 0.23.2 documentation + mlx.nn.losses.kl_div_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.l1_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.l1_loss.html index b44ed6d64..87412b5c6 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.l1_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.l1_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.l1_loss — MLX 0.23.2 documentation + mlx.nn.losses.l1_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss.html index 84ee23aea..278473104 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.log_cosh_loss — MLX 0.23.2 documentation + mlx.nn.losses.log_cosh_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss.html index 121833125..7d692df7c 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.margin_ranking_loss — MLX 0.23.2 documentation + mlx.nn.losses.margin_ranking_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.mse_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.mse_loss.html index 4c1a77349..9e4e3664f 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.mse_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.mse_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.mse_loss — MLX 0.23.2 documentation + mlx.nn.losses.mse_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.nll_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.nll_loss.html index 7ea4983fe..c53ce3929 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.nll_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.nll_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.nll_loss — MLX 0.23.2 documentation + mlx.nn.losses.nll_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss.html index 05e55e334..0d59f7a81 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.smooth_l1_loss — MLX 0.23.2 documentation + mlx.nn.losses.smooth_l1_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss.html index 911a6e1ea..61666a079 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss.html @@ -8,7 +8,7 @@ - mlx.nn.losses.triplet_loss — MLX 0.23.2 documentation + mlx.nn.losses.triplet_loss — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.mish.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.mish.html index 474b7ff09..9845db010 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.mish.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.mish.html @@ -8,7 +8,7 @@ - mlx.nn.mish — MLX 0.23.2 documentation + mlx.nn.mish — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.prelu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.prelu.html index 96fab56d6..6cebc12d2 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.prelu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.prelu.html @@ -8,7 +8,7 @@ - mlx.nn.prelu — MLX 0.23.2 documentation + mlx.nn.prelu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu.html index 92dceff1a..a629f0237 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu.html @@ -8,7 +8,7 @@ - mlx.nn.relu — MLX 0.23.2 documentation + mlx.nn.relu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu6.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu6.html index a761ee015..325c359bc 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu6.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.relu6.html @@ -8,7 +8,7 @@ - mlx.nn.relu6 — MLX 0.23.2 documentation + mlx.nn.relu6 — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.selu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.selu.html index 238d6f156..72f51c044 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.selu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.selu.html @@ -8,7 +8,7 @@ - mlx.nn.selu — MLX 0.23.2 documentation + mlx.nn.selu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.sigmoid.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.sigmoid.html index 1a1cb1df3..2c23c9bea 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.sigmoid.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.sigmoid.html @@ -8,7 +8,7 @@ - mlx.nn.sigmoid — MLX 0.23.2 documentation + mlx.nn.sigmoid — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.silu.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.silu.html index 78d330e5b..ef3143cc0 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.silu.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.silu.html @@ -8,7 +8,7 @@ - mlx.nn.silu — MLX 0.23.2 documentation + mlx.nn.silu — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmax.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmax.html index d513c9ebd..b2e351f2d 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmax.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmax.html @@ -8,7 +8,7 @@ - mlx.nn.softmax — MLX 0.23.2 documentation + mlx.nn.softmax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmin.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmin.html index abe296731..3241fdd9c 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmin.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softmin.html @@ -8,7 +8,7 @@ - mlx.nn.softmin — MLX 0.23.2 documentation + mlx.nn.softmin — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softplus.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softplus.html index acde4dc4c..617a0a32d 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softplus.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softplus.html @@ -8,7 +8,7 @@ - mlx.nn.softplus — MLX 0.23.2 documentation + mlx.nn.softplus — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softshrink.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softshrink.html index 588a80ce3..9c2c49eca 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softshrink.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.softshrink.html @@ -8,7 +8,7 @@ - mlx.nn.softshrink — MLX 0.23.2 documentation + mlx.nn.softshrink — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.step.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.step.html index 72a03f771..8b50e45b1 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.step.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.step.html @@ -8,7 +8,7 @@ - mlx.nn.step — MLX 0.23.2 documentation + mlx.nn.step — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.tanh.html b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.tanh.html index 71fca6f55..f192fcc39 100644 --- a/docs/build/html/python/nn/_autosummary_functions/mlx.nn.tanh.html +++ b/docs/build/html/python/nn/_autosummary_functions/mlx.nn.tanh.html @@ -8,7 +8,7 @@ - mlx.nn.tanh — MLX 0.23.2 documentation + mlx.nn.tanh — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/functions.html b/docs/build/html/python/nn/functions.html index 7c72f6d57..3db376ffb 100644 --- a/docs/build/html/python/nn/functions.html +++ b/docs/build/html/python/nn/functions.html @@ -8,7 +8,7 @@ - Functions — MLX 0.23.2 documentation + Functions — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/init.html b/docs/build/html/python/nn/init.html index 08ee267eb..c1eb9e0e0 100644 --- a/docs/build/html/python/nn/init.html +++ b/docs/build/html/python/nn/init.html @@ -8,7 +8,7 @@ - Initializers — MLX 0.23.2 documentation + Initializers — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/layers.html b/docs/build/html/python/nn/layers.html index bcf29f5dd..6a544b89f 100644 --- a/docs/build/html/python/nn/layers.html +++ b/docs/build/html/python/nn/layers.html @@ -8,7 +8,7 @@ - Layers — MLX 0.23.2 documentation + Layers — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/losses.html b/docs/build/html/python/nn/losses.html index 4459ed74e..a7bf97ef9 100644 --- a/docs/build/html/python/nn/losses.html +++ b/docs/build/html/python/nn/losses.html @@ -8,7 +8,7 @@ - Loss Functions — MLX 0.23.2 documentation + Loss Functions — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/nn/module.html b/docs/build/html/python/nn/module.html index 546574f9d..39454dda8 100644 --- a/docs/build/html/python/nn/module.html +++ b/docs/build/html/python/nn/module.html @@ -8,7 +8,7 @@ - Module — MLX 0.23.2 documentation + Module — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/ops.html b/docs/build/html/python/ops.html index 541668c34..0375fb4d6 100644 --- a/docs/build/html/python/ops.html +++ b/docs/build/html/python/ops.html @@ -8,7 +8,7 @@ - Operations — MLX 0.23.2 documentation + Operations — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers.html b/docs/build/html/python/optimizers.html index 6afc8d3bd..7b6c00809 100644 --- a/docs/build/html/python/optimizers.html +++ b/docs/build/html/python/optimizers.html @@ -8,7 +8,7 @@ - Optimizers — MLX 0.23.2 documentation + Optimizers — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdaDelta.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdaDelta.html index d68f5149b..0211b3d73 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdaDelta.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdaDelta.html @@ -8,7 +8,7 @@ - mlx.optimizers.AdaDelta — MLX 0.23.2 documentation + mlx.optimizers.AdaDelta — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adafactor.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adafactor.html index 6b5897979..a3a3548fb 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adafactor.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adafactor.html @@ -8,7 +8,7 @@ - mlx.optimizers.Adafactor — MLX 0.23.2 documentation + mlx.optimizers.Adafactor — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adagrad.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adagrad.html index 0be13467c..9a8b7b3a7 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adagrad.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adagrad.html @@ -8,7 +8,7 @@ - mlx.optimizers.Adagrad — MLX 0.23.2 documentation + mlx.optimizers.Adagrad — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adam.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adam.html index 10fb1365c..ce168d955 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adam.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adam.html @@ -8,7 +8,7 @@ - mlx.optimizers.Adam — MLX 0.23.2 documentation + mlx.optimizers.Adam — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdamW.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdamW.html index 709c8e67e..2afb46425 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdamW.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.AdamW.html @@ -8,7 +8,7 @@ - mlx.optimizers.AdamW — MLX 0.23.2 documentation + mlx.optimizers.AdamW — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adamax.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adamax.html index 95c4dea4b..00ab8ba53 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adamax.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Adamax.html @@ -8,7 +8,7 @@ - mlx.optimizers.Adamax — MLX 0.23.2 documentation + mlx.optimizers.Adamax — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Lion.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Lion.html index 048217458..6ba049d43 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Lion.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Lion.html @@ -8,7 +8,7 @@ - mlx.optimizers.Lion — MLX 0.23.2 documentation + mlx.optimizers.Lion — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients.html index a93f4a99f..b1a4a199f 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients.html @@ -8,7 +8,7 @@ - mlx.optimizers.Optimizer.apply_gradients — MLX 0.23.2 documentation + mlx.optimizers.Optimizer.apply_gradients — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.init.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.init.html index d931fc6f9..f3f08aed3 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.init.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.init.html @@ -8,7 +8,7 @@ - mlx.optimizers.Optimizer.init — MLX 0.23.2 documentation + mlx.optimizers.Optimizer.init — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.state.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.state.html index 46d861c40..2cb4205ac 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.state.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.state.html @@ -8,7 +8,7 @@ - mlx.optimizers.Optimizer.state — MLX 0.23.2 documentation + mlx.optimizers.Optimizer.state — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.update.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.update.html index 2517d6bd9..fda351043 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.update.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.Optimizer.update.html @@ -8,7 +8,7 @@ - mlx.optimizers.Optimizer.update — MLX 0.23.2 documentation + mlx.optimizers.Optimizer.update — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.RMSprop.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.RMSprop.html index 9e3a47f3f..66570f379 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.RMSprop.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.RMSprop.html @@ -8,7 +8,7 @@ - mlx.optimizers.RMSprop — MLX 0.23.2 documentation + mlx.optimizers.RMSprop — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.SGD.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.SGD.html index 2e31c12e1..cc98a02e7 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.SGD.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.SGD.html @@ -8,7 +8,7 @@ - mlx.optimizers.SGD — MLX 0.23.2 documentation + mlx.optimizers.SGD — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.cosine_decay.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.cosine_decay.html index 89f21201f..440025c14 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.cosine_decay.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.cosine_decay.html @@ -8,7 +8,7 @@ - mlx.optimizers.cosine_decay — MLX 0.23.2 documentation + mlx.optimizers.cosine_decay — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.exponential_decay.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.exponential_decay.html index b82a39b2d..931cf192f 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.exponential_decay.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.exponential_decay.html @@ -8,7 +8,7 @@ - mlx.optimizers.exponential_decay — MLX 0.23.2 documentation + mlx.optimizers.exponential_decay — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.join_schedules.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.join_schedules.html index 1168b2543..2cf312735 100644 --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.join_schedules.html +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.join_schedules.html @@ -8,7 +8,7 @@ - mlx.optimizers.join_schedules — MLX 0.23.2 documentation + mlx.optimizers.join_schedules — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + @@ -920,9 +920,9 @@ that indicates when to transition between schedules.

                  Example

                  -
                  >>> warmup = optim.linear_schedule(0, 1e-1, steps=10)
                  +
                  >>> linear = optim.linear_schedule(0, 1e-1, steps=10)
                   >>> cosine = optim.cosine_decay(1e-1, 200)
                  ->>> lr_schedule = optim.join_schedules([warmup, cosine], [10])
                  +>>> lr_schedule = optim.join_schedules([linear, cosine], [10])
                   >>> optimizer = optim.Adam(learning_rate=lr_schedule)
                   >>> optimizer.learning_rate
                   array(0.0, dtype=float32)
                  diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.linear_schedule.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.linear_schedule.html
                  index 7ac34f388..af05533ae 100644
                  --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.linear_schedule.html
                  +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.linear_schedule.html
                  @@ -8,7 +8,7 @@
                       
                       
                   
                  -    mlx.optimizers.linear_schedule — MLX 0.23.2 documentation
                  +    mlx.optimizers.linear_schedule — MLX 0.24.0 documentation
                     
                     
                     
                  @@ -36,7 +36,7 @@
                   
                     
                   
                  -    
                  +    
                       
                       
                       
                  @@ -137,8 +137,8 @@
                         
                       
                       
                  -    MLX 0.23.2 documentation - Home
                  -    
                  +    MLX 0.24.0 documentation - Home
                  +    
                     
                     
                   
                  @@ -918,8 +918,8 @@ document.write(`

                  Example

                  -
                  >>> warmup = optim.linear_schedule(0, 1e-1, 100)
                  ->>> optimizer = optim.Adam(learning_rate=warmup)
                  +
                  >>> lr_schedule = optim.linear_schedule(0, 1e-1, 100)
                  +>>> optimizer = optim.Adam(learning_rate=lr_schedule)
                   >>> optimizer.learning_rate
                   array(0.0, dtype=float32)
                   >>> for _ in range(101): optimizer.update({}, {})
                  diff --git a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.step_decay.html b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.step_decay.html
                  index 11d5a4d84..d56b37aaf 100644
                  --- a/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.step_decay.html
                  +++ b/docs/build/html/python/optimizers/_autosummary/mlx.optimizers.step_decay.html
                  @@ -8,7 +8,7 @@
                       
                       
                   
                  -    mlx.optimizers.step_decay — MLX 0.23.2 documentation
                  +    mlx.optimizers.step_decay — MLX 0.24.0 documentation
                     
                     
                     
                  @@ -36,7 +36,7 @@
                   
                     
                   
                  -    
                  +    
                       
                       
                       
                  @@ -137,8 +137,8 @@
                         
                       
                       
                  -    MLX 0.23.2 documentation - Home
                  -    
                  +    MLX 0.24.0 documentation - Home
                  +    
                     
                     
                   
                  diff --git a/docs/build/html/python/optimizers/common_optimizers.html b/docs/build/html/python/optimizers/common_optimizers.html index c2afaeeaa..4a3487ff6 100644 --- a/docs/build/html/python/optimizers/common_optimizers.html +++ b/docs/build/html/python/optimizers/common_optimizers.html @@ -8,7 +8,7 @@ - Common Optimizers — MLX 0.23.2 documentation + Common Optimizers — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/optimizers/optimizer.html b/docs/build/html/python/optimizers/optimizer.html index 0f4647b2b..41d285b0e 100644 --- a/docs/build/html/python/optimizers/optimizer.html +++ b/docs/build/html/python/optimizers/optimizer.html @@ -8,7 +8,7 @@ - Optimizer — MLX 0.23.2 documentation + Optimizer — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/optimizers/schedulers.html b/docs/build/html/python/optimizers/schedulers.html index c19690572..400a07c45 100644 --- a/docs/build/html/python/optimizers/schedulers.html +++ b/docs/build/html/python/optimizers/schedulers.html @@ -8,7 +8,7 @@ - Schedulers — MLX 0.23.2 documentation + Schedulers — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/random.html b/docs/build/html/python/random.html index 77b7bbbe6..6d1117114 100644 --- a/docs/build/html/python/random.html +++ b/docs/build/html/python/random.html @@ -8,7 +8,7 @@ - Random — MLX 0.23.2 documentation + Random — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/transforms.html b/docs/build/html/python/transforms.html index fef901123..04f918472 100644 --- a/docs/build/html/python/transforms.html +++ b/docs/build/html/python/transforms.html @@ -8,7 +8,7 @@ - Transforms — MLX 0.23.2 documentation + Transforms — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/python/tree_utils.html b/docs/build/html/python/tree_utils.html index c11d99694..5b07ee42d 100644 --- a/docs/build/html/python/tree_utils.html +++ b/docs/build/html/python/tree_utils.html @@ -8,7 +8,7 @@ - Tree Utils — MLX 0.23.2 documentation + Tree Utils — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/scheduler_8h_source.html b/docs/build/html/scheduler_8h_source.html index b77031461..5948eed86 100644 --- a/docs/build/html/scheduler_8h_source.html +++ b/docs/build/html/scheduler_8h_source.html @@ -124,92 +124,90 @@ $(function(){initNavTree('scheduler_8h_source.html',''); initResizable(true); })
                  17
                  - +
                  19 std::mutex mtx;
                  20 std::queue<std::function<void()>> q;
                  21 std::condition_variable cond;
                  22 bool stop;
                  - -
                  24 std::thread thread;
                  -
                  25
                  -
                  - -
                  27 : stop(false), stream(stream), thread(&StreamThread::thread_fn, this) {
                  - -
                  29 }
                  +
                  23 std::thread thread;
                  +
                  24
                  + +
                  26
                  +
                  + +
                  28 {
                  +
                  29 std::lock_guard<std::mutex> lk(mtx);
                  +
                  30 stop = true;
                  +
                  31 }
                  +
                  32 cond.notify_one();
                  +
                  33 thread.join();
                  +
                  34 }
                  -
                  30
                  -
                  - - -
                  33 {
                  -
                  34 std::lock_guard<std::mutex> lk(mtx);
                  -
                  35 stop = true;
                  -
                  36 }
                  -
                  37 cond.notify_one();
                  -
                  38 thread.join();
                  -
                  39 }
                  +
                  35
                  +
                  +
                  36 void thread_fn() {
                  +
                  37 while (true) {
                  +
                  38 std::function<void()> task;
                  +
                  39 {
                  +
                  40 std::unique_lock<std::mutex> lk(mtx);
                  +
                  41 cond.wait(lk, [this] { return !this->q.empty() || this->stop; });
                  +
                  42 if (q.empty() && stop) {
                  +
                  43 return;
                  +
                  44 }
                  +
                  45 task = std::move(q.front());
                  +
                  46 q.pop();
                  +
                  47 }
                  +
                  48
                  +
                  49 task();
                  +
                  50 }
                  +
                  51 }
                  -
                  40
                  -
                  -
                  41 void thread_fn() {
                  -
                  42 while (true) {
                  -
                  43 std::function<void()> task;
                  -
                  44 {
                  -
                  45 std::unique_lock<std::mutex> lk(mtx);
                  -
                  46 cond.wait(lk, [this] { return !this->q.empty() || this->stop; });
                  -
                  47 if (q.empty() && stop) {
                  -
                  48 return;
                  -
                  49 }
                  -
                  50 task = std::move(q.front());
                  -
                  51 q.pop();
                  -
                  52 }
                  -
                  53
                  -
                  54 task();
                  -
                  55 }
                  -
                  56 }
                  +
                  52
                  +
                  53 template <typename F>
                  +
                  +
                  54 void enqueue(F&& f) {
                  +
                  55 {
                  +
                  56 std::lock_guard<std::mutex> lk(mtx);
                  +
                  57 if (stop) {
                  +
                  58 throw std::runtime_error(
                  +
                  59 "Cannot enqueue work after stream is stopped.");
                  +
                  60 }
                  +
                  61 q.emplace(std::forward<F>(f));
                  +
                  62 }
                  +
                  63 cond.notify_one();
                  +
                  64 }
                  -
                  57
                  -
                  58 template <typename F>
                  -
                  -
                  59 void enqueue(F&& f) {
                  -
                  60 {
                  -
                  61 std::lock_guard<std::mutex> lk(mtx);
                  -
                  62 if (stop) {
                  -
                  63 throw std::runtime_error(
                  -
                  64 "Cannot enqueue work after stream is stopped.");
                  -
                  65 }
                  -
                  66 q.emplace(std::forward<F>(f));
                  -
                  67 }
                  -
                  68 cond.notify_one();
                  -
                  69 }
                  +
                  65};
                  -
                  70};
                  +
                  66
                  +
                  +
                  67class Scheduler {
                  +
                  68 public:
                  +
                  +
                  69 Scheduler() : n_active_tasks_(0) {
                  +
                  70 if (metal::is_available()) {
                  +
                  71 default_streams_.insert({Device::gpu, new_stream(Device::gpu)});
                  +
                  72 }
                  +
                  73 default_streams_.insert({Device::cpu, new_stream(Device::cpu)});
                  +
                  74 }
                  -
                  71
                  -
                  -
                  72class Scheduler {
                  -
                  73 public:
                  -
                  -
                  74 Scheduler() : n_active_tasks_(0) {
                  -
                  75 if (metal::is_available()) {
                  -
                  76 default_streams_.insert({Device::gpu, new_stream(Device::gpu)});
                  -
                  77 }
                  -
                  78 default_streams_.insert({Device::cpu, new_stream(Device::cpu)});
                  -
                  79 }
                  -
                  -
                  80
                  -
                  81 // Not copyable or moveable
                  -
                  82 Scheduler(const Scheduler&) = delete;
                  -
                  83 Scheduler(Scheduler&&) = delete;
                  -
                  84 Scheduler& operator=(const Scheduler&) = delete;
                  - -
                  86
                  -
                  - -
                  88 auto stream = Stream(streams_.size(), d);
                  -
                  89 streams_.push_back(new StreamThread{stream});
                  -
                  90 return stream;
                  +
                  75
                  +
                  76 // Not copyable or moveable
                  +
                  77 Scheduler(const Scheduler&) = delete;
                  +
                  78 Scheduler(Scheduler&&) = delete;
                  +
                  79 Scheduler& operator=(const Scheduler&) = delete;
                  + +
                  81
                  +
                  + +
                  83 streams_.emplace_back(streams_.size(), d);
                  +
                  84 if (d == Device::gpu) {
                  +
                  85 threads_.push_back(nullptr);
                  +
                  86 metal::new_stream(streams_.back());
                  +
                  87 } else {
                  +
                  88 threads_.push_back(new StreamThread{});
                  +
                  89 }
                  +
                  90 return streams_.back();
                  91 }
                  92
                  @@ -223,7 +221,7 @@ $(function(){initNavTree('scheduler_8h_source.html',''); initResizable(true); })
                  99 Stream get_stream(int index) const {
                  -
                  100 return streams_.at(index)->stream;
                  +
                  100 return streams_.at(index);
                  101 }
                  102
                  @@ -274,69 +272,75 @@ $(function(){initNavTree('scheduler_8h_source.html',''); initResizable(true); })
                  138 for (auto s : streams_) {
                  -
                  139 delete s;
                  +
                  139 synchronize(s);
                  140 }
                  -
                  141 }
                  +
                  141 for (auto t : threads_) {
                  +
                  142 if (t != nullptr) {
                  +
                  143 delete t;
                  +
                  144 }
                  +
                  145 }
                  +
                  146 }
                  -
                  142
                  -
                  143 private:
                  -
                  144 int n_active_tasks_;
                  -
                  145 std::vector<StreamThread*> streams_;
                  -
                  146 std::unordered_map<Device::DeviceType, Stream> default_streams_;
                  -
                  147 std::condition_variable completion_cv;
                  -
                  148 std::mutex mtx;
                  -
                  149};
                  +
                  147
                  +
                  148 private:
                  +
                  149 int n_active_tasks_;
                  +
                  150 std::vector<StreamThread*> threads_;
                  +
                  151 std::vector<Stream> streams_;
                  +
                  152 std::unordered_map<Device::DeviceType, Stream> default_streams_;
                  +
                  153 std::condition_variable completion_cv;
                  +
                  154 std::mutex mtx;
                  +
                  155};
                  -
                  150
                  -
                  151template <typename F>
                  -
                  -
                  152void Scheduler::enqueue(const Stream& stream, F&& f) {
                  -
                  153 streams_[stream.index]->enqueue(std::forward<F>(f));
                  -
                  154}
                  +
                  156
                  +
                  157template <typename F>
                  +
                  +
                  158void Scheduler::enqueue(const Stream& stream, F&& f) {
                  +
                  159 threads_[stream.index]->enqueue(std::forward<F>(f));
                  +
                  160}
                  -
                  155
                  - -
                  157
                  -
                  158template <typename F>
                  -
                  -
                  159void enqueue(const Stream& stream, F&& f) {
                  -
                  160 scheduler().enqueue(stream, std::forward<F>(f));
                  -
                  161}
                  +
                  161
                  + +
                  163
                  +
                  164template <typename F>
                  +
                  +
                  165void enqueue(const Stream& stream, F&& f) {
                  +
                  166 scheduler().enqueue(stream, std::forward<F>(f));
                  +
                  167}
                  -
                  162
                  -
                  -
                  163inline int n_active_tasks() {
                  -
                  164 return scheduler().n_active_tasks();
                  -
                  165}
                  +
                  168
                  +
                  +
                  169inline int n_active_tasks() {
                  +
                  170 return scheduler().n_active_tasks();
                  +
                  171}
                  -
                  166
                  -
                  -
                  167inline void notify_new_task(const Stream& stream) {
                  -
                  168 scheduler().notify_new_task(stream);
                  -
                  169}
                  +
                  172
                  +
                  +
                  173inline void notify_new_task(const Stream& stream) {
                  +
                  174 scheduler().notify_new_task(stream);
                  +
                  175}
                  -
                  170
                  -
                  -
                  171inline void notify_task_completion(const Stream& stream) {
                  - -
                  173}
                  +
                  176
                  +
                  +
                  177inline void notify_task_completion(const Stream& stream) {
                  + +
                  179}
                  -
                  174
                  -
                  -
                  175inline void wait_for_one() {
                  - -
                  177}
                  +
                  180
                  +
                  +
                  181inline void wait_for_one() {
                  + +
                  183}
                  -
                  178
                  -
                  179} // namespace mlx::core::scheduler
                  +
                  184
                  +
                  185} // namespace mlx::core::scheduler
                  -
                  Definition scheduler.h:72
                  +
                  Definition scheduler.h:67
                  void wait_for_one()
                  Definition scheduler.h:127
                  Scheduler & operator=(Scheduler &&)=delete
                  -
                  void enqueue(const Stream &stream, F &&f)
                  Definition scheduler.h:152
                  -
                  Stream new_stream(const Device &d)
                  Definition scheduler.h:87
                  +
                  void enqueue(const Stream &stream, F &&f)
                  Definition scheduler.h:158
                  +
                  Stream new_stream(const Device &d)
                  Definition scheduler.h:82
                  Stream get_default_stream(const Device &d) const
                  Definition scheduler.h:96
                  -
                  Scheduler()
                  Definition scheduler.h:74
                  +
                  Scheduler()
                  Definition scheduler.h:69
                  int n_active_tasks() const
                  Definition scheduler.h:123
                  Scheduler(const Scheduler &)=delete
                  ~Scheduler()
                  Definition scheduler.h:137
                  @@ -352,11 +356,11 @@ $(function(){initNavTree('scheduler_8h_source.html',''); initResizable(true); })
                  void new_stream(Stream stream)
                  Definition scheduler.h:16
                  -
                  void notify_task_completion(const Stream &stream)
                  Definition scheduler.h:171
                  -
                  void notify_new_task(const Stream &stream)
                  Definition scheduler.h:167
                  -
                  void wait_for_one()
                  Definition scheduler.h:175
                  -
                  int n_active_tasks()
                  Definition scheduler.h:163
                  -
                  void enqueue(const Stream &stream, F &&f)
                  Definition scheduler.h:159
                  +
                  void notify_task_completion(const Stream &stream)
                  Definition scheduler.h:177
                  +
                  void notify_new_task(const Stream &stream)
                  Definition scheduler.h:173
                  +
                  void wait_for_one()
                  Definition scheduler.h:181
                  +
                  int n_active_tasks()
                  Definition scheduler.h:169
                  +
                  void enqueue(const Stream &stream, F &&f)
                  Definition scheduler.h:165
                  Scheduler & scheduler()
                  void synchronize()
                  @@ -368,15 +372,14 @@ $(function(){initNavTree('scheduler_8h_source.html',''); initResizable(true); })
                  Device device
                  Definition stream.h:11
                  int index
                  Definition stream.h:10
                  Definition scheduler.h:18
                  -
                  void thread_fn()
                  Definition scheduler.h:41
                  -
                  std::thread thread
                  Definition scheduler.h:24
                  +
                  void thread_fn()
                  Definition scheduler.h:36
                  +
                  StreamThread()
                  Definition scheduler.h:25
                  +
                  std::thread thread
                  Definition scheduler.h:23
                  bool stop
                  Definition scheduler.h:22
                  -
                  void enqueue(F &&f)
                  Definition scheduler.h:59
                  +
                  void enqueue(F &&f)
                  Definition scheduler.h:54
                  std::condition_variable cond
                  Definition scheduler.h:21
                  std::mutex mtx
                  Definition scheduler.h:19
                  -
                  ~StreamThread()
                  Definition scheduler.h:31
                  -
                  Stream stream
                  Definition scheduler.h:23
                  -
                  StreamThread(Stream stream)
                  Definition scheduler.h:26
                  +
                  ~StreamThread()
                  Definition scheduler.h:27
                  std::queue< std::function< void()> > q
                  Definition scheduler.h:20
                  diff --git a/docs/build/html/sdpa__vector_8h.html b/docs/build/html/sdpa__vector_8h.html index 132b203a6..8c598a88c 100644 --- a/docs/build/html/sdpa__vector_8h.html +++ b/docs/build/html/sdpa__vector_8h.html @@ -114,12 +114,12 @@ $(function(){initNavTree('sdpa__vector_8h.html',''); initResizable(true); }); - - - - - - + + + + + + @@ -132,8 +132,8 @@ Variables

                  Functions

                  template<typename T, int D, int V = D>
                  void sdpa_vector (const device T *queries, const device T *keys, const device T *values, device T *out, const constant int &gqa_factor, const constant int &N, const constant size_t &k_stride, const constant size_t &v_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                   
                  template<typename T, int D, int V = D>
                  void sdpa_vector_2pass_1 (const device T *queries, const device T *keys, const device T *values, device float *out, device float *sums, device float *maxs, const constant int &gqa_factor, const constant int &N, const constant size_t &k_stride, const constant size_t &v_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                   
                  template<typename T, int D, int V = D>
                  void sdpa_vector (const device T *queries, const device T *keys, const device T *values, device T *out, const constant int &gqa_factor, const constant int &N, const constant size_t &k_head_stride, const constant size_t &k_seq_stride, const constant size_t &v_head_stride, const constant size_t &v_seq_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                   
                  template<typename T, int D, int V = D>
                  void sdpa_vector_2pass_1 (const device T *queries, const device T *keys, const device T *values, device float *out, device float *sums, device float *maxs, const constant int &gqa_factor, const constant int &N, const constant size_t &k_head_stride, const constant size_t &k_seq_stride, const constant size_t &v_head_stride, const constant size_t &v_seq_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                   
                  template<typename T, int D>
                  void sdpa_vector_2pass_2 (const device float *partials, const device float *sums, const device float *maxs, device T *out, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                   
                   

                  Function Documentation

                  - -

                  ◆ sdpa_vector()

                  + +

                  ◆ sdpa_vector()

                  @@ -173,12 +173,22 @@ template<typename T, int D, int V = D>
                  - const constant size_t & k_stride, + const constant size_t & k_head_stride, - const constant size_t & v_stride, + const constant size_t & k_seq_stride, + + + + + const constant size_t & v_head_stride, + + + + + const constant size_t & v_seq_stride, @@ -230,8 +240,8 @@ template<typename T, int D, int V = D>
                  - -

                  ◆ sdpa_vector_2pass_1()

                  + +

                  ◆ sdpa_vector_2pass_1()

                  @@ -281,12 +291,22 @@ template<typename T, int D, int V = D>
                  - const constant size_t & k_stride, + const constant size_t & k_head_stride, - const constant size_t & v_stride, + const constant size_t & k_seq_stride, + + + + + const constant size_t & v_head_stride, + + + + + const constant size_t & v_seq_stride, diff --git a/docs/build/html/sdpa__vector_8h.js b/docs/build/html/sdpa__vector_8h.js index cde0ce547..95f78905f 100644 --- a/docs/build/html/sdpa__vector_8h.js +++ b/docs/build/html/sdpa__vector_8h.js @@ -1,7 +1,7 @@ var sdpa__vector_8h = [ - [ "sdpa_vector", "sdpa__vector_8h.html#aa83885125881230b6c4657dd3d0eba18", null ], - [ "sdpa_vector_2pass_1", "sdpa__vector_8h.html#ae2a4a8d17e571578ed529f4d4afe93ac", null ], + [ "sdpa_vector", "sdpa__vector_8h.html#a3289383906473a108e6aee1993a72816", null ], + [ "sdpa_vector_2pass_1", "sdpa__vector_8h.html#a1cdf4f03898ffe2800519892f7f6e0ad", null ], [ "sdpa_vector_2pass_2", "sdpa__vector_8h.html#ae1be83816bf9332277dab185aa1b58c2", null ], [ "has_mask", "sdpa__vector_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81", null ], [ "query_transposed", "sdpa__vector_8h.html#a0c2c54bcc20cc4783a5040d47fa3ba81", null ] diff --git a/docs/build/html/sdpa__vector_8h_source.html b/docs/build/html/sdpa__vector_8h_source.html index dd1d152b4..8d32c8a2e 100644 --- a/docs/build/html/sdpa__vector_8h_source.html +++ b/docs/build/html/sdpa__vector_8h_source.html @@ -116,342 +116,348 @@ $(function(){initNavTree('sdpa__vector_8h_source.html',''); initResizable(true);
                  9
                  10template <typename T, int D, int V = D>
                  -
                  11[[kernel]] void sdpa_vector(
                  +
                  11[[kernel]] void sdpa_vector(
                  12 const device T* queries [[buffer(0)]],
                  13 const device T* keys [[buffer(1)]],
                  14 const device T* values [[buffer(2)]],
                  15 device T* out [[buffer(3)]],
                  16 const constant int& gqa_factor,
                  17 const constant int& N,
                  -
                  18 const constant size_t& k_stride,
                  -
                  19 const constant size_t& v_stride,
                  -
                  20 const constant float& scale,
                  -
                  21 const device bool* mask [[function_constant(has_mask)]],
                  -
                  22 const constant int& mask_kv_seq_stride [[function_constant(has_mask)]],
                  -
                  23 const constant int& mask_q_seq_stride [[function_constant(has_mask)]],
                  -
                  24 const constant int& mask_head_stride [[function_constant(has_mask)]],
                  -
                  25 uint3 tid [[threadgroup_position_in_grid]],
                  -
                  26 uint3 tpg [[threadgroups_per_grid]],
                  -
                  27 uint simd_gid [[simdgroup_index_in_threadgroup]],
                  -
                  28 uint simd_lid [[thread_index_in_simdgroup]]) {
                  -
                  29 constexpr int BN = 32;
                  -
                  30 constexpr int BD = 32;
                  -
                  31 constexpr int qk_per_thread = D / BD;
                  -
                  32 constexpr int v_per_thread = V / BD;
                  -
                  33 constexpr int inner_k_stride = BN * D;
                  -
                  34 constexpr int inner_v_stride = BN * V;
                  -
                  35
                  -
                  36 typedef float U;
                  +
                  18 const constant size_t& k_head_stride,
                  +
                  19 const constant size_t& k_seq_stride,
                  +
                  20 const constant size_t& v_head_stride,
                  +
                  21 const constant size_t& v_seq_stride,
                  +
                  22 const constant float& scale,
                  +
                  23 const device bool* mask [[function_constant(has_mask)]],
                  +
                  24 const constant int& mask_kv_seq_stride [[function_constant(has_mask)]],
                  +
                  25 const constant int& mask_q_seq_stride [[function_constant(has_mask)]],
                  +
                  26 const constant int& mask_head_stride [[function_constant(has_mask)]],
                  +
                  27 uint3 tid [[threadgroup_position_in_grid]],
                  +
                  28 uint3 tpg [[threadgroups_per_grid]],
                  +
                  29 uint simd_gid [[simdgroup_index_in_threadgroup]],
                  +
                  30 uint simd_lid [[thread_index_in_simdgroup]]) {
                  +
                  31 constexpr int BN = 32;
                  +
                  32 constexpr int BD = 32;
                  +
                  33 constexpr int qk_per_thread = D / BD;
                  +
                  34 constexpr int v_per_thread = V / BD;
                  +
                  35 int inner_k_stride = BN * int(k_seq_stride);
                  +
                  36 int inner_v_stride = BN * int(v_seq_stride);
                  37
                  -
                  38 thread U q[qk_per_thread];
                  -
                  39 thread U k[qk_per_thread];
                  -
                  40 thread U o[v_per_thread];
                  -
                  41
                  -
                  42 threadgroup U outputs[BN * BD];
                  -
                  43 threadgroup U max_scores[BN];
                  -
                  44 threadgroup U sum_exp_scores[BN];
                  -
                  45
                  -
                  46 // Adjust positions
                  -
                  47 const int head_idx = tid.x;
                  -
                  48 const int q_seq_idx = tid.y;
                  -
                  49 const int kv_head_idx = head_idx / gqa_factor;
                  -
                  50 const int o_offset = tpg.x * q_seq_idx + head_idx;
                  -
                  51 const int q_offset =
                  -
                  52 query_transposed ? o_offset : head_idx * tpg.y + q_seq_idx;
                  -
                  53 queries += q_offset * D + simd_lid * qk_per_thread;
                  -
                  54 keys += kv_head_idx * k_stride + simd_gid * D + simd_lid * qk_per_thread;
                  -
                  55 values += kv_head_idx * v_stride + simd_gid * V + simd_lid * v_per_thread;
                  -
                  56 if (has_mask) {
                  -
                  57 mask += head_idx * mask_head_stride + simd_gid * mask_kv_seq_stride +
                  -
                  58 q_seq_idx * mask_q_seq_stride;
                  -
                  59 }
                  -
                  60
                  -
                  61 out += o_offset * V + simd_gid * v_per_thread;
                  -
                  62
                  -
                  63 // Read the query and 0 the output accumulator
                  -
                  64 for (int i = 0; i < qk_per_thread; i++) {
                  -
                  65 q[i] = static_cast<U>(scale) * queries[i];
                  -
                  66 }
                  -
                  67 for (int i = 0; i < v_per_thread; i++) {
                  -
                  68 o[i] = 0;
                  -
                  69 }
                  -
                  70
                  -
                  71 U max_score = -INFINITY;
                  -
                  72 U sum_exp_score = 0;
                  -
                  73
                  -
                  74 // For each key
                  -
                  75 for (int i = simd_gid; i < N; i += BN) {
                  -
                  76 if (!has_mask || mask[0]) {
                  -
                  77 // Read the key
                  -
                  78 for (int j = 0; j < qk_per_thread; j++) {
                  -
                  79 k[j] = keys[j];
                  -
                  80 }
                  -
                  81
                  -
                  82 // Compute the i-th score
                  -
                  83 U score = 0;
                  -
                  84 for (int j = 0; j < qk_per_thread; j++) {
                  -
                  85 score += q[j] * k[j];
                  -
                  86 }
                  -
                  87 score = simd_sum(score);
                  -
                  88
                  -
                  89 // Update the accumulators
                  -
                  90 U new_max = max(max_score, score);
                  -
                  91 U factor = fast::exp(max_score - new_max);
                  -
                  92 U exp_score = fast::exp(score - new_max);
                  -
                  93
                  -
                  94 max_score = new_max;
                  -
                  95 sum_exp_score = sum_exp_score * factor + exp_score;
                  -
                  96
                  -
                  97 // Update the output accumulator
                  -
                  98 for (int j = 0; j < v_per_thread; j++) {
                  -
                  99 o[j] = o[j] * factor + exp_score * values[j];
                  -
                  100 }
                  -
                  101 }
                  -
                  102
                  -
                  103 // Move the pointers to the next kv
                  -
                  104 keys += inner_k_stride;
                  -
                  105 values += inner_v_stride;
                  -
                  106 if (has_mask) {
                  -
                  107 mask += BN * mask_kv_seq_stride;
                  -
                  108 }
                  -
                  109 }
                  -
                  110
                  -
                  111 // Each thread has a partial part of the output so we need to combine them.
                  -
                  112
                  -
                  113 // First let's communicate the max and sum_exp
                  -
                  114 if (simd_lid == 0) {
                  -
                  115 max_scores[simd_gid] = max_score;
                  -
                  116 sum_exp_scores[simd_gid] = sum_exp_score;
                  -
                  117 }
                  -
                  118 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  119 max_score = max_scores[simd_lid];
                  -
                  120 U new_max = simd_max(max_score);
                  -
                  121 U factor = fast::exp(max_score - new_max);
                  -
                  122 sum_exp_score = simd_sum(sum_exp_scores[simd_lid] * factor);
                  -
                  123
                  -
                  124 // Now we need to aggregate all the outputs
                  -
                  125 for (int i = 0; i < v_per_thread; i++) {
                  -
                  126 outputs[simd_lid * BD + simd_gid] = o[i];
                  -
                  127 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  128 o[i] = simd_sum(outputs[simd_gid * BD + simd_lid] * factor) / sum_exp_score;
                  -
                  129 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  130 }
                  -
                  131
                  -
                  132 // And write the output
                  -
                  133 if (simd_lid == 0) {
                  -
                  134 for (int i = 0; i < v_per_thread; i++) {
                  -
                  135 out[i] = static_cast<T>(o[i]);
                  -
                  136 }
                  -
                  137 }
                  -
                  138}
                  +
                  38 typedef float U;
                  +
                  39
                  +
                  40 thread U q[qk_per_thread];
                  +
                  41 thread U k[qk_per_thread];
                  +
                  42 thread U o[v_per_thread];
                  +
                  43
                  +
                  44 threadgroup U outputs[BN * BD];
                  +
                  45 threadgroup U max_scores[BN];
                  +
                  46 threadgroup U sum_exp_scores[BN];
                  +
                  47
                  +
                  48 // Adjust positions
                  +
                  49 const int head_idx = tid.x;
                  +
                  50 const int q_seq_idx = tid.y;
                  +
                  51 const int kv_head_idx = head_idx / gqa_factor;
                  +
                  52 const int o_offset = tpg.x * q_seq_idx + head_idx;
                  +
                  53 const int q_offset =
                  +
                  54 query_transposed ? o_offset : head_idx * tpg.y + q_seq_idx;
                  +
                  55 queries += q_offset * D + simd_lid * qk_per_thread;
                  +
                  56 keys += kv_head_idx * k_head_stride + simd_gid * k_seq_stride +
                  +
                  57 simd_lid * qk_per_thread;
                  +
                  58 values += kv_head_idx * v_head_stride + simd_gid * v_seq_stride +
                  +
                  59 simd_lid * v_per_thread;
                  +
                  60 if (has_mask) {
                  +
                  61 mask += head_idx * mask_head_stride + simd_gid * mask_kv_seq_stride +
                  +
                  62 q_seq_idx * mask_q_seq_stride;
                  +
                  63 }
                  +
                  64
                  +
                  65 out += o_offset * V + simd_gid * v_per_thread;
                  +
                  66
                  +
                  67 // Read the query and 0 the output accumulator
                  +
                  68 for (int i = 0; i < qk_per_thread; i++) {
                  +
                  69 q[i] = static_cast<U>(scale) * queries[i];
                  +
                  70 }
                  +
                  71 for (int i = 0; i < v_per_thread; i++) {
                  +
                  72 o[i] = 0;
                  +
                  73 }
                  +
                  74
                  +
                  75 U max_score = -INFINITY;
                  +
                  76 U sum_exp_score = 0;
                  +
                  77
                  +
                  78 // For each key
                  +
                  79 for (int i = simd_gid; i < N; i += BN) {
                  +
                  80 if (!has_mask || mask[0]) {
                  +
                  81 // Read the key
                  +
                  82 for (int j = 0; j < qk_per_thread; j++) {
                  +
                  83 k[j] = keys[j];
                  +
                  84 }
                  +
                  85
                  +
                  86 // Compute the i-th score
                  +
                  87 U score = 0;
                  +
                  88 for (int j = 0; j < qk_per_thread; j++) {
                  +
                  89 score += q[j] * k[j];
                  +
                  90 }
                  +
                  91 score = simd_sum(score);
                  +
                  92
                  +
                  93 // Update the accumulators
                  +
                  94 U new_max = max(max_score, score);
                  +
                  95 U factor = fast::exp(max_score - new_max);
                  +
                  96 U exp_score = fast::exp(score - new_max);
                  +
                  97
                  +
                  98 max_score = new_max;
                  +
                  99 sum_exp_score = sum_exp_score * factor + exp_score;
                  +
                  100
                  +
                  101 // Update the output accumulator
                  +
                  102 for (int j = 0; j < v_per_thread; j++) {
                  +
                  103 o[j] = o[j] * factor + exp_score * values[j];
                  +
                  104 }
                  +
                  105 }
                  +
                  106
                  +
                  107 // Move the pointers to the next kv
                  +
                  108 keys += inner_k_stride;
                  +
                  109 values += inner_v_stride;
                  +
                  110 if (has_mask) {
                  +
                  111 mask += BN * mask_kv_seq_stride;
                  +
                  112 }
                  +
                  113 }
                  +
                  114
                  +
                  115 // Each thread has a partial part of the output so we need to combine them.
                  +
                  116
                  +
                  117 // First let's communicate the max and sum_exp
                  +
                  118 if (simd_lid == 0) {
                  +
                  119 max_scores[simd_gid] = max_score;
                  +
                  120 sum_exp_scores[simd_gid] = sum_exp_score;
                  +
                  121 }
                  +
                  122 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  123 max_score = max_scores[simd_lid];
                  +
                  124 U new_max = simd_max(max_score);
                  +
                  125 U factor = fast::exp(max_score - new_max);
                  +
                  126 sum_exp_score = simd_sum(sum_exp_scores[simd_lid] * factor);
                  +
                  127
                  +
                  128 // Now we need to aggregate all the outputs
                  +
                  129 for (int i = 0; i < v_per_thread; i++) {
                  +
                  130 outputs[simd_lid * BD + simd_gid] = o[i];
                  +
                  131 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  132 o[i] = simd_sum(outputs[simd_gid * BD + simd_lid] * factor) / sum_exp_score;
                  +
                  133 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  134 }
                  +
                  135
                  +
                  136 // And write the output
                  +
                  137 if (simd_lid == 0) {
                  +
                  138 for (int i = 0; i < v_per_thread; i++) {
                  +
                  139 out[i] = static_cast<T>(o[i]);
                  +
                  140 }
                  +
                  141 }
                  +
                  142}
                  -
                  139
                  -
                  140template <typename T, int D, int V = D>
                  -
                  -
                  141[[kernel]] void sdpa_vector_2pass_1(
                  -
                  142 const device T* queries [[buffer(0)]],
                  -
                  143 const device T* keys [[buffer(1)]],
                  -
                  144 const device T* values [[buffer(2)]],
                  -
                  145 device float* out [[buffer(3)]],
                  -
                  146 device float* sums [[buffer(4)]],
                  -
                  147 device float* maxs [[buffer(5)]],
                  -
                  148 const constant int& gqa_factor,
                  -
                  149 const constant int& N,
                  -
                  150 const constant size_t& k_stride,
                  -
                  151 const constant size_t& v_stride,
                  -
                  152 const constant float& scale,
                  -
                  153 const device bool* mask [[function_constant(has_mask)]],
                  -
                  154 const constant int& mask_kv_seq_stride [[function_constant(has_mask)]],
                  -
                  155 const constant int& mask_q_seq_stride [[function_constant(has_mask)]],
                  -
                  156 const constant int& mask_head_stride [[function_constant(has_mask)]],
                  -
                  157 uint3 tid [[threadgroup_position_in_grid]],
                  -
                  158 uint3 tpg [[threadgroups_per_grid]],
                  -
                  159 uint simd_gid [[simdgroup_index_in_threadgroup]],
                  -
                  160 uint simd_lid [[thread_index_in_simdgroup]]) {
                  -
                  161 constexpr int BN = 8;
                  -
                  162 constexpr int BD = 32;
                  -
                  163 constexpr int qk_per_thread = D / BD;
                  -
                  164 constexpr int v_per_thread = V / BD;
                  -
                  165 constexpr int inner_k_stride = BN * D;
                  -
                  166 constexpr int inner_v_stride = BN * V;
                  -
                  167 constexpr int blocks = 32;
                  -
                  168
                  -
                  169 typedef float U;
                  -
                  170
                  -
                  171 thread U q[qk_per_thread];
                  -
                  172 thread U k[qk_per_thread];
                  -
                  173 thread U o[v_per_thread];
                  +
                  143
                  +
                  144template <typename T, int D, int V = D>
                  +
                  +
                  145[[kernel]] void sdpa_vector_2pass_1(
                  +
                  146 const device T* queries [[buffer(0)]],
                  +
                  147 const device T* keys [[buffer(1)]],
                  +
                  148 const device T* values [[buffer(2)]],
                  +
                  149 device float* out [[buffer(3)]],
                  +
                  150 device float* sums [[buffer(4)]],
                  +
                  151 device float* maxs [[buffer(5)]],
                  +
                  152 const constant int& gqa_factor,
                  +
                  153 const constant int& N,
                  +
                  154 const constant size_t& k_head_stride,
                  +
                  155 const constant size_t& k_seq_stride,
                  +
                  156 const constant size_t& v_head_stride,
                  +
                  157 const constant size_t& v_seq_stride,
                  +
                  158 const constant float& scale,
                  +
                  159 const device bool* mask [[function_constant(has_mask)]],
                  +
                  160 const constant int& mask_kv_seq_stride [[function_constant(has_mask)]],
                  +
                  161 const constant int& mask_q_seq_stride [[function_constant(has_mask)]],
                  +
                  162 const constant int& mask_head_stride [[function_constant(has_mask)]],
                  +
                  163 uint3 tid [[threadgroup_position_in_grid]],
                  +
                  164 uint3 tpg [[threadgroups_per_grid]],
                  +
                  165 uint simd_gid [[simdgroup_index_in_threadgroup]],
                  +
                  166 uint simd_lid [[thread_index_in_simdgroup]]) {
                  +
                  167 constexpr int BN = 8;
                  +
                  168 constexpr int BD = 32;
                  +
                  169 constexpr int qk_per_thread = D / BD;
                  +
                  170 constexpr int v_per_thread = V / BD;
                  +
                  171 int inner_k_stride = BN * int(k_seq_stride);
                  +
                  172 int inner_v_stride = BN * int(v_seq_stride);
                  +
                  173 constexpr int blocks = 32;
                  174
                  -
                  175 threadgroup U outputs[BN * BD];
                  -
                  176 threadgroup U max_scores[BN];
                  -
                  177 threadgroup U sum_exp_scores[BN];
                  -
                  178
                  -
                  179 // Adjust positions
                  -
                  180 const int block_idx = tid.z;
                  -
                  181 const int head_idx = tid.x;
                  -
                  182 const int q_seq_idx = tid.y;
                  -
                  183 const int o_offset = tpg.x * q_seq_idx + head_idx;
                  -
                  184 const int q_offset =
                  -
                  185 query_transposed ? o_offset : head_idx * tpg.y + q_seq_idx;
                  -
                  186 const int kv_head_idx = head_idx / gqa_factor;
                  -
                  187
                  -
                  188 queries += q_offset * D + simd_lid * qk_per_thread;
                  -
                  189 keys += kv_head_idx * k_stride + (block_idx * BN + simd_gid) * D +
                  -
                  190 simd_lid * qk_per_thread;
                  -
                  191 values += kv_head_idx * v_stride + (block_idx * BN + simd_gid) * V +
                  -
                  192 simd_lid * v_per_thread;
                  -
                  193 out += o_offset * blocks * V + block_idx * V + simd_lid * v_per_thread;
                  -
                  194 if (has_mask) {
                  -
                  195 mask += head_idx * mask_head_stride +
                  -
                  196 (block_idx * BN + simd_gid) * mask_kv_seq_stride +
                  -
                  197 q_seq_idx * mask_q_seq_stride;
                  -
                  198 }
                  -
                  199 sums += o_offset * blocks + block_idx;
                  -
                  200 maxs += o_offset * blocks + block_idx;
                  -
                  201
                  -
                  202 // Read the query and 0 the output accumulator
                  -
                  203 for (int i = 0; i < qk_per_thread; i++) {
                  -
                  204 q[i] = static_cast<U>(scale) * queries[i];
                  -
                  205 }
                  -
                  206 for (int i = 0; i < v_per_thread; i++) {
                  -
                  207 o[i] = 0;
                  -
                  208 }
                  -
                  209
                  -
                  210 U max_score = -1e9;
                  -
                  211 U sum_exp_score = 0;
                  -
                  212
                  -
                  213 // For each key
                  -
                  214 for (int i = block_idx * BN + simd_gid; i < N; i += blocks * BN) {
                  -
                  215 if (!has_mask || mask[0]) {
                  -
                  216 // Read the key
                  -
                  217 for (int i = 0; i < qk_per_thread; i++) {
                  -
                  218 k[i] = keys[i];
                  -
                  219 }
                  -
                  220
                  -
                  221 // Compute the i-th score
                  -
                  222 U score = 0;
                  +
                  175 typedef float U;
                  +
                  176
                  +
                  177 thread U q[qk_per_thread];
                  +
                  178 thread U k[qk_per_thread];
                  +
                  179 thread U o[v_per_thread];
                  +
                  180
                  +
                  181 threadgroup U outputs[BN * BD];
                  +
                  182 threadgroup U max_scores[BN];
                  +
                  183 threadgroup U sum_exp_scores[BN];
                  +
                  184
                  +
                  185 // Adjust positions
                  +
                  186 const int block_idx = tid.z;
                  +
                  187 const int head_idx = tid.x;
                  +
                  188 const int q_seq_idx = tid.y;
                  +
                  189 const int o_offset = tpg.x * q_seq_idx + head_idx;
                  +
                  190 const int q_offset =
                  +
                  191 query_transposed ? o_offset : head_idx * tpg.y + q_seq_idx;
                  +
                  192 const int kv_head_idx = head_idx / gqa_factor;
                  +
                  193
                  +
                  194 queries += q_offset * D + simd_lid * qk_per_thread;
                  +
                  195 keys += kv_head_idx * k_head_stride +
                  +
                  196 (block_idx * BN + simd_gid) * k_seq_stride + simd_lid * qk_per_thread;
                  +
                  197 values += kv_head_idx * v_head_stride +
                  +
                  198 (block_idx * BN + simd_gid) * v_seq_stride + simd_lid * v_per_thread;
                  +
                  199 out += o_offset * blocks * V + block_idx * V + simd_lid * v_per_thread;
                  +
                  200 if (has_mask) {
                  +
                  201 mask += head_idx * mask_head_stride +
                  +
                  202 (block_idx * BN + simd_gid) * mask_kv_seq_stride +
                  +
                  203 q_seq_idx * mask_q_seq_stride;
                  +
                  204 }
                  +
                  205 sums += o_offset * blocks + block_idx;
                  +
                  206 maxs += o_offset * blocks + block_idx;
                  +
                  207
                  +
                  208 // Read the query and 0 the output accumulator
                  +
                  209 for (int i = 0; i < qk_per_thread; i++) {
                  +
                  210 q[i] = static_cast<U>(scale) * queries[i];
                  +
                  211 }
                  +
                  212 for (int i = 0; i < v_per_thread; i++) {
                  +
                  213 o[i] = 0;
                  +
                  214 }
                  +
                  215
                  +
                  216 U max_score = -1e9;
                  +
                  217 U sum_exp_score = 0;
                  +
                  218
                  +
                  219 // For each key
                  +
                  220 for (int i = block_idx * BN + simd_gid; i < N; i += blocks * BN) {
                  +
                  221 if (!has_mask || mask[0]) {
                  +
                  222 // Read the key
                  223 for (int i = 0; i < qk_per_thread; i++) {
                  -
                  224 score += q[i] * k[i];
                  +
                  224 k[i] = keys[i];
                  225 }
                  -
                  226 score = simd_sum(score);
                  -
                  227
                  -
                  228 // Update the accumulators
                  -
                  229 U new_max = max(max_score, score);
                  -
                  230 U factor = fast::exp(max_score - new_max);
                  -
                  231 U exp_score = fast::exp(score - new_max);
                  -
                  232
                  -
                  233 max_score = new_max;
                  -
                  234 sum_exp_score = sum_exp_score * factor + exp_score;
                  -
                  235
                  -
                  236 // Update the output accumulator
                  -
                  237 for (int i = 0; i < v_per_thread; i++) {
                  -
                  238 o[i] = o[i] * factor + exp_score * values[i];
                  -
                  239 }
                  -
                  240 }
                  +
                  226
                  +
                  227 // Compute the i-th score
                  +
                  228 U score = 0;
                  +
                  229 for (int i = 0; i < qk_per_thread; i++) {
                  +
                  230 score += q[i] * k[i];
                  +
                  231 }
                  +
                  232 score = simd_sum(score);
                  +
                  233
                  +
                  234 // Update the accumulators
                  +
                  235 U new_max = max(max_score, score);
                  +
                  236 U factor = fast::exp(max_score - new_max);
                  +
                  237 U exp_score = fast::exp(score - new_max);
                  +
                  238
                  +
                  239 max_score = new_max;
                  +
                  240 sum_exp_score = sum_exp_score * factor + exp_score;
                  241
                  -
                  242 // Move the pointers to the next kv
                  -
                  243 keys += blocks * inner_k_stride;
                  -
                  244 values += blocks * inner_v_stride;
                  -
                  245 if (has_mask) {
                  -
                  246 mask += BN * blocks * mask_kv_seq_stride;
                  -
                  247 }
                  -
                  248 }
                  -
                  249
                  -
                  250 // Each thread has a partial part of the output so we need to combine them.
                  -
                  251
                  -
                  252 // First let's communicate the max and sum_exp
                  -
                  253 if (simd_lid == 0) {
                  -
                  254 max_scores[simd_gid] = max_score;
                  -
                  255 sum_exp_scores[simd_gid] = sum_exp_score;
                  -
                  256 }
                  -
                  257 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  258 max_score = (simd_lid < BN) ? max_scores[simd_lid] : -1e9;
                  -
                  259 U new_max = simd_max(max_score);
                  -
                  260 U factor = fast::exp(max_score - new_max);
                  -
                  261 sum_exp_score = (simd_lid < BN) ? sum_exp_scores[simd_lid] : 0;
                  -
                  262 sum_exp_score = simd_sum(sum_exp_score * factor);
                  -
                  263
                  -
                  264 // Write the sum and new max
                  -
                  265 if (simd_gid == 0) {
                  -
                  266 sums[0] = sum_exp_score;
                  -
                  267 maxs[0] = new_max;
                  -
                  268 }
                  +
                  242 // Update the output accumulator
                  +
                  243 for (int i = 0; i < v_per_thread; i++) {
                  +
                  244 o[i] = o[i] * factor + exp_score * values[i];
                  +
                  245 }
                  +
                  246 }
                  +
                  247
                  +
                  248 // Move the pointers to the next kv
                  +
                  249 keys += blocks * inner_k_stride;
                  +
                  250 values += blocks * inner_v_stride;
                  +
                  251 if (has_mask) {
                  +
                  252 mask += BN * blocks * mask_kv_seq_stride;
                  +
                  253 }
                  +
                  254 }
                  +
                  255
                  +
                  256 // Each thread has a partial part of the output so we need to combine them.
                  +
                  257
                  +
                  258 // First let's communicate the max and sum_exp
                  +
                  259 if (simd_lid == 0) {
                  +
                  260 max_scores[simd_gid] = max_score;
                  +
                  261 sum_exp_scores[simd_gid] = sum_exp_score;
                  +
                  262 }
                  +
                  263 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  264 max_score = (simd_lid < BN) ? max_scores[simd_lid] : -1e9;
                  +
                  265 U new_max = simd_max(max_score);
                  +
                  266 U factor = fast::exp(max_score - new_max);
                  +
                  267 sum_exp_score = (simd_lid < BN) ? sum_exp_scores[simd_lid] : 0;
                  +
                  268 sum_exp_score = simd_sum(sum_exp_score * factor);
                  269
                  -
                  270 // Now we need to aggregate all the outputs
                  -
                  271 for (int i = 0; i < v_per_thread; i++) {
                  -
                  272 outputs[simd_lid * BN + simd_gid] =
                  -
                  273 o[i] * fast::exp(max_scores[simd_gid] - new_max);
                  -
                  274 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  270 // Write the sum and new max
                  +
                  271 if (simd_gid == 0) {
                  +
                  272 sums[0] = sum_exp_score;
                  +
                  273 maxs[0] = new_max;
                  +
                  274 }
                  275
                  -
                  276 // And write the output
                  -
                  277 if (simd_gid == 0) {
                  -
                  278 U output = outputs[simd_lid * BN];
                  -
                  279 for (int j = 1; j < BN; j++) {
                  -
                  280 output += outputs[simd_lid * BN + j];
                  -
                  281 }
                  -
                  282 out[i] = static_cast<T>(output);
                  -
                  283 }
                  -
                  284 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  285 }
                  -
                  286}
                  +
                  276 // Now we need to aggregate all the outputs
                  +
                  277 for (int i = 0; i < v_per_thread; i++) {
                  +
                  278 outputs[simd_lid * BN + simd_gid] =
                  +
                  279 o[i] * fast::exp(max_scores[simd_gid] - new_max);
                  +
                  280 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  281
                  +
                  282 // And write the output
                  +
                  283 if (simd_gid == 0) {
                  +
                  284 U output = outputs[simd_lid * BN];
                  +
                  285 for (int j = 1; j < BN; j++) {
                  +
                  286 output += outputs[simd_lid * BN + j];
                  +
                  287 }
                  +
                  288 out[i] = static_cast<T>(output);
                  +
                  289 }
                  +
                  290 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  291 }
                  +
                  292}
                  -
                  287
                  -
                  288template <typename T, int D>
                  -
                  -
                  289[[kernel]] void sdpa_vector_2pass_2(
                  -
                  290 const device float* partials [[buffer(0)]],
                  -
                  291 const device float* sums [[buffer(1)]],
                  -
                  292 const device float* maxs [[buffer(2)]],
                  -
                  293 device T* out [[buffer(3)]],
                  -
                  294 uint3 tid [[threadgroup_position_in_grid]],
                  -
                  295 uint3 tpg [[threadgroups_per_grid]],
                  -
                  296 uint simd_gid [[simdgroup_index_in_threadgroup]],
                  -
                  297 uint simd_lid [[thread_index_in_simdgroup]]) {
                  -
                  298 constexpr int BN = 32;
                  -
                  299 constexpr int BD = 32;
                  -
                  300 constexpr int elem_per_thread = D / BD;
                  -
                  301 constexpr int blocks = 32;
                  -
                  302
                  -
                  303 typedef float U;
                  -
                  304
                  -
                  305 thread U o[elem_per_thread];
                  -
                  306 threadgroup U outputs[BN * BD];
                  -
                  307
                  -
                  308 // Adjust positions
                  -
                  309 const int head_idx = tid.x;
                  -
                  310 const int q_seq_idx = tid.y;
                  -
                  311 const int n_heads = tpg.x;
                  -
                  312 const int q_offset = n_heads * q_seq_idx + head_idx;
                  -
                  313 partials += q_offset * blocks * D + simd_gid * D + simd_lid * elem_per_thread;
                  -
                  314 sums += q_offset * blocks;
                  -
                  315 maxs += q_offset * blocks;
                  -
                  316 out += q_offset * D + simd_gid * elem_per_thread;
                  -
                  317
                  -
                  318 // First everybody reads the max and sum_exp
                  -
                  319 U max_score = maxs[simd_lid];
                  -
                  320 U new_max = simd_max(max_score);
                  -
                  321 U factor = fast::exp(max_score - new_max);
                  -
                  322 U sum_exp_score = simd_sum(sums[simd_lid] * factor);
                  +
                  293
                  +
                  294template <typename T, int D>
                  +
                  +
                  295[[kernel]] void sdpa_vector_2pass_2(
                  +
                  296 const device float* partials [[buffer(0)]],
                  +
                  297 const device float* sums [[buffer(1)]],
                  +
                  298 const device float* maxs [[buffer(2)]],
                  +
                  299 device T* out [[buffer(3)]],
                  +
                  300 uint3 tid [[threadgroup_position_in_grid]],
                  +
                  301 uint3 tpg [[threadgroups_per_grid]],
                  +
                  302 uint simd_gid [[simdgroup_index_in_threadgroup]],
                  +
                  303 uint simd_lid [[thread_index_in_simdgroup]]) {
                  +
                  304 constexpr int BN = 32;
                  +
                  305 constexpr int BD = 32;
                  +
                  306 constexpr int elem_per_thread = D / BD;
                  +
                  307 constexpr int blocks = 32;
                  +
                  308
                  +
                  309 typedef float U;
                  +
                  310
                  +
                  311 thread U o[elem_per_thread];
                  +
                  312 threadgroup U outputs[BN * BD];
                  +
                  313
                  +
                  314 // Adjust positions
                  +
                  315 const int head_idx = tid.x;
                  +
                  316 const int q_seq_idx = tid.y;
                  +
                  317 const int n_heads = tpg.x;
                  +
                  318 const int q_offset = n_heads * q_seq_idx + head_idx;
                  +
                  319 partials += q_offset * blocks * D + simd_gid * D + simd_lid * elem_per_thread;
                  +
                  320 sums += q_offset * blocks;
                  +
                  321 maxs += q_offset * blocks;
                  +
                  322 out += q_offset * D + simd_gid * elem_per_thread;
                  323
                  -
                  324 // Now read the block into registers and then use shared memory to transpose
                  -
                  325 // it
                  -
                  326 for (int i = 0; i < elem_per_thread; i++) {
                  -
                  327 o[i] = partials[i];
                  -
                  328 }
                  -
                  329 for (int i = 0; i < elem_per_thread; i++) {
                  -
                  330 outputs[simd_lid * BD + simd_gid] = o[i];
                  -
                  331 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  332 o[i] = simd_sum(outputs[simd_gid * BD + simd_lid] * factor) / sum_exp_score;
                  -
                  333 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  324 // First everybody reads the max and sum_exp
                  +
                  325 U max_score = maxs[simd_lid];
                  +
                  326 U new_max = simd_max(max_score);
                  +
                  327 U factor = fast::exp(max_score - new_max);
                  +
                  328 U sum_exp_score = simd_sum(sums[simd_lid] * factor);
                  +
                  329
                  +
                  330 // Now read the block into registers and then use shared memory to transpose
                  +
                  331 // it
                  +
                  332 for (int i = 0; i < elem_per_thread; i++) {
                  +
                  333 o[i] = partials[i];
                  334 }
                  -
                  335
                  -
                  336 // And write the output
                  -
                  337 if (simd_lid == 0) {
                  -
                  338 for (int i = 0; i < elem_per_thread; i++) {
                  -
                  339 out[i] = static_cast<T>(o[i]);
                  -
                  340 }
                  -
                  341 }
                  -
                  342}
                  +
                  335 for (int i = 0; i < elem_per_thread; i++) {
                  +
                  336 outputs[simd_lid * BD + simd_gid] = o[i];
                  +
                  337 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  338 o[i] = simd_sum(outputs[simd_gid * BD + simd_lid] * factor) / sum_exp_score;
                  +
                  339 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  340 }
                  +
                  341
                  +
                  342 // And write the output
                  +
                  343 if (simd_lid == 0) {
                  +
                  344 for (int i = 0; i < elem_per_thread; i++) {
                  +
                  345 out[i] = static_cast<T>(o[i]);
                  +
                  346 }
                  +
                  347 }
                  +
                  348}
                  METAL_FUNC bfloat16_t exp(bfloat16_t x)
                  Definition bf16_math.h:240
                  Definition bf16_math.h:226
                  @@ -459,10 +465,10 @@ $(function(){initNavTree('sdpa__vector_8h_source.html',''); initResizable(true);
                  METAL_FUNC bfloat16_t simd_sum(bfloat16_t data)
                  Definition bf16_math.h:378
                  METAL_FUNC bfloat16_t max(bfloat16_t x, bfloat16_t y)
                  Definition bf16_math.h:232
                  constant bool query_transposed
                  Definition sdpa_vector.h:8
                  +
                  void sdpa_vector_2pass_1(const device T *queries, const device T *keys, const device T *values, device float *out, device float *sums, device float *maxs, const constant int &gqa_factor, const constant int &N, const constant size_t &k_head_stride, const constant size_t &k_seq_stride, const constant size_t &v_head_stride, const constant size_t &v_seq_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                  Definition sdpa_vector.h:145
                  +
                  void sdpa_vector(const device T *queries, const device T *keys, const device T *values, device T *out, const constant int &gqa_factor, const constant int &N, const constant size_t &k_head_stride, const constant size_t &k_seq_stride, const constant size_t &v_head_stride, const constant size_t &v_seq_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                  Definition sdpa_vector.h:11
                  constant bool has_mask
                  Definition sdpa_vector.h:7
                  -
                  void sdpa_vector(const device T *queries, const device T *keys, const device T *values, device T *out, const constant int &gqa_factor, const constant int &N, const constant size_t &k_stride, const constant size_t &v_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                  Definition sdpa_vector.h:11
                  -
                  void sdpa_vector_2pass_2(const device float *partials, const device float *sums, const device float *maxs, device T *out, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                  Definition sdpa_vector.h:289
                  -
                  void sdpa_vector_2pass_1(const device T *queries, const device T *keys, const device T *values, device float *out, device float *sums, device float *maxs, const constant int &gqa_factor, const constant int &N, const constant size_t &k_stride, const constant size_t &v_stride, const constant float &scale, const device bool *mask, const constant int &mask_kv_seq_stride, const constant int &mask_q_seq_stride, const constant int &mask_head_stride, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                  Definition sdpa_vector.h:141
                  +
                  void sdpa_vector_2pass_2(const device float *partials, const device float *sums, const device float *maxs, device T *out, uint3 tid, uint3 tpg, uint simd_gid, uint simd_lid)
                  Definition sdpa_vector.h:295
                  diff --git a/docs/build/html/search.html b/docs/build/html/search.html index 4822bf9c6..410a20e29 100644 --- a/docs/build/html/search.html +++ b/docs/build/html/search.html @@ -6,7 +6,7 @@ - Search - MLX 0.23.2 documentation + Search - MLX 0.24.0 documentation @@ -34,7 +34,7 @@ - + @@ -138,8 +138,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/search/all_1.js b/docs/build/html/search/all_1.js index c84cfbe7e..88030d5cc 100644 --- a/docs/build/html/search/all_1.js +++ b/docs/build/html/search/all_1.js @@ -15,8 +15,8 @@ var searchData= ['add_12',['Add',['../struct_add.html',1,'Add'],['../classmlx_1_1core_1_1_add.html',1,'mlx::core::Add'],['../structmlx_1_1core_1_1detail_1_1_add.html',1,'mlx::core::detail::Add'],['../classmlx_1_1core_1_1_add.html#ae3fd5483f3454eac3df256e3f5f3cdae',1,'mlx::core::Add::Add()']]], ['add_13',['add',['../group__ops.html#ga2d32d67cfd76785a72c43d89b94dc7d7',1,'mlx::core']]], ['add_5fhalf_5fbinops_14',['ADD_HALF_BINOPS',['../half__types_8h.html#a6bc906918877a7084068a9f0ed571dca',1,'ADD_HALF_BINOPS: half_types.h'],['../half__types_8h.html#a6bc906918877a7084068a9f0ed571dca',1,'ADD_HALF_BINOPS: half_types.h']]], - ['add_5ftemporaries_15',['add_temporaries',['../classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901',1,'mlx::core::metal::Device']]], - ['add_5ftemporary_16',['add_temporary',['../classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576',1,'mlx::core::metal::Device']]], + ['add_5ftemporaries_15',['add_temporaries',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a30676a55a977418879a6a3a8a858d7c3',1,'mlx::core::cpu::CommandEncoder::add_temporaries()'],['../classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901',1,'mlx::core::metal::Device::add_temporaries()']]], + ['add_5ftemporary_16',['add_temporary',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a0879746a3ca3531a081de1bcf484fa31',1,'mlx::core::cpu::CommandEncoder::add_temporary()'],['../classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576',1,'mlx::core::metal::Device::add_temporary()']]], ['add_5fvec_17',['add_vec',['../structpocketfft_1_1detail_1_1add__vec.html',1,'pocketfft::detail']]], ['add_5fvec_3c_20cmplx_3c_20t_20_3e_20_3e_18',['add_vec< cmplx< T > >',['../structpocketfft_1_1detail_1_1add__vec_3_01cmplx_3_01_t_01_4_01_4.html',1,'pocketfft::detail']]], ['add_5fvec_5ft_19',['add_vec_t',['../namespacepocketfft_1_1detail.html#a421aa74fbee775a96463246f72b144d6',1,'pocketfft::detail']]], @@ -39,10 +39,10 @@ var searchData= ['aligned_5fallocator_36',['aligned_allocator',['../structpocketfft_1_1detail_1_1threading_1_1aligned__allocator.html',1,'pocketfft::detail::threading::aligned_allocator< T >'],['../structpocketfft_1_1detail_1_1threading_1_1aligned__allocator.html#a57c07047ac09c6cf48a269429de2b0fb',1,'pocketfft::detail::threading::aligned_allocator::aligned_allocator(const aligned_allocator< U > &)'],['../structpocketfft_1_1detail_1_1threading_1_1aligned__allocator.html#a0c390851ec37c5cdc5c1e7c6232a0b94',1,'pocketfft::detail::threading::aligned_allocator::aligned_allocator()=default']]], ['aligned_5fdealloc_37',['aligned_dealloc',['../namespacepocketfft_1_1detail.html#aec7820e36a33e0a8bb83aa03b04b81e8',1,'pocketfft::detail']]], ['all_38',['all',['../namespacemlx_1_1core_1_1simd.html#a5109118acb6766855878b9e8a56b156a',1,'mlx::core::simd::all(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a4ba3690489c2bf861e22e1175255438c',1,'mlx::core::simd::all(Simd< T, 1 > x)'],['../group__ops.html#ga3b1b90ef1275ca17655b6d7f25d3ee68',1,'mlx::core::all(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga3689e12e8f42dadb4cbe2b07dc4099f4',1,'mlx::core::all(const array &a, StreamOrDevice s={})'],['../group__ops.html#gac0919c6ba53aea35a7683dea7e9a9a59',1,'mlx::core::all(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#gae2d5fcc5b62d673cca76c08b7b4afbbc',1,'mlx::core::all(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['all_5fgather_39',['all_gather',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a04bb1df23abe5b1f3fa0126375c6cea4',1,'mlx::core::distributed::detail::GroupImpl::all_gather()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#aeb5a1726358213bc75756506f7b54d04',1,'mlx::core::distributed::detail::all_gather()'],['../namespacemlx_1_1core_1_1distributed.html#a82ef5e8cc7ac62cd228e51b1c1b77cb7',1,'mlx::core::distributed::all_gather()']]], + ['all_5fgather_39',['all_gather',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a65ae9485d2b1a2fd769744d50b0dd225',1,'mlx::core::distributed::detail::GroupImpl::all_gather()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#ab3dc0367476257f13fe15d4db946edf5',1,'mlx::core::distributed::detail::all_gather()'],['../namespacemlx_1_1core_1_1distributed.html#a82ef5e8cc7ac62cd228e51b1c1b77cb7',1,'mlx::core::distributed::all_gather()']]], ['all_5freduce_40',['all_reduce',['../reduce__all_8h.html#a9086a585eda5a887160ee24baae0a7b8',1,'reduce_all.h']]], ['all_5freduce_5fdispatch_41',['all_reduce_dispatch',['../namespacemlx_1_1core.html#a3ab0fd997d9a35782106ff083a72e098',1,'mlx::core']]], - ['all_5fsum_42',['all_sum',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae163a6f444c6cc8820288b20f294e483',1,'mlx::core::distributed::detail::GroupImpl::all_sum()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#aa1d225b25f7b6426c48c5e35860ee960',1,'mlx::core::distributed::detail::all_sum()'],['../namespacemlx_1_1core_1_1distributed.html#a67ccb1a5445fc6f5db49dd36a15e5980',1,'mlx::core::distributed::all_sum()']]], + ['all_5fsum_42',['all_sum',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a23f620ec55d75f236d5371e05a52fd64',1,'mlx::core::distributed::detail::GroupImpl::all_sum()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a042be875217168ccfc267fba19a627cb',1,'mlx::core::distributed::detail::all_sum()'],['../namespacemlx_1_1core_1_1distributed.html#a67ccb1a5445fc6f5db49dd36a15e5980',1,'mlx::core::distributed::all_sum()']]], ['allclose_43',['allclose',['../group__ops.html#gaf0cd4257de7542daf9faf5e605e31020',1,'mlx::core']]], ['allgather_44',['AllGather',['../classmlx_1_1core_1_1distributed_1_1_all_gather.html',1,'mlx::core::distributed::AllGather'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#af4b10a5b61f160fb64353057c185b661',1,'mlx::core::distributed::AllGather::AllGather()']]], ['alloc_5ftmp_45',['alloc_tmp',['../namespacepocketfft_1_1detail.html#a4db03cbcd9d43d9e0b0b9067713c80e9',1,'pocketfft::detail::alloc_tmp(const shape_t &shape, size_t axsize, size_t elemsize)'],['../namespacepocketfft_1_1detail.html#a13832735696303b9559c4663631d5475',1,'pocketfft::detail::alloc_tmp(const shape_t &shape, const shape_t &axes, size_t elemsize)']]], @@ -59,7 +59,7 @@ var searchData= ['apply_5fepilogue_5fsafe_56',['apply_epilogue_safe',['../structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a',1,'mlx::steel::BlockMMA::apply_epilogue_safe(const device U *C, const int ldc, const int fdc, short2 dst_tile_dims, thread const BinaryEpilogue &epilogue_op)'],['../structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a',1,'mlx::steel::BlockMMA::apply_epilogue_safe(const device U *C, const int ldc, const int fdc, short2 dst_tile_dims, thread const BinaryEpilogue &epilogue_op)']]], ['apply_5finplace_5fop_57',['apply_inplace_op',['../structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf',1,'mlx::steel::BlockLoader::apply_inplace_op()'],['../structmlx_1_1steel_1_1_block_loader_t.html#a2b136fad00dc54300e68aa6b905eff97',1,'mlx::steel::BlockLoaderT::apply_inplace_op()'],['../structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf',1,'mlx::steel::BlockLoader::apply_inplace_op()']]], ['arange_58',['Arange',['../classmlx_1_1core_1_1_arange.html',1,'mlx::core::Arange'],['../classmlx_1_1core_1_1_arange.html#a1a70c3b0b9c67d5a9446c141c5b7c574',1,'mlx::core::Arange::Arange()']]], - ['arange_59',['arange',['../namespacemlx_1_1core.html#a369aa886219b83cf219e7a7862ce260b',1,'mlx::core::arange()'],['../namespacemlx_1_1core_1_1metal.html#a272c36f0faf2570cbb2f36030e9a3f26',1,'mlx::core::metal::arange()'],['../metal_2kernels_2arange_8h.html#a1e5126ee6ae0164c2343230c4d87c03e',1,'arange(): arange.h'],['../group__ops.html#ga7ca088b8090b9f84f2e08345cf3f835a',1,'mlx::core::arange(double start, double stop, double step, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga4c36b841dc5cba391dad029be5a0ad98',1,'mlx::core::arange(double start, double stop, double step, StreamOrDevice s={})'],['../group__ops.html#ga8d7cf9eb15e2daf1469058907e8abc85',1,'mlx::core::arange(double start, double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga74566a14e69ba6a25f5a35e7ade5c282',1,'mlx::core::arange(double start, double stop, StreamOrDevice s={})'],['../group__ops.html#ga345aa27af3dae3646b8b4b1068e89a3e',1,'mlx::core::arange(double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaae179075d0fe23f4bd53fdf8c41f4c70',1,'mlx::core::arange(double stop, StreamOrDevice s={})'],['../group__ops.html#ga6b945f513077c2978afc1a952c884860',1,'mlx::core::arange(int start, int stop, int step, StreamOrDevice s={})'],['../group__ops.html#ga1c39fcc6eaa1c1867735c7f849d708d6',1,'mlx::core::arange(int start, int stop, StreamOrDevice s={})'],['../group__ops.html#gafe6e4580452c873cac294f16129e633f',1,'mlx::core::arange(int stop, StreamOrDevice s={})']]], + ['arange_59',['arange',['../namespacemlx_1_1core_1_1metal.html#a272c36f0faf2570cbb2f36030e9a3f26',1,'mlx::core::metal::arange()'],['../metal_2kernels_2arange_8h.html#a1e5126ee6ae0164c2343230c4d87c03e',1,'arange(): arange.h'],['../group__ops.html#ga7ca088b8090b9f84f2e08345cf3f835a',1,'mlx::core::arange(double start, double stop, double step, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga4c36b841dc5cba391dad029be5a0ad98',1,'mlx::core::arange(double start, double stop, double step, StreamOrDevice s={})'],['../group__ops.html#ga8d7cf9eb15e2daf1469058907e8abc85',1,'mlx::core::arange(double start, double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga74566a14e69ba6a25f5a35e7ade5c282',1,'mlx::core::arange(double start, double stop, StreamOrDevice s={})'],['../group__ops.html#ga345aa27af3dae3646b8b4b1068e89a3e',1,'mlx::core::arange(double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaae179075d0fe23f4bd53fdf8c41f4c70',1,'mlx::core::arange(double stop, StreamOrDevice s={})'],['../group__ops.html#ga6b945f513077c2978afc1a952c884860',1,'mlx::core::arange(int start, int stop, int step, StreamOrDevice s={})'],['../group__ops.html#ga1c39fcc6eaa1c1867735c7f849d708d6',1,'mlx::core::arange(int start, int stop, StreamOrDevice s={})'],['../group__ops.html#gafe6e4580452c873cac294f16129e633f',1,'mlx::core::arange(int stop, StreamOrDevice s={})']]], ['arange_2eh_60',['arange.h',['../cpu_2arange_8h.html',1,'(Global Namespace)'],['../metal_2jit_2arange_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2arange_8h.html',1,'(Global Namespace)']]], ['arange_5fkernels_61',['arange_kernels',['../metal_2jit_2arange_8h.html#a2f49fb7bdc0a90230077fe2023e6e5c0',1,'arange.h']]], ['arccos_62',['ArcCos',['../struct_arc_cos.html',1,'ArcCos'],['../classmlx_1_1core_1_1_arc_cos.html',1,'mlx::core::ArcCos'],['../structmlx_1_1core_1_1detail_1_1_arc_cos.html',1,'mlx::core::detail::ArcCos'],['../classmlx_1_1core_1_1_arc_cos.html#a66f4ee841d17923d93241b71ea5103e9',1,'mlx::core::ArcCos::ArcCos()']]], @@ -92,7 +92,7 @@ var searchData= ['arr_3c_20pocketfft_3a_3adetail_3a_3acmplx_3c_20thigh_20_3e_20_3e_89',['arr< pocketfft::detail::cmplx< Thigh > >',['../classpocketfft_1_1detail_1_1arr.html',1,'pocketfft::detail']]], ['arr_3c_20t0_20_3e_90',['arr< T0 >',['../classpocketfft_1_1detail_1_1arr.html',1,'pocketfft::detail']]], ['arr_5finfo_91',['arr_info',['../classpocketfft_1_1detail_1_1arr__info.html',1,'pocketfft::detail::arr_info'],['../classpocketfft_1_1detail_1_1arr__info.html#a0dbddb7d86ca306159fc9ef9a453b21e',1,'pocketfft::detail::arr_info::arr_info()']]], - ['array_92',['array',['../classmlx_1_1core_1_1array.html',1,'mlx::core::array'],['../classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232',1,'mlx::core::array::array(T val, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca',1,'mlx::core::array::array(const std::complex< float > &val, Dtype dtype=complex64)'],['../classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7',1,'mlx::core::array::array(It data, Shape shape, Dtype dtype=TypeToDtype< typename std::iterator_traits< It >::value_type >())'],['../classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00',1,'mlx::core::array::array(std::initializer_list< T > data, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7',1,'mlx::core::array::array(std::initializer_list< float > data)'],['../classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49',1,'mlx::core::array::array(std::initializer_list< int > data, Dtype dtype)'],['../classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507',1,'mlx::core::array::array(std::initializer_list< T > data, Shape shape, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4',1,'mlx::core::array::array(allocator::Buffer data, Shape shape, Dtype dtype, Deleter deleter=allocator::free)'],['../classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187',1,'mlx::core::array::array(const array &other)=default'],['../classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c',1,'mlx::core::array::array(array &&other)=default'],['../classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b',1,'mlx::core::array::array(Shape shape, Dtype dtype, std::shared_ptr< Primitive > primitive, std::vector< array > inputs)'],['../classmlx_1_1core_1_1array.html#a2476f987ec7a5afb7665d3b3974db0b2',1,'mlx::core::array::array(allocator::Buffer data, Shape shape, Dtype dtype, Strides strides, size_t data_size, Flags flags, Deleter deleter=allocator::free)']]], + ['array_92',['array',['../classmlx_1_1core_1_1array.html',1,'mlx::core::array'],['../classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232',1,'mlx::core::array::array(T val, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca',1,'mlx::core::array::array(const std::complex< float > &val, Dtype dtype=complex64)'],['../classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7',1,'mlx::core::array::array(It data, Shape shape, Dtype dtype=TypeToDtype< typename std::iterator_traits< It >::value_type >())'],['../classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00',1,'mlx::core::array::array(std::initializer_list< T > data, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7',1,'mlx::core::array::array(std::initializer_list< float > data)'],['../classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49',1,'mlx::core::array::array(std::initializer_list< int > data, Dtype dtype)'],['../classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507',1,'mlx::core::array::array(std::initializer_list< T > data, Shape shape, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4',1,'mlx::core::array::array(allocator::Buffer data, Shape shape, Dtype dtype, Deleter deleter=allocator::free)'],['../classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187',1,'mlx::core::array::array(const array &other)=default'],['../classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c',1,'mlx::core::array::array(array &&other)=default'],['../classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b',1,'mlx::core::array::array(Shape shape, Dtype dtype, std::shared_ptr< Primitive > primitive, std::vector< array > inputs)']]], ['array_20operations_93',['Core array operations',['../group__ops.html',1,'']]], ['array_2eh_94',['array.h',['../array_8h.html',1,'']]], ['array_5fequal_95',['array_equal',['../group__ops.html#ga8f3059336ee0c87207b1f8c6ab312645',1,'mlx::core::array_equal(const array &a, const array &b, bool equal_nan, StreamOrDevice s={})'],['../group__ops.html#gaf79cf0271ca0105d7b14295a90d0ed14',1,'mlx::core::array_equal(const array &a, const array &b, StreamOrDevice s={})']]], @@ -115,8 +115,9 @@ var searchData= ['atomic_2eh_112',['atomic.h',['../atomic_8h.html',1,'']]], ['atomic_5fupdate_113',['atomic_update',['../struct_none.html#aecbce7c97e8b1d5dc4afd2e788c24e06',1,'None']]], ['attach_5fevent_114',['attach_event',['../classmlx_1_1core_1_1array.html#a000c3cfe13cb378bf0523b62816190da',1,'mlx::core::array']]], - ['attention_115',['attention',['../steel__attention_8h.html#a5423b2a414f5e3c14166d568dedfbd33',1,'steel_attention.h']]], + ['attention_115',['attention',['../steel__attention_8h.html#a835f90451dd42ce2d52352d5cce0722a',1,'steel_attention.h']]], ['attn_2eh_116',['attn.h',['../attn_8h.html',1,'']]], - ['attnparams_117',['AttnParams',['../structmlx_1_1steel_1_1_attn_params.html',1,'mlx::steel']]], - ['available_118',['available',['../classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a308bd3e5bf976888b120dd36d0c2d2ae',1,'mlx::core::array']]] + ['attnmaskparams_117',['AttnMaskParams',['../structmlx_1_1steel_1_1_attn_mask_params.html',1,'mlx::steel']]], + ['attnparams_118',['AttnParams',['../structmlx_1_1steel_1_1_attn_params.html',1,'mlx::steel']]], + ['available_119',['available',['../classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a308bd3e5bf976888b120dd36d0c2d2ae',1,'mlx::core::array']]] ]; diff --git a/docs/build/html/search/all_11.js b/docs/build/html/search/all_11.js index b85047e65..f6cfcdfdb 100644 --- a/docs/build/html/search/all_11.js +++ b/docs/build/html/search/all_11.js @@ -5,30 +5,32 @@ var searchData= ['qdot_2',['qdot',['../quantized_8h.html#ab364d58ab652e3ad87a8f80910556071',1,'quantized.h']]], ['qdot_5fsafe_3',['qdot_safe',['../quantized_8h.html#a07b26d2d0b0d65dfe925c452c453fa42',1,'quantized.h']]], ['ql_4',['qL',['../structmlx_1_1steel_1_1_attn_params.html#a59255882cbd78bb6f15e704e3a356a7f',1,'mlx::steel::AttnParams']]], - ['qmm_5fn_5',['qmm_n',['../quantized_8h.html#a733a2d4ef5af5242c838359d8824bf64',1,'quantized.h']]], - ['qmm_5fn_5fimpl_6',['qmm_n_impl',['../quantized_8h.html#a0ba59096494f1001c195312571523ae9',1,'quantized.h']]], - ['qmm_5ft_7',['qmm_t',['../quantized_8h.html#a8c800222221c34a270589579ffb677a6',1,'quantized.h']]], - ['qmm_5ft_5fimpl_8',['qmm_t_impl',['../quantized_8h.html#af5750a35e8f5462218effba719f7f5b8',1,'quantized.h']]], - ['qmv_9',['qmv',['../quantized_8h.html#a872664c9ead5aa6f03ea26330c469bee',1,'quantized.h']]], - ['qmv_5ffast_10',['qmv_fast',['../quantized_8h.html#a351ff8f1d25c5edee035c30a0e99a53e',1,'quantized.h']]], - ['qmv_5ffast_5fimpl_11',['qmv_fast_impl',['../quantized_8h.html#aba7687e6f8f1d29c0a1b2a3db150bd81',1,'quantized.h']]], - ['qmv_5fimpl_12',['qmv_impl',['../quantized_8h.html#a8e13c7d895624f738d2a6d9893b687fd',1,'quantized.h']]], - ['qmv_5fquad_13',['qmv_quad',['../quantized_8h.html#a9d14bd6c50ecd04fac423717e6ead1d1',1,'quantized.h']]], - ['qmv_5fquad_5fimpl_14',['qmv_quad_impl',['../quantized_8h.html#ad5cf1cf63656bc1780685d22169cd4ef',1,'quantized.h']]], - ['qouter_15',['qouter',['../quantized_8h.html#ae756f6817b584c60f5dcdd1d9c6b4f58',1,'quantized.h']]], - ['qr_16',['qr',['../namespacemlx_1_1core_1_1linalg.html#ae6d97829459353fe3b31c8a0867c0ca2',1,'mlx::core::linalg']]], - ['qrf_17',['QRF',['../classmlx_1_1core_1_1_q_r_f.html',1,'mlx::core::QRF'],['../classmlx_1_1core_1_1_q_r_f.html#a44ed2924dc574c4aeb79b1188b5c3983',1,'mlx::core::QRF::QRF()']]], - ['quad_5fsize_18',['QUAD_SIZE',['../quantized_8h.html#a803e4d5a1459844ba647aea5b004e133',1,'quantized.h']]], - ['quantize_19',['quantize',['../group__ops.html#gab43cc28690da7cdd43b43065adbd31da',1,'mlx::core']]], - ['quantized_20',['quantized',['../namespacemlx_1_1core_1_1metal.html#a949f029424218ab5c5588563d2e076f5',1,'mlx::core::metal']]], - ['quantized_2eh_21',['quantized.h',['../quantized_8h.html',1,'']]], - ['quantized_5fmatmul_22',['quantized_matmul',['../group__ops.html#gabfa4208fb1f9b1cdd0abc563b19175af',1,'mlx::core']]], - ['quantizedblockloader_23',['QuantizedBlockLoader',['../struct_quantized_block_loader.html',1,'QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >'],['../struct_quantized_block_loader.html#a60713ce7498aa683cbb2a0f19ab16589',1,'QuantizedBlockLoader::QuantizedBlockLoader()']]], - ['quantizedmatmul_24',['QuantizedMatmul',['../classmlx_1_1core_1_1_quantized_matmul.html',1,'mlx::core::QuantizedMatmul'],['../classmlx_1_1core_1_1_quantized_matmul.html#a5bd164d038d9dc21919f7e0bfdeaa25c',1,'mlx::core::QuantizedMatmul::QuantizedMatmul()']]], - ['query_5ftransposed_25',['query_transposed',['../sdpa__vector_8h.html#a0c2c54bcc20cc4783a5040d47fa3ba81',1,'sdpa_vector.h']]], - ['queue_26',['queue',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d',1,'mlx::core::metal::DeviceStream']]], - ['quiet_5fnan_27',['quiet_NaN',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#aebeb07c01984be246bc2d1b8f8e4ac7b',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['qvm_28',['qvm',['../quantized_8h.html#a55844c4576fff2182bc1fca171994118',1,'quantized.h']]], - ['qvm_5fimpl_29',['qvm_impl',['../quantized_8h.html#a1546533c5b925b2fbb3bec870ec7487a',1,'quantized.h']]], - ['qvm_5fsplit_5fk_30',['qvm_split_k',['../quantized_8h.html#aac4440b5ef8f323dd36c85721d00f7e7',1,'quantized.h']]] + ['ql_5foff_5',['qL_off',['../structmlx_1_1steel_1_1_attn_params.html#a2d18657f764a8b4097bc5a05238b5dde',1,'mlx::steel::AttnParams']]], + ['ql_5frem_6',['qL_rem',['../structmlx_1_1steel_1_1_attn_params.html#af3fcd78329de006a9a44db64ba469345',1,'mlx::steel::AttnParams']]], + ['qmm_5fn_7',['qmm_n',['../quantized_8h.html#a733a2d4ef5af5242c838359d8824bf64',1,'quantized.h']]], + ['qmm_5fn_5fimpl_8',['qmm_n_impl',['../quantized_8h.html#a0ba59096494f1001c195312571523ae9',1,'quantized.h']]], + ['qmm_5ft_9',['qmm_t',['../quantized_8h.html#a8c800222221c34a270589579ffb677a6',1,'quantized.h']]], + ['qmm_5ft_5fimpl_10',['qmm_t_impl',['../quantized_8h.html#af5750a35e8f5462218effba719f7f5b8',1,'quantized.h']]], + ['qmv_11',['qmv',['../quantized_8h.html#a872664c9ead5aa6f03ea26330c469bee',1,'quantized.h']]], + ['qmv_5ffast_12',['qmv_fast',['../quantized_8h.html#a351ff8f1d25c5edee035c30a0e99a53e',1,'quantized.h']]], + ['qmv_5ffast_5fimpl_13',['qmv_fast_impl',['../quantized_8h.html#aba7687e6f8f1d29c0a1b2a3db150bd81',1,'quantized.h']]], + ['qmv_5fimpl_14',['qmv_impl',['../quantized_8h.html#a8e13c7d895624f738d2a6d9893b687fd',1,'quantized.h']]], + ['qmv_5fquad_15',['qmv_quad',['../quantized_8h.html#a9d14bd6c50ecd04fac423717e6ead1d1',1,'quantized.h']]], + ['qmv_5fquad_5fimpl_16',['qmv_quad_impl',['../quantized_8h.html#ad5cf1cf63656bc1780685d22169cd4ef',1,'quantized.h']]], + ['qouter_17',['qouter',['../quantized_8h.html#ae756f6817b584c60f5dcdd1d9c6b4f58',1,'quantized.h']]], + ['qr_18',['qr',['../namespacemlx_1_1core_1_1linalg.html#ae6d97829459353fe3b31c8a0867c0ca2',1,'mlx::core::linalg']]], + ['qrf_19',['QRF',['../classmlx_1_1core_1_1_q_r_f.html',1,'mlx::core::QRF'],['../classmlx_1_1core_1_1_q_r_f.html#a44ed2924dc574c4aeb79b1188b5c3983',1,'mlx::core::QRF::QRF()']]], + ['quad_5fsize_20',['QUAD_SIZE',['../quantized_8h.html#a803e4d5a1459844ba647aea5b004e133',1,'quantized.h']]], + ['quantize_21',['quantize',['../group__ops.html#gab43cc28690da7cdd43b43065adbd31da',1,'mlx::core']]], + ['quantized_22',['quantized',['../namespacemlx_1_1core_1_1metal.html#a949f029424218ab5c5588563d2e076f5',1,'mlx::core::metal']]], + ['quantized_2eh_23',['quantized.h',['../quantized_8h.html',1,'']]], + ['quantized_5fmatmul_24',['quantized_matmul',['../group__ops.html#gabfa4208fb1f9b1cdd0abc563b19175af',1,'mlx::core']]], + ['quantizedblockloader_25',['QuantizedBlockLoader',['../struct_quantized_block_loader.html',1,'QuantizedBlockLoader< T, BROWS, BCOLS, dst_ld, reduction_dim, tgp_size, group_size, bits >'],['../struct_quantized_block_loader.html#a60713ce7498aa683cbb2a0f19ab16589',1,'QuantizedBlockLoader::QuantizedBlockLoader()']]], + ['quantizedmatmul_26',['QuantizedMatmul',['../classmlx_1_1core_1_1_quantized_matmul.html',1,'mlx::core::QuantizedMatmul'],['../classmlx_1_1core_1_1_quantized_matmul.html#a5bd164d038d9dc21919f7e0bfdeaa25c',1,'mlx::core::QuantizedMatmul::QuantizedMatmul()']]], + ['query_5ftransposed_27',['query_transposed',['../sdpa__vector_8h.html#a0c2c54bcc20cc4783a5040d47fa3ba81',1,'sdpa_vector.h']]], + ['queue_28',['queue',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d',1,'mlx::core::metal::DeviceStream']]], + ['quiet_5fnan_29',['quiet_NaN',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#aebeb07c01984be246bc2d1b8f8e4ac7b',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['qvm_30',['qvm',['../quantized_8h.html#a55844c4576fff2182bc1fca171994118',1,'quantized.h']]], + ['qvm_5fimpl_31',['qvm_impl',['../quantized_8h.html#a1546533c5b925b2fbb3bec870ec7487a',1,'quantized.h']]], + ['qvm_5fsplit_5fk_32',['qvm_split_k',['../quantized_8h.html#aac4440b5ef8f323dd36c85721d00f7e7',1,'quantized.h']]] ]; diff --git a/docs/build/html/search/all_12.js b/docs/build/html/search/all_12.js index 6c5596500..09cfde5ae 100644 --- a/docs/build/html/search/all_12.js +++ b/docs/build/html/search/all_12.js @@ -49,88 +49,87 @@ var searchData= ['random_2eh_46',['random.h',['../random_8h.html',1,'']]], ['randombits_47',['RandomBits',['../classmlx_1_1core_1_1_random_bits.html',1,'mlx::core::RandomBits'],['../classmlx_1_1core_1_1_random_bits.html#acd79c5ea2d67132c98d00fa927f08e26',1,'mlx::core::RandomBits::RandomBits()']]], ['rank_48',['rank',['../structmlx_1_1core_1_1distributed_1_1_group.html#a94b676c55c9a0f9d6e75ddf80644f18d',1,'mlx::core::distributed::Group::rank()'],['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae0838a40ce58442cdc73d57d7969a702',1,'mlx::core::distributed::detail::GroupImpl::rank()']]], - ['raw_5fevent_49',['raw_event',['../classmlx_1_1core_1_1_event.html#af408d30df17c4771e9e2aa550cb6e921',1,'mlx::core::Event']]], - ['raw_5fgroup_50',['raw_group',['../structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf',1,'mlx::core::distributed::Group']]], - ['raw_5fptr_51',['raw_ptr',['../classmlx_1_1core_1_1allocator_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::allocator::Buffer::raw_ptr()'],['../classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::metal::Buffer::raw_ptr()']]], - ['read_52',['read',['../classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1',1,'mlx::core::io::Reader::read(char *data, size_t n)=0'],['../classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc',1,'mlx::core::io::Reader::read(char *data, size_t n, size_t offset)=0'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n) override'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n, size_t offset) override']]], - ['read_5fih_53',['read_ih',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a82dd8230e1f37500f1a562177c3ad692',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::read_ih'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6623e33d946b41d01c69ec793706d789',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::read_ih'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a35a010c3819df6667339d37a5e8f5b43',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::read_ih']]], - ['read_5fiw_54',['read_iw',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a17550360cae0a942a9552d7a67827512',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::read_iw'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa2a1a870ff51889975f6ffb2b8caa31c',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::read_iw'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a53a683adf280e4806363020754525261',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::read_iw']]], - ['read_5fn_55',['read_n',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#aeb67767e2d60d5ff0279a55553f3184e',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::read_n'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a5afa232b7c84b5025247ac4f83eb9ca9',1,'mlx::steel::Conv2DWeightBlockLoader::read_n'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae363abc696400f4e334314576ea31421',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::read_n'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa0af8ce417077695e9c51f1568dbc6b7',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::read_n'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#afe5caaf38b574d3380533856c493dd92',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::read_n']]], - ['reader_56',['Reader',['../classmlx_1_1core_1_1io_1_1_reader.html',1,'mlx::core::io']]], - ['readvector_57',['ReadVector',['../structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html',1,'mlx::steel::BlockLoader']]], - ['readwrite_2eh_58',['readwrite.h',['../readwrite_8h.html',1,'']]], - ['readwriter_59',['ReadWriter',['../struct_read_writer.html',1,'ReadWriter< in_T, out_T, step, four_step_real >'],['../struct_read_writer.html#a1aa07e41d7ac286ad79bd26a072dfa0c',1,'ReadWriter::ReadWriter()']]], - ['real_60',['Real',['../structmlx_1_1core_1_1detail_1_1_real.html',1,'mlx::core::detail::Real'],['../classmlx_1_1core_1_1_real.html',1,'mlx::core::Real'],['../struct_real.html',1,'Real'],['../classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892',1,'mlx::core::Real::Real()']]], - ['real_61',['real',['../structcomplex64__t.html#abbd4a0092eca9f112c1c5ae1a133a27e',1,'complex64_t::real'],['../namespacemlx_1_1core_1_1simd.html#acdf822b7626bbab6a495552aea3457b5',1,'mlx::core::simd::real()'],['../group__ops.html#gaf8913cabeb9fb193ba687aaeb2087764',1,'mlx::core::real()']]], - ['recip_62',['recip',['../namespacemlx_1_1core_1_1simd.html#ae344abefc91c7d9c0a9506c868a84d61',1,'mlx::core::simd::recip(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#afc915aed256295475ac88fde3a736f1f',1,'mlx::core::simd::recip(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a6235990c43aaf0e0c126c82d10f01b45',1,'mlx::core::simd::recip(Simd< float16_t, N > a)']]], - ['reciprocal_63',['reciprocal',['../group__ops.html#ga4d29556bb93e2f66916116cf1f062b36',1,'mlx::core']]], - ['recv_64',['Recv',['../classmlx_1_1core_1_1distributed_1_1_recv.html',1,'mlx::core::distributed::Recv'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db',1,'mlx::core::distributed::Recv::Recv()']]], - ['recv_65',['recv',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac4af5fc16a82ba8c72df04d7694f8352',1,'mlx::core::distributed::detail::GroupImpl::recv()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a003de04deb00ecbb19179b3f557df548',1,'mlx::core::distributed::detail::recv()'],['../namespacemlx_1_1core_1_1distributed.html#af93c1680b656e98158d5f6eed8e092e8',1,'mlx::core::distributed::recv(Shape shape, Dtype dtype, int src, std::optional< Group > group=std::nullopt, StreamOrDevice s={})']]], - ['recv_5flike_66',['recv_like',['../namespacemlx_1_1core_1_1distributed.html#a2822b78bce2c679e6ff940b2fca944f0',1,'mlx::core::distributed']]], - ['reduce_67',['Reduce',['../classmlx_1_1core_1_1_reduce.html',1,'mlx::core::Reduce'],['../classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf',1,'mlx::core::Reduce::Reduce()']]], - ['reduce_68',['reduce',['../namespacemlx_1_1core_1_1metal.html#abb997ccbed4c9a9ccd975b1574755fca',1,'mlx::core::metal']]], - ['reduce_2eh_69',['reduce.h',['../common_2reduce_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2reduce_8h.html',1,'(Global Namespace)'],['../metal_2reduce_8h.html',1,'(Global Namespace)']]], - ['reduce_5fall_2eh_70',['reduce_all.h',['../reduce__all_8h.html',1,'']]], - ['reduce_5fcol_2eh_71',['reduce_col.h',['../reduce__col_8h.html',1,'']]], - ['reduce_5finit_2eh_72',['reduce_init.h',['../reduce__init_8h.html',1,'']]], - ['reduce_5fn_5freads_73',['REDUCE_N_READS',['../defines_8h.html#a2ad505864a2ab786147766900bc18c21',1,'defines.h']]], - ['reduce_5fn_5fwrites_74',['REDUCE_N_WRITES',['../defines_8h.html#a68c33274e15a2f163f7631a36280d82f',1,'defines.h']]], - ['reduce_5frow_2eh_75',['reduce_row.h',['../reduce__row_8h.html',1,'']]], - ['reduce_5futils_76',['reduce_utils',['../namespacemlx_1_1core_1_1metal.html#a2ec39572806310cf528aea06530e8af8',1,'mlx::core::metal']]], - ['reduce_5futils_2eh_77',['reduce_utils.h',['../reduce__utils_8h.html',1,'']]], - ['reducetype_78',['ReduceType',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924',1,'mlx::core::distributed::AllReduce::ReduceType'],['../classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3',1,'mlx::core::ArgReduce::ReduceType'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9',1,'mlx::core::Reduce::ReduceType'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1',1,'mlx::core::Scan::ReduceType'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613c',1,'mlx::core::Scatter::ReduceType'],['../classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2',1,'mlx::core::ScatterAxis::ReduceType']]], - ['reductionoptype_79',['ReductionOpType',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65',1,'mlx::core']]], - ['reductionplan_80',['ReductionPlan',['../structmlx_1_1core_1_1_reduction_plan.html',1,'mlx::core::ReductionPlan'],['../structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_, Shape shape_, Strides strides_)'],['../structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_)']]], - ['reference_81',['reference',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a44e2e1f29191c20ec4390de4fa0bd59f',1,'mlx::core::array::ArrayIterator']]], - ['register_5flibrary_82',['register_library',['../classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d',1,'mlx::core::metal::Device::register_library(const std::string &lib_name, const std::string &lib_path)'],['../classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf',1,'mlx::core::metal::Device::register_library(const std::string &lib_name)']]], - ['register_5foutput_5farray_83',['register_output_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a',1,'mlx::core::metal::CommandEncoder::register_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a',1,'mlx::core::CommandEncoder::register_output_array()']]], - ['remainder_84',['Remainder',['../structmlx_1_1core_1_1detail_1_1_remainder.html',1,'mlx::core::detail::Remainder'],['../classmlx_1_1core_1_1_remainder.html',1,'mlx::core::Remainder'],['../struct_remainder.html',1,'Remainder'],['../classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641',1,'mlx::core::Remainder::Remainder()']]], - ['remainder_85',['remainder',['../namespacemlx_1_1core_1_1simd.html#ac66bdf1a8e86a4d350c85037bc764da5',1,'mlx::core::simd::remainder(Simd< float16_t, N > x, Simd< float16_t, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab020d2c434fad0cdf79fd37b0f6c1676',1,'mlx::core::simd::remainder(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a54c7f2f2b995eb767462b1228982967f',1,'mlx::core::simd::remainder(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../group__ops.html#ga99f5c904f724156a814d7817188351d2',1,'mlx::core::remainder()']]], - ['remaining_86',['remaining',['../classpocketfft_1_1detail_1_1multi__iter.html#a034d12f842df90e6471dffd3fa6ba4bd',1,'pocketfft::detail::multi_iter::remaining()'],['../classpocketfft_1_1detail_1_1simple__iter.html#a9267d37f51a9a5aecc69293c7ed1b1f6',1,'pocketfft::detail::simple_iter::remaining()'],['../classpocketfft_1_1detail_1_1rev__iter.html#a143637135c441a4b9a2959c2370d8c63',1,'pocketfft::detail::rev_iter::remaining()']]], - ['repeat_87',['repeat',['../group__ops.html#gab49e3a687e826554ed1574186e8ae974',1,'mlx::core::repeat(const array &arr, int repeats, int axis, StreamOrDevice s={})'],['../group__ops.html#ga4f75f5d5db999f02f43ecbc6dccf3ba6',1,'mlx::core::repeat(const array &arr, int repeats, StreamOrDevice s={})']]], - ['reset_88',['reset',['../structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a',1,'mlx::core::ContiguousIterator']]], - ['reset_5fpeak_5fmemory_89',['reset_peak_memory',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6',1,'mlx::core::metal::MetalAllocator::reset_peak_memory()'],['../namespacemlx_1_1core_1_1metal.html#adec8bb375da6c9dd5ff625a3a8434122',1,'mlx::core::metal::reset_peak_memory()']]], - ['reshape_90',['Reshape',['../classmlx_1_1core_1_1_reshape.html',1,'mlx::core::Reshape'],['../classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312',1,'mlx::core::Reshape::Reshape()']]], - ['reshape_91',['reshape',['../group__ops.html#ga084f03ce2b22258afb7c8b45e17af828',1,'mlx::core']]], - ['residencyset_92',['ResidencySet',['../classmlx_1_1core_1_1metal_1_1_residency_set.html',1,'mlx::core::metal::ResidencySet'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec',1,'mlx::core::metal::ResidencySet::ResidencySet(MTL::Device *d)'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7',1,'mlx::core::metal::ResidencySet::ResidencySet(const ResidencySet &)=delete']]], - ['resident_2eh_93',['resident.h',['../resident_8h.html',1,'']]], - ['resize_94',['resize',['../classpocketfft_1_1detail_1_1arr.html#a8d73baaefa02dff8714e4398c83917e0',1,'pocketfft::detail::arr::resize()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5',1,'mlx::core::metal::ResidencySet::resize()'],['../class_thread_pool.html#a33d9a848213206e95997eb050702ecbf',1,'ThreadPool::resize()']]], - ['restart_95',['restart',['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#a51d252df8d0cd060f15be8ba2bfe3288',1,'pocketfft::detail::threading::thread_pool']]], - ['result_5ftype_96',['result_type',['../namespacemlx_1_1core.html#a8b984eef832f757e28cd262d64a49ae7',1,'mlx::core::result_type(const array &a, const array &b)'],['../namespacemlx_1_1core.html#ac457c232f956ba802acb69c5a621633d',1,'mlx::core::result_type(const array &a, const array &b, const array &c)'],['../namespacemlx_1_1core.html#aafaf24a28297428caf6d0c36c623489e',1,'mlx::core::result_type(const std::vector< array > &arrays)']]], - ['retain_5fgraph_97',['retain_graph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814',1,'mlx::core::detail::RetainGraph::retain_graph()'],['../namespacemlx_1_1core_1_1detail.html#a38af45eb92e437207c722a088f381cd3',1,'mlx::core::detail::retain_graph()']]], - ['retaingraph_98',['RetainGraph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html',1,'mlx::core::detail::RetainGraph'],['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da',1,'mlx::core::detail::RetainGraph::RetainGraph()']]], - ['rev_5fiter_99',['rev_iter',['../classpocketfft_1_1detail_1_1rev__iter.html',1,'pocketfft::detail::rev_iter'],['../classpocketfft_1_1detail_1_1rev__iter.html#af7b8c2f1534d3038ba2a3c6b9919e134',1,'pocketfft::detail::rev_iter::rev_iter(const arr_info &arr_, const shape_t &axes)']]], - ['rev_5fofs_100',['rev_ofs',['../classpocketfft_1_1detail_1_1rev__iter.html#a7f112afa76cb7a4c29cff217a6f5f5a9',1,'pocketfft::detail::rev_iter']]], - ['rfft_101',['rfft',['../namespacemlx_1_1core_1_1fft.html#a9cb0edfb831b1ed607a8124d38540c13',1,'mlx::core::fft::rfft(const array &a, int n, int axis, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a464016cbc948bb3af17d43ce39cf54bd',1,'mlx::core::fft::rfft(const array &a, int axis=-1, StreamOrDevice s={})']]], - ['rfft2_102',['rfft2',['../namespacemlx_1_1core_1_1fft.html#a99397f5d9de6551f967120546ec96728',1,'mlx::core::fft::rfft2(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a59ca0c3c455e4ff1fed3dbd2327c55f0',1,'mlx::core::fft::rfft2(const array &a, const std::vector< int > &axes={-2, -1}, StreamOrDevice s={})']]], - ['rfftn_103',['rfftn',['../namespacemlx_1_1core_1_1fft.html#ab60d121ff5509c5a144b2fab7ae0f93b',1,'mlx::core::fft::rfftn(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#ab502e092ba4bb571ecc421a25e4cb968',1,'mlx::core::fft::rfftn(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a53d44fd9b6c7645f9303c24099755bf2',1,'mlx::core::fft::rfftn(const array &a, StreamOrDevice s={})']]], - ['rfftp_104',['rfftp',['../classpocketfft_1_1detail_1_1rfftp.html',1,'pocketfft::detail::rfftp< T0 >'],['../classpocketfft_1_1detail_1_1rfftp.html#a0c590f917b8e8afa3ff53ccff52e68c5',1,'pocketfft::detail::rfftp::rfftp()']]], - ['right_5fshift_105',['right_shift',['../group__ops.html#gafa376ad57d38ba87378f0272dc379b23',1,'mlx::core']]], - ['rightshift_106',['RightShift',['../structmlx_1_1core_1_1detail_1_1_right_shift.html',1,'mlx::core::detail::RightShift'],['../struct_right_shift.html',1,'RightShift'],['../classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da011e7b275a1f0edbd9345cfcf6501503',1,'mlx::core::BitwiseBinary::RightShift']]], - ['ring_2eh_107',['ring.h',['../ring_8h.html',1,'']]], - ['rint_108',['rint',['../namespacemlx_1_1core_1_1simd.html#a400d89d040f43d471b306a8e8bdb3974',1,'mlx::core::simd::rint(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a797196eccc3690aac5c45e5f9c804ceb',1,'mlx::core::simd::rint(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a8c200919c0eeefb2e2e5d9d19741a805',1,'mlx::core::simd::rint(Simd< float16_t, N > a)'],['../namespacemetal.html#a29ab6060527120eee745aec0daa06e01',1,'metal::rint()'],['../namespacemetal_1_1fast.html#aa613bc252f8d8069e175ec9e9d05a7ec',1,'metal::fast::rint()'],['../namespacemetal_1_1precise.html#ab17bd408098270ad92f37bcd1039c254',1,'metal::precise::rint()']]], - ['rms_5flooped_5flimit_109',['RMS_LOOPED_LIMIT',['../defines_8h.html#a717a175676c3f96d74adfde7e751a541',1,'defines.h']]], - ['rms_5fn_5freads_110',['RMS_N_READS',['../defines_8h.html#a89c0a33ba39a881ad3458ffdde62a24f',1,'defines.h']]], - ['rms_5fnorm_111',['rms_norm',['../namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01',1,'mlx::core::fast']]], - ['rmsnorm_112',['RMSNorm',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html',1,'mlx::core::fast::RMSNorm'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2',1,'mlx::core::fast::RMSNorm::RMSNorm()']]], - ['rmsnormvjp_113',['RMSNormVJP',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html',1,'mlx::core::fast::RMSNormVJP'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca',1,'mlx::core::fast::RMSNormVJP::RMSNormVJP()']]], - ['roll_114',['roll',['../group__ops.html#gac40e48c69f9c715a767912c30836e75c',1,'mlx::core::roll(const array &a, int shift, StreamOrDevice s={})'],['../group__ops.html#ga5011d1a5735c64e5b91afa56c7e2cc02',1,'mlx::core::roll(const array &a, const Shape &shift, StreamOrDevice s={})'],['../group__ops.html#ga8694ec137165752cb6d8a36a6b7c3436',1,'mlx::core::roll(const array &a, int shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga665f502ecc96f1f4467556b784abf9ae',1,'mlx::core::roll(const array &a, int shift, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga79137f90bc44ac9e35f408c012701df9',1,'mlx::core::roll(const array &a, const Shape &shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga9d76930fb567a7d459ff96fb851abe36',1,'mlx::core::roll(const array &a, const Shape &shift, const std::vector< int > &axes, StreamOrDevice s={})']]], - ['rope_115',['RoPE',['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html',1,'mlx::core::fast::RoPE'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a',1,'mlx::core::fast::RoPE::RoPE()']]], - ['rope_116',['rope',['../namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, int offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, const array &offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})']]], - ['rot90_117',['ROT90',['../namespacepocketfft_1_1detail.html#a928bad5278df636ee47402c0a75f64ef',1,'pocketfft::detail']]], - ['rotx90_118',['ROTX90',['../namespacepocketfft_1_1detail.html#ab6a43dc0cec4291e163e68a0875ac501',1,'pocketfft::detail']]], - ['round_119',['Round',['../structmlx_1_1core_1_1detail_1_1_round.html',1,'mlx::core::detail::Round'],['../classmlx_1_1core_1_1_round.html',1,'mlx::core::Round'],['../struct_round.html',1,'Round'],['../classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde',1,'mlx::core::Round::Round()']]], - ['round_120',['round',['../namespacemetal.html#a46c667e169ff9d51a9204a045305442f',1,'metal::round()'],['../namespacemetal_1_1fast.html#a4cb687257a004726d49e496417eaa40f',1,'metal::fast::round()'],['../namespacemetal_1_1precise.html#a5295ab08055d12534cc3775da855ac12',1,'metal::precise::round()'],['../group__ops.html#ga2d74d43f007a069384e89d8416525331',1,'mlx::core::round(const array &a, int decimals, StreamOrDevice s={})'],['../group__ops.html#gaf18fb7e98bf8cf3b7fbc5e64c988a95b',1,'mlx::core::round(const array &a, StreamOrDevice s={})']]], - ['round_5ferror_121',['round_error',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#afa223448fa4f04c1113a85345dd720c3',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['row_5fbin_5fop_122',['row_bin_op',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_bin_op()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2',1,'mlx::steel::MMATile::row_bin_op()']]], - ['row_5fcontiguous_123',['row_contiguous',['../structmlx_1_1core_1_1array_1_1_flags.html#a3170fa381dc7a90f6eabcc029bdf9bfd',1,'mlx::core::array::Flags::row_contiguous'],['../struct_indices.html#a255e340a39c6ac28ef2c232b106f85d1',1,'Indices::row_contiguous']]], - ['row_5ffrag_5ftype_124',['row_frag_type',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3dcd4301390937f89ed1dde6d28e341f',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >']]], - ['row_5freduce_125',['row_reduce',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_reduce()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88',1,'mlx::steel::MMATile::row_reduce()']]], - ['row_5freduce_5fgeneral_5fdispatch_126',['row_reduce_general_dispatch',['../namespacemlx_1_1core.html#ab1eeca8ec6fa31819ee108fa6ed2c41b',1,'mlx::core']]], - ['row_5freduce_5flooped_127',['row_reduce_looped',['../reduce__row_8h.html#a72611b8006ae5642b69f4d250d69865b',1,'reduce_row.h']]], - ['row_5freduce_5fsimple_128',['row_reduce_simple',['../reduce__row_8h.html#a7dbd7cc81b1ce5a4271d56b99ce595d4',1,'reduce_row.h']]], - ['row_5freduce_5fsmall_129',['row_reduce_small',['../reduce__row_8h.html#a1e1b59fa73d2b0be978494a759f2c6ee',1,'reduce_row.h']]], - ['rsqrt_130',['Rsqrt',['../structmlx_1_1core_1_1detail_1_1_rsqrt.html',1,'mlx::core::detail::Rsqrt'],['../struct_rsqrt.html',1,'Rsqrt']]], - ['rsqrt_131',['rsqrt',['../namespacemlx_1_1core_1_1simd.html#aea75ddf8c696efc2e5e924667ed48e70',1,'mlx::core::simd::rsqrt(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a74ac0fd799967b0f303bfd26fc6a17cf',1,'mlx::core::simd::rsqrt(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a3345cb53830d1afd625acc7bdc3a0435',1,'mlx::core::simd::rsqrt(Simd< float16_t, N > a)'],['../namespacemetal.html#a1cf4b605c0aa7ff5bfe5e979a16f5157',1,'metal::rsqrt()'],['../namespacemetal_1_1fast.html#aa62097c750f1e4b69d09277f19976ab1',1,'metal::fast::rsqrt()'],['../namespacemetal_1_1precise.html#afb397b477745f12a44423934fa2b05ac',1,'metal::precise::rsqrt()'],['../group__ops.html#ga102f23aa0b0c3d3296a321c694617aa1',1,'mlx::core::rsqrt()']]], - ['run_132',['run',['../struct_g_e_m_v_kernel.html#ac4a7b5011a0ea938ab1949bb1767fc1a',1,'GEMVKernel::run()'],['../struct_g_e_m_v_t_kernel.html#a5d68656832de892f33db939005713927',1,'GEMVTKernel::run()'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)']]] + ['raw_5fgroup_49',['raw_group',['../structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf',1,'mlx::core::distributed::Group']]], + ['raw_5fptr_50',['raw_ptr',['../classmlx_1_1core_1_1allocator_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::allocator::Buffer::raw_ptr()'],['../classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::metal::Buffer::raw_ptr()']]], + ['read_51',['read',['../classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1',1,'mlx::core::io::Reader::read(char *data, size_t n)=0'],['../classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc',1,'mlx::core::io::Reader::read(char *data, size_t n, size_t offset)=0'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n) override'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n, size_t offset) override']]], + ['read_5fih_52',['read_ih',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a82dd8230e1f37500f1a562177c3ad692',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::read_ih'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6623e33d946b41d01c69ec793706d789',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::read_ih'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a35a010c3819df6667339d37a5e8f5b43',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::read_ih']]], + ['read_5fiw_53',['read_iw',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a17550360cae0a942a9552d7a67827512',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::read_iw'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa2a1a870ff51889975f6ffb2b8caa31c',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::read_iw'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a53a683adf280e4806363020754525261',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::read_iw']]], + ['read_5fn_54',['read_n',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#aeb67767e2d60d5ff0279a55553f3184e',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::read_n'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a5afa232b7c84b5025247ac4f83eb9ca9',1,'mlx::steel::Conv2DWeightBlockLoader::read_n'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae363abc696400f4e334314576ea31421',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::read_n'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#aa0af8ce417077695e9c51f1568dbc6b7',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::read_n'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#afe5caaf38b574d3380533856c493dd92',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::read_n']]], + ['reader_55',['Reader',['../classmlx_1_1core_1_1io_1_1_reader.html',1,'mlx::core::io']]], + ['readvector_56',['ReadVector',['../structmlx_1_1steel_1_1_block_loader_1_1_read_vector.html',1,'mlx::steel::BlockLoader']]], + ['readwrite_2eh_57',['readwrite.h',['../readwrite_8h.html',1,'']]], + ['readwriter_58',['ReadWriter',['../struct_read_writer.html',1,'ReadWriter< in_T, out_T, step, four_step_real >'],['../struct_read_writer.html#a1aa07e41d7ac286ad79bd26a072dfa0c',1,'ReadWriter::ReadWriter()']]], + ['real_59',['Real',['../structmlx_1_1core_1_1detail_1_1_real.html',1,'mlx::core::detail::Real'],['../classmlx_1_1core_1_1_real.html',1,'mlx::core::Real'],['../struct_real.html',1,'Real'],['../classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892',1,'mlx::core::Real::Real()']]], + ['real_60',['real',['../structcomplex64__t.html#abbd4a0092eca9f112c1c5ae1a133a27e',1,'complex64_t::real'],['../namespacemlx_1_1core_1_1simd.html#acdf822b7626bbab6a495552aea3457b5',1,'mlx::core::simd::real()'],['../group__ops.html#gaf8913cabeb9fb193ba687aaeb2087764',1,'mlx::core::real()']]], + ['recip_61',['recip',['../namespacemlx_1_1core_1_1simd.html#ae344abefc91c7d9c0a9506c868a84d61',1,'mlx::core::simd::recip(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#afc915aed256295475ac88fde3a736f1f',1,'mlx::core::simd::recip(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a6235990c43aaf0e0c126c82d10f01b45',1,'mlx::core::simd::recip(Simd< float16_t, N > a)']]], + ['reciprocal_62',['reciprocal',['../group__ops.html#ga4d29556bb93e2f66916116cf1f062b36',1,'mlx::core']]], + ['recv_63',['Recv',['../classmlx_1_1core_1_1distributed_1_1_recv.html',1,'mlx::core::distributed::Recv'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db',1,'mlx::core::distributed::Recv::Recv()']]], + ['recv_64',['recv',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a7ce5b7a19d0fb8e189986c84845c5898',1,'mlx::core::distributed::detail::GroupImpl::recv()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a79bb934225482f2104e8ff270b0530c3',1,'mlx::core::distributed::detail::recv()'],['../namespacemlx_1_1core_1_1distributed.html#af93c1680b656e98158d5f6eed8e092e8',1,'mlx::core::distributed::recv(Shape shape, Dtype dtype, int src, std::optional< Group > group=std::nullopt, StreamOrDevice s={})']]], + ['recv_5flike_65',['recv_like',['../namespacemlx_1_1core_1_1distributed.html#a2822b78bce2c679e6ff940b2fca944f0',1,'mlx::core::distributed']]], + ['reduce_66',['Reduce',['../classmlx_1_1core_1_1_reduce.html',1,'mlx::core::Reduce'],['../classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf',1,'mlx::core::Reduce::Reduce()']]], + ['reduce_67',['reduce',['../namespacemlx_1_1core_1_1metal.html#abb997ccbed4c9a9ccd975b1574755fca',1,'mlx::core::metal']]], + ['reduce_2eh_68',['reduce.h',['../common_2reduce_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2reduce_8h.html',1,'(Global Namespace)'],['../metal_2reduce_8h.html',1,'(Global Namespace)']]], + ['reduce_5fall_2eh_69',['reduce_all.h',['../reduce__all_8h.html',1,'']]], + ['reduce_5fcol_2eh_70',['reduce_col.h',['../reduce__col_8h.html',1,'']]], + ['reduce_5finit_2eh_71',['reduce_init.h',['../reduce__init_8h.html',1,'']]], + ['reduce_5fn_5freads_72',['REDUCE_N_READS',['../defines_8h.html#a2ad505864a2ab786147766900bc18c21',1,'defines.h']]], + ['reduce_5fn_5fwrites_73',['REDUCE_N_WRITES',['../defines_8h.html#a68c33274e15a2f163f7631a36280d82f',1,'defines.h']]], + ['reduce_5frow_2eh_74',['reduce_row.h',['../reduce__row_8h.html',1,'']]], + ['reduce_5futils_75',['reduce_utils',['../namespacemlx_1_1core_1_1metal.html#a2ec39572806310cf528aea06530e8af8',1,'mlx::core::metal']]], + ['reduce_5futils_2eh_76',['reduce_utils.h',['../reduce__utils_8h.html',1,'']]], + ['reducetype_77',['ReduceType',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924',1,'mlx::core::distributed::AllReduce::ReduceType'],['../classmlx_1_1core_1_1_arg_reduce.html#a920ed48caaba76683be0d1f1ed4a8bd3',1,'mlx::core::ArgReduce::ReduceType'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9',1,'mlx::core::Reduce::ReduceType'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1',1,'mlx::core::Scan::ReduceType'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613c',1,'mlx::core::Scatter::ReduceType'],['../classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2',1,'mlx::core::ScatterAxis::ReduceType']]], + ['reductionoptype_78',['ReductionOpType',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65',1,'mlx::core']]], + ['reductionplan_79',['ReductionPlan',['../structmlx_1_1core_1_1_reduction_plan.html',1,'mlx::core::ReductionPlan'],['../structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_, Shape shape_, Strides strides_)'],['../structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_)']]], + ['reference_80',['reference',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a44e2e1f29191c20ec4390de4fa0bd59f',1,'mlx::core::array::ArrayIterator']]], + ['register_5flibrary_81',['register_library',['../classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d',1,'mlx::core::metal::Device::register_library(const std::string &lib_name, const std::string &lib_path)'],['../classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf',1,'mlx::core::metal::Device::register_library(const std::string &lib_name)']]], + ['register_5foutput_5farray_82',['register_output_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f',1,'mlx::core::metal::CommandEncoder::register_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f',1,'mlx::core::CommandEncoder::register_output_array()']]], + ['remainder_83',['Remainder',['../structmlx_1_1core_1_1detail_1_1_remainder.html',1,'mlx::core::detail::Remainder'],['../classmlx_1_1core_1_1_remainder.html',1,'mlx::core::Remainder'],['../struct_remainder.html',1,'Remainder'],['../classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641',1,'mlx::core::Remainder::Remainder()']]], + ['remainder_84',['remainder',['../namespacemlx_1_1core_1_1simd.html#ac66bdf1a8e86a4d350c85037bc764da5',1,'mlx::core::simd::remainder(Simd< float16_t, N > x, Simd< float16_t, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab020d2c434fad0cdf79fd37b0f6c1676',1,'mlx::core::simd::remainder(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a54c7f2f2b995eb767462b1228982967f',1,'mlx::core::simd::remainder(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../group__ops.html#ga99f5c904f724156a814d7817188351d2',1,'mlx::core::remainder()']]], + ['remaining_85',['remaining',['../classpocketfft_1_1detail_1_1multi__iter.html#a034d12f842df90e6471dffd3fa6ba4bd',1,'pocketfft::detail::multi_iter::remaining()'],['../classpocketfft_1_1detail_1_1simple__iter.html#a9267d37f51a9a5aecc69293c7ed1b1f6',1,'pocketfft::detail::simple_iter::remaining()'],['../classpocketfft_1_1detail_1_1rev__iter.html#a143637135c441a4b9a2959c2370d8c63',1,'pocketfft::detail::rev_iter::remaining()']]], + ['repeat_86',['repeat',['../group__ops.html#gab49e3a687e826554ed1574186e8ae974',1,'mlx::core::repeat(const array &arr, int repeats, int axis, StreamOrDevice s={})'],['../group__ops.html#ga4f75f5d5db999f02f43ecbc6dccf3ba6',1,'mlx::core::repeat(const array &arr, int repeats, StreamOrDevice s={})']]], + ['reset_87',['reset',['../structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a',1,'mlx::core::ContiguousIterator']]], + ['reset_5fpeak_5fmemory_88',['reset_peak_memory',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6',1,'mlx::core::metal::MetalAllocator::reset_peak_memory()'],['../namespacemlx_1_1core_1_1metal.html#adec8bb375da6c9dd5ff625a3a8434122',1,'mlx::core::metal::reset_peak_memory()']]], + ['reshape_89',['Reshape',['../classmlx_1_1core_1_1_reshape.html',1,'mlx::core::Reshape'],['../classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312',1,'mlx::core::Reshape::Reshape()']]], + ['reshape_90',['reshape',['../group__ops.html#ga084f03ce2b22258afb7c8b45e17af828',1,'mlx::core']]], + ['residencyset_91',['ResidencySet',['../classmlx_1_1core_1_1metal_1_1_residency_set.html',1,'mlx::core::metal::ResidencySet'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec',1,'mlx::core::metal::ResidencySet::ResidencySet(MTL::Device *d)'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7',1,'mlx::core::metal::ResidencySet::ResidencySet(const ResidencySet &)=delete']]], + ['resident_2eh_92',['resident.h',['../resident_8h.html',1,'']]], + ['resize_93',['resize',['../classpocketfft_1_1detail_1_1arr.html#a8d73baaefa02dff8714e4398c83917e0',1,'pocketfft::detail::arr::resize()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5',1,'mlx::core::metal::ResidencySet::resize()'],['../class_thread_pool.html#a33d9a848213206e95997eb050702ecbf',1,'ThreadPool::resize()']]], + ['restart_94',['restart',['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#a51d252df8d0cd060f15be8ba2bfe3288',1,'pocketfft::detail::threading::thread_pool']]], + ['result_5ftype_95',['result_type',['../namespacemlx_1_1core.html#a8b984eef832f757e28cd262d64a49ae7',1,'mlx::core::result_type(const array &a, const array &b)'],['../namespacemlx_1_1core.html#ac457c232f956ba802acb69c5a621633d',1,'mlx::core::result_type(const array &a, const array &b, const array &c)'],['../namespacemlx_1_1core.html#aafaf24a28297428caf6d0c36c623489e',1,'mlx::core::result_type(const std::vector< array > &arrays)']]], + ['retain_5fgraph_96',['retain_graph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814',1,'mlx::core::detail::RetainGraph::retain_graph()'],['../namespacemlx_1_1core_1_1detail.html#a38af45eb92e437207c722a088f381cd3',1,'mlx::core::detail::retain_graph()']]], + ['retaingraph_97',['RetainGraph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html',1,'mlx::core::detail::RetainGraph'],['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da',1,'mlx::core::detail::RetainGraph::RetainGraph()']]], + ['rev_5fiter_98',['rev_iter',['../classpocketfft_1_1detail_1_1rev__iter.html',1,'pocketfft::detail::rev_iter'],['../classpocketfft_1_1detail_1_1rev__iter.html#af7b8c2f1534d3038ba2a3c6b9919e134',1,'pocketfft::detail::rev_iter::rev_iter(const arr_info &arr_, const shape_t &axes)']]], + ['rev_5fofs_99',['rev_ofs',['../classpocketfft_1_1detail_1_1rev__iter.html#a7f112afa76cb7a4c29cff217a6f5f5a9',1,'pocketfft::detail::rev_iter']]], + ['rfft_100',['rfft',['../namespacemlx_1_1core_1_1fft.html#a9cb0edfb831b1ed607a8124d38540c13',1,'mlx::core::fft::rfft(const array &a, int n, int axis, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a464016cbc948bb3af17d43ce39cf54bd',1,'mlx::core::fft::rfft(const array &a, int axis=-1, StreamOrDevice s={})']]], + ['rfft2_101',['rfft2',['../namespacemlx_1_1core_1_1fft.html#a99397f5d9de6551f967120546ec96728',1,'mlx::core::fft::rfft2(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a59ca0c3c455e4ff1fed3dbd2327c55f0',1,'mlx::core::fft::rfft2(const array &a, const std::vector< int > &axes={-2, -1}, StreamOrDevice s={})']]], + ['rfftn_102',['rfftn',['../namespacemlx_1_1core_1_1fft.html#ab60d121ff5509c5a144b2fab7ae0f93b',1,'mlx::core::fft::rfftn(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#ab502e092ba4bb571ecc421a25e4cb968',1,'mlx::core::fft::rfftn(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a53d44fd9b6c7645f9303c24099755bf2',1,'mlx::core::fft::rfftn(const array &a, StreamOrDevice s={})']]], + ['rfftp_103',['rfftp',['../classpocketfft_1_1detail_1_1rfftp.html',1,'pocketfft::detail::rfftp< T0 >'],['../classpocketfft_1_1detail_1_1rfftp.html#a0c590f917b8e8afa3ff53ccff52e68c5',1,'pocketfft::detail::rfftp::rfftp()']]], + ['right_5fshift_104',['right_shift',['../group__ops.html#gafa376ad57d38ba87378f0272dc379b23',1,'mlx::core']]], + ['rightshift_105',['RightShift',['../structmlx_1_1core_1_1detail_1_1_right_shift.html',1,'mlx::core::detail::RightShift'],['../struct_right_shift.html',1,'RightShift'],['../classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da011e7b275a1f0edbd9345cfcf6501503',1,'mlx::core::BitwiseBinary::RightShift']]], + ['ring_2eh_106',['ring.h',['../ring_8h.html',1,'']]], + ['rint_107',['rint',['../namespacemlx_1_1core_1_1simd.html#a400d89d040f43d471b306a8e8bdb3974',1,'mlx::core::simd::rint(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a797196eccc3690aac5c45e5f9c804ceb',1,'mlx::core::simd::rint(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a8c200919c0eeefb2e2e5d9d19741a805',1,'mlx::core::simd::rint(Simd< float16_t, N > a)'],['../namespacemetal.html#a29ab6060527120eee745aec0daa06e01',1,'metal::rint()'],['../namespacemetal_1_1fast.html#aa613bc252f8d8069e175ec9e9d05a7ec',1,'metal::fast::rint()'],['../namespacemetal_1_1precise.html#ab17bd408098270ad92f37bcd1039c254',1,'metal::precise::rint()']]], + ['rms_5flooped_5flimit_108',['RMS_LOOPED_LIMIT',['../defines_8h.html#a717a175676c3f96d74adfde7e751a541',1,'defines.h']]], + ['rms_5fn_5freads_109',['RMS_N_READS',['../defines_8h.html#a89c0a33ba39a881ad3458ffdde62a24f',1,'defines.h']]], + ['rms_5fnorm_110',['rms_norm',['../namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01',1,'mlx::core::fast']]], + ['rmsnorm_111',['RMSNorm',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html',1,'mlx::core::fast::RMSNorm'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2',1,'mlx::core::fast::RMSNorm::RMSNorm()']]], + ['rmsnormvjp_112',['RMSNormVJP',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html',1,'mlx::core::fast::RMSNormVJP'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca',1,'mlx::core::fast::RMSNormVJP::RMSNormVJP()']]], + ['roll_113',['roll',['../group__ops.html#gac40e48c69f9c715a767912c30836e75c',1,'mlx::core::roll(const array &a, int shift, StreamOrDevice s={})'],['../group__ops.html#ga5011d1a5735c64e5b91afa56c7e2cc02',1,'mlx::core::roll(const array &a, const Shape &shift, StreamOrDevice s={})'],['../group__ops.html#ga8694ec137165752cb6d8a36a6b7c3436',1,'mlx::core::roll(const array &a, int shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga665f502ecc96f1f4467556b784abf9ae',1,'mlx::core::roll(const array &a, int shift, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga79137f90bc44ac9e35f408c012701df9',1,'mlx::core::roll(const array &a, const Shape &shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga9d76930fb567a7d459ff96fb851abe36',1,'mlx::core::roll(const array &a, const Shape &shift, const std::vector< int > &axes, StreamOrDevice s={})']]], + ['rope_114',['RoPE',['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html',1,'mlx::core::fast::RoPE'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a',1,'mlx::core::fast::RoPE::RoPE()']]], + ['rope_115',['rope',['../namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, int offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, const array &offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})']]], + ['rot90_116',['ROT90',['../namespacepocketfft_1_1detail.html#a928bad5278df636ee47402c0a75f64ef',1,'pocketfft::detail']]], + ['rotx90_117',['ROTX90',['../namespacepocketfft_1_1detail.html#ab6a43dc0cec4291e163e68a0875ac501',1,'pocketfft::detail']]], + ['round_118',['Round',['../structmlx_1_1core_1_1detail_1_1_round.html',1,'mlx::core::detail::Round'],['../classmlx_1_1core_1_1_round.html',1,'mlx::core::Round'],['../struct_round.html',1,'Round'],['../classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde',1,'mlx::core::Round::Round()']]], + ['round_119',['round',['../namespacemetal.html#a46c667e169ff9d51a9204a045305442f',1,'metal::round()'],['../namespacemetal_1_1fast.html#a4cb687257a004726d49e496417eaa40f',1,'metal::fast::round()'],['../namespacemetal_1_1precise.html#a5295ab08055d12534cc3775da855ac12',1,'metal::precise::round()'],['../group__ops.html#ga2d74d43f007a069384e89d8416525331',1,'mlx::core::round(const array &a, int decimals, StreamOrDevice s={})'],['../group__ops.html#gaf18fb7e98bf8cf3b7fbc5e64c988a95b',1,'mlx::core::round(const array &a, StreamOrDevice s={})']]], + ['round_5ferror_120',['round_error',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#afa223448fa4f04c1113a85345dd720c3',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['row_5fbin_5fop_121',['row_bin_op',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_bin_op()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2',1,'mlx::steel::MMATile::row_bin_op()']]], + ['row_5fcontiguous_122',['row_contiguous',['../structmlx_1_1core_1_1array_1_1_flags.html#a3170fa381dc7a90f6eabcc029bdf9bfd',1,'mlx::core::array::Flags::row_contiguous'],['../struct_indices.html#a255e340a39c6ac28ef2c232b106f85d1',1,'Indices::row_contiguous']]], + ['row_5ffrag_5ftype_123',['row_frag_type',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a3dcd4301390937f89ed1dde6d28e341f',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >']]], + ['row_5freduce_124',['row_reduce',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_reduce()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88',1,'mlx::steel::MMATile::row_reduce()']]], + ['row_5freduce_5fgeneral_5fdispatch_125',['row_reduce_general_dispatch',['../namespacemlx_1_1core.html#ab1eeca8ec6fa31819ee108fa6ed2c41b',1,'mlx::core']]], + ['row_5freduce_5flooped_126',['row_reduce_looped',['../reduce__row_8h.html#a72611b8006ae5642b69f4d250d69865b',1,'reduce_row.h']]], + ['row_5freduce_5fsimple_127',['row_reduce_simple',['../reduce__row_8h.html#a7dbd7cc81b1ce5a4271d56b99ce595d4',1,'reduce_row.h']]], + ['row_5freduce_5fsmall_128',['row_reduce_small',['../reduce__row_8h.html#a1e1b59fa73d2b0be978494a759f2c6ee',1,'reduce_row.h']]], + ['rsqrt_129',['Rsqrt',['../structmlx_1_1core_1_1detail_1_1_rsqrt.html',1,'mlx::core::detail::Rsqrt'],['../struct_rsqrt.html',1,'Rsqrt']]], + ['rsqrt_130',['rsqrt',['../namespacemlx_1_1core_1_1simd.html#aea75ddf8c696efc2e5e924667ed48e70',1,'mlx::core::simd::rsqrt(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a74ac0fd799967b0f303bfd26fc6a17cf',1,'mlx::core::simd::rsqrt(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a3345cb53830d1afd625acc7bdc3a0435',1,'mlx::core::simd::rsqrt(Simd< float16_t, N > a)'],['../namespacemetal.html#a1cf4b605c0aa7ff5bfe5e979a16f5157',1,'metal::rsqrt()'],['../namespacemetal_1_1fast.html#aa62097c750f1e4b69d09277f19976ab1',1,'metal::fast::rsqrt()'],['../namespacemetal_1_1precise.html#afb397b477745f12a44423934fa2b05ac',1,'metal::precise::rsqrt()'],['../group__ops.html#ga102f23aa0b0c3d3296a321c694617aa1',1,'mlx::core::rsqrt()']]], + ['run_131',['run',['../struct_g_e_m_v_kernel.html#ac1a9e1d9853489dd928916912cc627a7',1,'GEMVKernel::run()'],['../struct_g_e_m_v_t_kernel.html#a1a96467ee6957e62c2aa1061431095a4',1,'GEMVTKernel::run()'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)']]] ]; diff --git a/docs/build/html/search/all_13.js b/docs/build/html/search/all_13.js index ecc365ada..dc3eae7ef 100644 --- a/docs/build/html/search/all_13.js +++ b/docs/build/html/search/all_13.js @@ -14,10 +14,10 @@ var searchData= ['scalart_3c_20int64_5ft_2c_20n_20_3e_11',['ScalarT< int64_t, N >',['../structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int64__t_00_01_n_01_4.html',1,'mlx::core::simd']]], ['scalart_3c_20int8_5ft_2c_20n_20_3e_12',['ScalarT< int8_t, N >',['../structmlx_1_1core_1_1simd_1_1_scalar_t_3_01int8__t_00_01_n_01_4.html',1,'mlx::core::simd']]], ['scalart_3c_20uint64_5ft_2c_20n_20_3e_13',['ScalarT< uint64_t, N >',['../structmlx_1_1core_1_1simd_1_1_scalar_t_3_01uint64__t_00_01_n_01_4.html',1,'mlx::core::simd']]], - ['scalarvector_14',['ScalarVector',['../structmlx_1_1core_1_1_scalar_vector.html',1,'mlx::core::ScalarVector< Op >'],['../structmlx_1_1core_1_1_scalar_vector.html#a69d6a3ddd7586e8e19a42c5e6f5a287b',1,'mlx::core::ScalarVector::ScalarVector()'],['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6aabac63719294588466e3c2f00cccb0a6',1,'mlx::core::ScalarVector']]], + ['scalarvector_14',['ScalarVector',['../structmlx_1_1core_1_1_scalar_vector.html',1,'mlx::core::ScalarVector< Op >'],['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6aabac63719294588466e3c2f00cccb0a6',1,'mlx::core::ScalarVector']]], ['scale_15',['scale',['../struct_scale_op.html#a02043fac21c68fb8d6863a01f45ede4b',1,'ScaleOp::scale'],['../struct_transform_scale.html#aa56b8e107acf16fdf77006625c2b8bc6',1,'TransformScale::scale'],['../structmlx_1_1steel_1_1_attn_params.html#ad81bcd32e6ff8fec0000eca505fb6826',1,'mlx::steel::AttnParams::scale']]], - ['scaled_5fdot_5fproduct_5fattention_16',['scaled_dot_product_attention',['../namespacemlx_1_1core_1_1fast.html#a3663b50265b0a9c0cca2b5376852e059',1,'mlx::core::fast']]], - ['scaleddotproductattention_17',['ScaledDotProductAttention',['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html',1,'mlx::core::fast::ScaledDotProductAttention'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ab3f78d30e5bb3e76cfe701f2358e4748',1,'mlx::core::fast::ScaledDotProductAttention::ScaledDotProductAttention()']]], + ['scaled_5fdot_5fproduct_5fattention_16',['scaled_dot_product_attention',['../namespacemlx_1_1core_1_1fast.html#a4207ab2eb838335c0074f6bbb6b4cfc5',1,'mlx::core::fast']]], + ['scaleddotproductattention_17',['ScaledDotProductAttention',['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html',1,'mlx::core::fast::ScaledDotProductAttention'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a09c99b460cca606b2ebb22f90b3d13a2',1,'mlx::core::fast::ScaledDotProductAttention::ScaledDotProductAttention()']]], ['scaleop_18',['ScaleOp',['../struct_scale_op.html',1,'']]], ['scales_19',['scales',['../struct_quantized_block_loader.html#a6123e4a9209d6eacb58b2c2344ed1ecf',1,'QuantizedBlockLoader']]], ['scan_20',['Scan',['../classmlx_1_1core_1_1_scan.html',1,'mlx::core::Scan'],['../classmlx_1_1core_1_1_scan.html#ac93e8f9c6771de825d2186ef34fa7087',1,'mlx::core::Scan::Scan()']]], @@ -36,38 +36,38 @@ var searchData= ['scatter_5fmin_33',['scatter_min',['../group__ops.html#ga0ca16b7579dfc899f3f7fd40245ba7c5',1,'mlx::core::scatter_min(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga51fa762a997c243ca7a19e1ed3e83199',1,'mlx::core::scatter_min(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], ['scatter_5fprod_34',['scatter_prod',['../group__ops.html#ga3708b5bcb61e2c63d213c4ce6ad0ffc0',1,'mlx::core::scatter_prod(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#gaf83c53c453faa9083ba27e4b97539339',1,'mlx::core::scatter_prod(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], ['scatteraxis_35',['ScatterAxis',['../classmlx_1_1core_1_1_scatter_axis.html',1,'mlx::core::ScatterAxis'],['../classmlx_1_1core_1_1_scatter_axis.html#a7365a2c5fddb1c39509998598de411db',1,'mlx::core::ScatterAxis::ScatterAxis()']]], - ['scheduled_36',['scheduled',['../classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078af8a6f8eed2395ab89a758dec434393ae',1,'mlx::core::array']]], - ['scheduler_37',['Scheduler',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html',1,'mlx::core::scheduler::Scheduler'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba',1,'mlx::core::scheduler::Scheduler::Scheduler()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648',1,'mlx::core::scheduler::Scheduler::Scheduler(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059',1,'mlx::core::scheduler::Scheduler::Scheduler(Scheduler &&)=delete']]], - ['scheduler_38',['scheduler',['../namespacemlx_1_1core_1_1scheduler.html#ae856e468c2f7c8f8ec672522cc13730b',1,'mlx::core::scheduler']]], - ['scheduler_2eh_39',['scheduler.h',['../scheduler_8h.html',1,'']]], - ['sdpa_5fvector_40',['sdpa_vector',['../sdpa__vector_8h.html#aa83885125881230b6c4657dd3d0eba18',1,'sdpa_vector.h']]], - ['sdpa_5fvector_2eh_41',['sdpa_vector.h',['../sdpa__vector_8h.html',1,'']]], - ['sdpa_5fvector_5f2pass_5f1_42',['sdpa_vector_2pass_1',['../sdpa__vector_8h.html#ae2a4a8d17e571578ed529f4d4afe93ac',1,'sdpa_vector.h']]], - ['sdpa_5fvector_5f2pass_5f2_43',['sdpa_vector_2pass_2',['../sdpa__vector_8h.html#ae1be83816bf9332277dab185aa1b58c2',1,'sdpa_vector.h']]], - ['seed_44',['seed',['../classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8',1,'mlx::core::random::KeySequence::seed()'],['../namespacemlx_1_1core_1_1random.html#ac4ad325b613257306df74595d3d0e23b',1,'mlx::core::random::seed()']]], - ['seek_45',['seek',['../structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5',1,'mlx::core::ContiguousIterator::seek()'],['../classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1',1,'mlx::core::io::Reader::seek()'],['../classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4',1,'mlx::core::io::Writer::seek()'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f',1,'mlx::core::io::ParallelFileReader::seek()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433',1,'mlx::core::io::FileWriter::seek()']]], - ['select_46',['Select',['../structmlx_1_1core_1_1detail_1_1_select.html',1,'mlx::core::detail::Select'],['../classmlx_1_1core_1_1_select.html',1,'mlx::core::Select'],['../struct_select.html',1,'Select'],['../classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9',1,'mlx::core::Select::Select()']]], - ['select_47',['select',['../namespacemlx_1_1core_1_1simd.html#afb3bcbd8d8b34128cd0c8eb677a170ef',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a9e3e7b35d564c70de8fa0b6150570ed8',1,'mlx::core::simd::select(Simd< MaskT, 1 > mask, Simd< T, 1 > x, Simd< T, 1 > y)'],['../namespacemlx_1_1core_1_1simd.html#a3b5ebb46e7beae839c97b2e7ed9c7426',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< float16_t, N > x, Simd< float16_t, N > y)']]], - ['send_48',['Send',['../classmlx_1_1core_1_1distributed_1_1_send.html',1,'mlx::core::distributed::Send'],['../classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac',1,'mlx::core::distributed::Send::Send()']]], - ['send_49',['send',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac8472eb2f96d1b14c7e4ccef56268ba0',1,'mlx::core::distributed::detail::GroupImpl::send()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#abf33511660ac71df5fc92f2aad6c6e08',1,'mlx::core::distributed::detail::send()'],['../namespacemlx_1_1core_1_1distributed.html#a5a8360edaa3a528a3927fce4d2cf1777',1,'mlx::core::distributed::send()']]], - ['set_50',['Set',['../structpocketfft_1_1detail_1_1cmplx.html#a647fece372b64b13c4a7e5877d09a807',1,'pocketfft::detail::cmplx::Set(T r_, T i_)'],['../structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98',1,'pocketfft::detail::cmplx::Set(T r_)']]], - ['set_5fbinary_5fop_5foutput_5fdata_51',['set_binary_op_output_data',['../namespacemlx_1_1core.html#a6a52856325c2eb031d3983eba2108d59',1,'mlx::core']]], - ['set_5fbuffer_52',['set_buffer',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::metal::CommandEncoder::set_buffer()'],['../structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::CommandEncoder::set_buffer()']]], - ['set_5fbytes_53',['set_bytes',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::metal::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::metal::CommandEncoder::set_bytes(const T &v, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::CommandEncoder::set_bytes(const T &v, int idx)']]], - ['set_5fcache_5flimit_54',['set_cache_limit',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764',1,'mlx::core::metal::MetalAllocator::set_cache_limit()'],['../namespacemlx_1_1core_1_1metal.html#ab09c9b60f1e886ab859e6a066c9a5b9d',1,'mlx::core::metal::set_cache_limit()']]], - ['set_5fcompile_5fmode_55',['set_compile_mode',['../namespacemlx_1_1core.html#a49445a55f976c4397f25ea18e1e92bef',1,'mlx::core']]], - ['set_5fcompute_5fpipeline_5fstate_56',['set_compute_pipeline_state',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::metal::CommandEncoder::set_compute_pipeline_state()'],['../structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::CommandEncoder::set_compute_pipeline_state()']]], + ['scheduler_36',['Scheduler',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html',1,'mlx::core::scheduler::Scheduler'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba',1,'mlx::core::scheduler::Scheduler::Scheduler()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648',1,'mlx::core::scheduler::Scheduler::Scheduler(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059',1,'mlx::core::scheduler::Scheduler::Scheduler(Scheduler &&)=delete']]], + ['scheduler_37',['scheduler',['../namespacemlx_1_1core_1_1scheduler.html#ae856e468c2f7c8f8ec672522cc13730b',1,'mlx::core::scheduler']]], + ['scheduler_2eh_38',['scheduler.h',['../scheduler_8h.html',1,'']]], + ['sdpa_5fvector_39',['sdpa_vector',['../sdpa__vector_8h.html#a3289383906473a108e6aee1993a72816',1,'sdpa_vector.h']]], + ['sdpa_5fvector_2eh_40',['sdpa_vector.h',['../sdpa__vector_8h.html',1,'']]], + ['sdpa_5fvector_5f2pass_5f1_41',['sdpa_vector_2pass_1',['../sdpa__vector_8h.html#a1cdf4f03898ffe2800519892f7f6e0ad',1,'sdpa_vector.h']]], + ['sdpa_5fvector_5f2pass_5f2_42',['sdpa_vector_2pass_2',['../sdpa__vector_8h.html#ae1be83816bf9332277dab185aa1b58c2',1,'sdpa_vector.h']]], + ['seed_43',['seed',['../classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8',1,'mlx::core::random::KeySequence::seed()'],['../namespacemlx_1_1core_1_1random.html#ac4ad325b613257306df74595d3d0e23b',1,'mlx::core::random::seed()']]], + ['seek_44',['seek',['../structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5',1,'mlx::core::ContiguousIterator::seek()'],['../classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1',1,'mlx::core::io::Reader::seek()'],['../classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4',1,'mlx::core::io::Writer::seek()'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f',1,'mlx::core::io::ParallelFileReader::seek()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433',1,'mlx::core::io::FileWriter::seek()']]], + ['select_45',['Select',['../structmlx_1_1core_1_1detail_1_1_select.html',1,'mlx::core::detail::Select'],['../classmlx_1_1core_1_1_select.html',1,'mlx::core::Select'],['../struct_select.html',1,'Select'],['../classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9',1,'mlx::core::Select::Select()']]], + ['select_46',['select',['../namespacemlx_1_1core_1_1simd.html#afb3bcbd8d8b34128cd0c8eb677a170ef',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a9e3e7b35d564c70de8fa0b6150570ed8',1,'mlx::core::simd::select(Simd< MaskT, 1 > mask, Simd< T, 1 > x, Simd< T, 1 > y)'],['../namespacemlx_1_1core_1_1simd.html#a3b5ebb46e7beae839c97b2e7ed9c7426',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< float16_t, N > x, Simd< float16_t, N > y)']]], + ['send_47',['Send',['../classmlx_1_1core_1_1distributed_1_1_send.html',1,'mlx::core::distributed::Send'],['../classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac',1,'mlx::core::distributed::Send::Send()']]], + ['send_48',['send',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a74befcdc600669cb87761106ae0bd9a5',1,'mlx::core::distributed::detail::GroupImpl::send()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a23c5cf992d4f2b2ce9dfa51593a4876d',1,'mlx::core::distributed::detail::send()'],['../namespacemlx_1_1core_1_1distributed.html#a5a8360edaa3a528a3927fce4d2cf1777',1,'mlx::core::distributed::send()']]], + ['set_49',['Set',['../structpocketfft_1_1detail_1_1cmplx.html#a647fece372b64b13c4a7e5877d09a807',1,'pocketfft::detail::cmplx::Set(T r_, T i_)'],['../structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98',1,'pocketfft::detail::cmplx::Set(T r_)']]], + ['set_5fbinary_5fop_5foutput_5fdata_50',['set_binary_op_output_data',['../namespacemlx_1_1core.html#a9f22a9ed98104aaffb929381055b966d',1,'mlx::core']]], + ['set_5fbuffer_51',['set_buffer',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::metal::CommandEncoder::set_buffer()'],['../structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::CommandEncoder::set_buffer()']]], + ['set_5fbytes_52',['set_bytes',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::metal::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::metal::CommandEncoder::set_bytes(const T &v, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::CommandEncoder::set_bytes(const T &v, int idx)']]], + ['set_5fcache_5flimit_53',['set_cache_limit',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764',1,'mlx::core::metal::MetalAllocator::set_cache_limit()'],['../namespacemlx_1_1core_1_1metal.html#ab09c9b60f1e886ab859e6a066c9a5b9d',1,'mlx::core::metal::set_cache_limit()']]], + ['set_5fcompile_5fmode_54',['set_compile_mode',['../namespacemlx_1_1core.html#a49445a55f976c4397f25ea18e1e92bef',1,'mlx::core']]], + ['set_5fcompute_5fpipeline_5fstate_55',['set_compute_pipeline_state',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::metal::CommandEncoder::set_compute_pipeline_state()'],['../structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::CommandEncoder::set_compute_pipeline_state()']]], + ['set_5fcopy_5foutput_5fdata_56',['set_copy_output_data',['../namespacemlx_1_1core.html#a3892b68a2e828270caa1c7accf44f038',1,'mlx::core']]], ['set_5fdata_57',['set_data',['../classmlx_1_1core_1_1array.html#af9e3a02b4c0023c36248dc75c887214f',1,'mlx::core::array::set_data(allocator::Buffer buffer, Deleter d=allocator::free)'],['../classmlx_1_1core_1_1array.html#a5f338202a39d37fa3f4241e851a15838',1,'mlx::core::array::set_data(allocator::Buffer buffer, size_t data_size, Strides strides, Flags flags, Deleter d=allocator::free)']]], ['set_5fdefault_5fdevice_58',['set_default_device',['../namespacemlx_1_1core.html#a312a2de41367fe52caeaf8c0f596a120',1,'mlx::core']]], ['set_5fdefault_5fstream_59',['set_default_stream',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6d15314ac9cf25efc9bd1278de9a66bb',1,'mlx::core::scheduler::Scheduler::set_default_stream()'],['../namespacemlx_1_1core.html#af35a2b06517d8bb7dbb469692b4f841c',1,'mlx::core::set_default_stream()']]], - ['set_5finput_5farray_60',['set_input_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::metal::CommandEncoder::set_input_array()'],['../structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::CommandEncoder::set_input_array()']]], + ['set_5finput_5farray_60',['set_input_array',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa0646f94b37d9d419b0e379c8b81a5fe',1,'mlx::core::cpu::CommandEncoder::set_input_array()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::metal::CommandEncoder::set_input_array()'],['../structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::CommandEncoder::set_input_array()']]], ['set_5fmemory_5flimit_61',['set_memory_limit',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a179e3127ef9377ce54295f771c34ba1b',1,'mlx::core::metal::MetalAllocator::set_memory_limit()'],['../namespacemlx_1_1core_1_1metal.html#a3fb2c4a237fa4bfdff798156146c4937',1,'mlx::core::metal::set_memory_limit()']]], ['set_5fname_62',['set_name',['../structmlx_1_1core_1_1_node_namer.html#a57a574e48f8a9cd122616d80b138c768',1,'mlx::core::NodeNamer']]], - ['set_5foutput_5farray_63',['set_output_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::metal::CommandEncoder::set_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::CommandEncoder::set_output_array()']]], + ['set_5foutput_5farray_63',['set_output_array',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#addd04a642072b7097faa74d1a924147b',1,'mlx::core::cpu::CommandEncoder::set_output_array()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::metal::CommandEncoder::set_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::CommandEncoder::set_output_array()']]], ['set_5fresidency_5fset_64',['set_residency_set',['../classmlx_1_1core_1_1metal_1_1_device.html#a03a2f0c712660a1bd437cb16e4aba79f',1,'mlx::core::metal::Device']]], ['set_5fsiblings_65',['set_siblings',['../classmlx_1_1core_1_1array.html#a8fccbe7a4edfd8cca168161124e263b1',1,'mlx::core::array']]], ['set_5fstatus_66',['set_status',['../classmlx_1_1core_1_1array.html#a63598018999b49f1340b183cb303f05c',1,'mlx::core::array']]], - ['set_5fternary_5fop_5foutput_5fdata_67',['set_ternary_op_output_data',['../namespacemlx_1_1core.html#a6f4528d0d338ea5e1f19d345875c26a2',1,'mlx::core']]], + ['set_5fternary_5fop_5foutput_5fdata_67',['set_ternary_op_output_data',['../namespacemlx_1_1core.html#ae159e1f9193c12eff9a56dfceb1502ef',1,'mlx::core']]], ['set_5ftracer_68',['set_tracer',['../classmlx_1_1core_1_1array.html#af26e6be1a9e6239471a4c24310c0c7c8',1,'mlx::core::array']]], ['set_5funary_5foutput_5fdata_69',['set_unary_output_data',['../namespacemlx_1_1core.html#a4c6a4241bfcdd7bbf30d0e521b79e5a3',1,'mlx::core']]], ['set_5fvalue_70',['set_value',['../classmlx_1_1core_1_1_event.html#a0d077b11f4b28f882b42440b7ac6d40d',1,'mlx::core::Event']]], @@ -89,7 +89,7 @@ var searchData= ['sigmoid_86',['sigmoid',['../group__ops.html#ga708abf8f79609cd6831db7c38cafac0e',1,'mlx::core']]], ['sign_87',['Sign',['../structmlx_1_1core_1_1detail_1_1_sign.html',1,'mlx::core::detail::Sign'],['../classmlx_1_1core_1_1_sign.html',1,'mlx::core::Sign'],['../struct_sign.html',1,'Sign'],['../classmlx_1_1core_1_1_sign.html#afe951e50907bc23a601ec5fa9eae5763',1,'mlx::core::Sign::Sign()']]], ['sign_88',['sign',['../group__ops.html#ga20f1a1a8c0cd6206485f9363f3915faa',1,'mlx::core']]], - ['signal_89',['signal',['../classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89',1,'mlx::core::Event']]], + ['signal_89',['signal',['../classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89',1,'mlx::core::Event::signal()'],['../classmlx_1_1core_1_1_event.html#ab514bd9e9c21d1fdd7c1460dc7d0ec7f',1,'mlx::core::Event::signal(Stream stream)']]], ['signaling_5fnan_90',['signaling_NaN',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#ad1f76a43c7d51a3765174aa6e0dd9f80',1,'metal::_numeric_limits_impl< bfloat16_t >']]], ['signedinteger_91',['signedinteger',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2daed58b4631ff157bec9e35ed1182d2c10',1,'mlx::core::Dtype::signedinteger'],['../namespacemlx_1_1core.html#a24e1618af591d737d73729665e868001',1,'mlx::core::signedinteger']]], ['simd_92',['Simd',['../structmlx_1_1core_1_1simd_1_1_simd.html',1,'mlx::core::simd::Simd< T, N >'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab',1,'mlx::core::simd::Simd::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6',1,'mlx::core::simd::Simd::Simd(Simd< U, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce',1,'mlx::core::simd::Simd::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927',1,'mlx::core::simd::Simd::Simd(Simd< T, N/2 > x, Simd< T, N/2 > y)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a3f6e4a83ecf897465f44160b6fad5a7a',1,'mlx::core::simd::Simd< T, 1 >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a585bc4768c4f7e1313d7e8756fbb00cc',1,'mlx::core::simd::Simd< T, 1 >::Simd(Simd< U, 1 > v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#acf948f7c5e8829432c0ac17fc9f911e2',1,'mlx::core::simd::Simd< T, 1 >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a04a3a73f98fa5c9090b6cf6154e99e8d',1,'mlx::core::simd::Simd< float16_t, N >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ad8b628f8834e983853d557cc1e4124bb',1,'mlx::core::simd::Simd< float16_t, N >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a5e76655d70c0e9ae49eea536c0e3b8cf',1,'mlx::core::simd::Simd< float16_t, N >::Simd(float16x8_t v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ae1dfcaca51f9a6fcdb757cb8413ac223',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< float, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a1f30c088a6828d0673e927ed6c0a4b2b',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< uint16_t, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab',1,'mlx::core::simd::Simd< T, 1 >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6',1,'mlx::core::simd::Simd< T, 1 >::Simd(Simd< U, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce',1,'mlx::core::simd::Simd< T, 1 >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927',1,'mlx::core::simd::Simd< T, 1 >::Simd(Simd< T, N/2 > x, Simd< T, N/2 > y)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab',1,'mlx::core::simd::Simd< float16_t, N >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< U, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce',1,'mlx::core::simd::Simd< float16_t, N >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< float16_t, N/2 > x, Simd< float16_t, N/2 > y)']]], @@ -204,11 +204,11 @@ var searchData= ['store_5fsafe_201',['store_safe',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::store_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba',1,'mlx::steel::MMATile::store_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1f0b00daad8eba2f855bb306e70d2328',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::store_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a57703f522c7409dbe2c0a68bb7acc2ba',1,'mlx::steel::MMATile::store_safe()']]], ['str_202',['str',['../classpocketfft_1_1detail_1_1arr__info.html#abe1f7b92501b4e0e5a38fd26294ac5a4',1,'pocketfft::detail::arr_info::str'],['../struct_m_l_x_conv_params.html#a862191e8ab1bc8a47aa1396b36d46058',1,'MLXConvParams::str']]], ['stream_203',['Stream',['../structmlx_1_1core_1_1_stream.html',1,'mlx::core::Stream'],['../structmlx_1_1core_1_1_stream.html#a7f0815ff4886da74cbbff5f93d82dd3e',1,'mlx::core::Stream::Stream()']]], - ['stream_204',['stream',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a8462e4acffcd385c6248bd7102e6bcb1',1,'mlx::core::scheduler::StreamThread::stream'],['../classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614',1,'mlx::core::Event::stream()'],['../classmlx_1_1core_1_1_primitive.html#a46e6257397a662528f9f831842ac456a',1,'mlx::core::Primitive::stream()']]], + ['stream_204',['stream',['../classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614',1,'mlx::core::Event::stream()'],['../classmlx_1_1core_1_1_primitive.html#a46e6257397a662528f9f831842ac456a',1,'mlx::core::Primitive::stream()']]], ['stream_2eh_205',['stream.h',['../stream_8h.html',1,'']]], ['streamcontext_206',['StreamContext',['../structmlx_1_1core_1_1_stream_context.html',1,'mlx::core::StreamContext'],['../structmlx_1_1core_1_1_stream_context.html#a89d803151e9d7dce29382aa83d5c6ef1',1,'mlx::core::StreamContext::StreamContext()']]], ['streamordevice_207',['StreamOrDevice',['../namespacemlx_1_1core.html#a95fc1013cc48fbfee0c54310711a5e58',1,'mlx::core']]], - ['streamthread_208',['StreamThread',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html',1,'mlx::core::scheduler::StreamThread'],['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#ac528109a11abcb82e6e221c5efa4493c',1,'mlx::core::scheduler::StreamThread::StreamThread()']]], + ['streamthread_208',['StreamThread',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html',1,'mlx::core::scheduler::StreamThread'],['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a18486415163f4d531bedb3b923d724cf',1,'mlx::core::scheduler::StreamThread::StreamThread()']]], ['stride_209',['stride',['../classpocketfft_1_1detail_1_1arr__info.html#a9d10aa83a1117e75d36f7396b8c2a093',1,'pocketfft::detail::arr_info::stride() const'],['../classpocketfft_1_1detail_1_1arr__info.html#ac1f6a9bd6703eceef6003f5f6315d39b',1,'pocketfft::detail::arr_info::stride(size_t i) const']]], ['stride_5fin_210',['stride_in',['../classpocketfft_1_1detail_1_1multi__iter.html#ac947f03b1cfcb63436a7e61ff020a88c',1,'pocketfft::detail::multi_iter']]], ['stride_5fout_211',['stride_out',['../classpocketfft_1_1detail_1_1multi__iter.html#a81d71a13bf0b85e556fbb9834167ecc7',1,'pocketfft::detail::multi_iter']]], @@ -232,5 +232,5 @@ var searchData= ['swizzle_229',['swizzle',['../structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760',1,'mlx::steel::BlockSwizzle::swizzle(uint3 tid, const int swizzle_log)'],['../structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760',1,'mlx::steel::BlockSwizzle::swizzle(uint3 tid, const int swizzle_log)']]], ['swizzle_5flog_230',['swizzle_log',['../structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ad0713159d4f710cd9a066596593d8840',1,'mlx::steel::ImplicitGemmConv2DParams::swizzle_log'],['../structmlx_1_1steel_1_1_g_e_m_m_params.html#af9ff2c06dd8994126634531440325be7',1,'mlx::steel::GEMMParams::swizzle_log']]], ['syevd_231',['syevd',['../lapack_8h.html#a07b8fcda68eb0c861d282757b5381148',1,'lapack.h']]], - ['synchronize_232',['synchronize',['../namespacemlx_1_1core.html#a14287949d82ffefad0306cef5eb5f9e4',1,'mlx::core::synchronize()'],['../namespacemlx_1_1core.html#a6648a71937b055e5ff513d98056c2fb5',1,'mlx::core::synchronize(Stream)']]] + ['synchronize_232',['synchronize',['../namespacemlx_1_1core_1_1metal.html#acc15b940ea02dcac263a1af9e39ec16b',1,'mlx::core::metal::synchronize()'],['../namespacemlx_1_1core.html#a14287949d82ffefad0306cef5eb5f9e4',1,'mlx::core::synchronize()'],['../namespacemlx_1_1core.html#a6648a71937b055e5ff513d98056c2fb5',1,'mlx::core::synchronize(Stream)']]] ]; diff --git a/docs/build/html/search/all_14.js b/docs/build/html/search/all_14.js index 3157fb0b2..4c6f1d5af 100644 --- a/docs/build/html/search/all_14.js +++ b/docs/build/html/search/all_14.js @@ -14,7 +14,7 @@ var searchData= ['tcols_11',['TCOLS',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a0b5303f3258e0a21862dead8e3f5401e',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a5adbd51e9adb6f7853724d83de4ff755',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a80cb90674f839d5d4ecfde384fa0a7a2',1,'mlx::steel::Conv2DWeightBlockLoader::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ad2508cd5cdb51b2f611057e743b8fc6f',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acd54132d0928d0f6fb15b2f367e5d5e8',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ae25c676b7318d78462ee89bcd80dc805',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aff021a6fae860b4ac01fb593b2720457',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::TCOLS']]], ['tell_12',['tell',['../classmlx_1_1core_1_1io_1_1_reader.html#a27697ccc1ce45da0233db3bd4f298aed',1,'mlx::core::io::Reader::tell()'],['../classmlx_1_1core_1_1io_1_1_writer.html#a11ad80749894993232fbb5c70fd7b282',1,'mlx::core::io::Writer::tell()'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2e92131428f0ffa98fff781b8c35d9e5',1,'mlx::core::io::ParallelFileReader::tell()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#aa883a722789c962164fd0ddcc5f6ffc5',1,'mlx::core::io::FileWriter::tell()']]], ['templatearg_13',['TemplateArg',['../namespacemlx_1_1core_1_1fast.html#a9390693ff7be931f3ef3428e2ea4c3f9',1,'mlx::core::fast']]], - ['temporaries_14',['temporaries',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#aee88009117dfff1ad121eabe28d5f3de',1,'mlx::core::metal::DeviceStream']]], + ['temporaries_14',['temporaries',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#aee88009117dfff1ad121eabe28d5f3de',1,'mlx::core::metal::DeviceStream::temporaries'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a61e90a31f29ae3ffe5f6f1e7672f79b0',1,'mlx::core::cpu::CommandEncoder::temporaries()']]], ['ten_15',['ten',['../classmlx_1_1core_1_1_log.html#a044a23e8b1422984628e1cd5ab506421a394d85b39676763bdf35b8d54b9e43a1',1,'mlx::core::Log']]], ['tensordot_16',['tensordot',['../group__ops.html#gaf5c9735f4690327e1500e04e728fae70',1,'mlx::core::tensordot(const array &a, const array &b, const int axis=2, StreamOrDevice s={})'],['../group__ops.html#gad7fe00b566f89d607639c1a497cabbc6',1,'mlx::core::tensordot(const array &a, const array &b, const std::vector< int > &axes_a, const std::vector< int > &axes_b, StreamOrDevice s={})']]], ['ternary_17',['ternary',['../namespacemlx_1_1core_1_1metal.html#a2d1c92ba6897c0a7a428fed63279b61f',1,'mlx::core::metal']]], @@ -23,9 +23,9 @@ var searchData= ['ternary_5fg_5fnd1_20',['ternary_g_nd1',['../metal_2kernels_2ternary_8h.html#af8400389f3bb11498fb1c4057e638a27',1,'ternary.h']]], ['ternary_5fg_5fnd2_21',['ternary_g_nd2',['../metal_2kernels_2ternary_8h.html#a0971bb39ec881e97af7ab9584e1ce22a',1,'ternary.h']]], ['ternary_5fg_5fnd3_22',['ternary_g_nd3',['../metal_2kernels_2ternary_8h.html#ad7968ba7b638b85ff67a65eef768f59c',1,'ternary.h']]], - ['ternary_5fop_23',['ternary_op',['../namespacemlx_1_1core.html#a9dcc3018702ee31c21c8652bdc2182b1',1,'mlx::core']]], + ['ternary_5fop_23',['ternary_op',['../namespacemlx_1_1core.html#a48fbbd43d2165ab7f42bac3f228bbda3',1,'mlx::core']]], ['ternary_5fop_5fdims_24',['ternary_op_dims',['../namespacemlx_1_1core.html#a8096c7a688ac3f09cca69a3a85f7f157',1,'mlx::core']]], - ['ternary_5fop_5fdispatch_5fdims_25',['ternary_op_dispatch_dims',['../namespacemlx_1_1core.html#ac1c085e305954247d042f5d8803cd85b',1,'mlx::core']]], + ['ternary_5fop_5fdispatch_5fdims_25',['ternary_op_dispatch_dims',['../namespacemlx_1_1core.html#a9abcc6efafd9ab5df1293b1793a734d2',1,'mlx::core']]], ['ternary_5fop_5fgpu_26',['ternary_op_gpu',['../namespacemlx_1_1core.html#aa63e62b6d3906e4cac871d498515a1cd',1,'mlx::core']]], ['ternary_5fop_5fgpu_5finplace_27',['ternary_op_gpu_inplace',['../namespacemlx_1_1core.html#a37645c0adccb3eb46844115def1a68d7',1,'mlx::core']]], ['ternary_5fops_28',['ternary_ops',['../namespacemlx_1_1core_1_1metal.html#a11b593b07e9a33e5f78fe4695fb99ec9',1,'mlx::core::metal']]], @@ -33,7 +33,7 @@ var searchData= ['ternary_5fv_30',['ternary_v',['../metal_2kernels_2ternary_8h.html#a83f93644d21ee774e06e8190d0725ccb',1,'ternary.h']]], ['ternary_5fv2_31',['ternary_v2',['../metal_2kernels_2ternary_8h.html#a3e610f3b01966bdbf23fdfebe5d2c508',1,'ternary.h']]], ['ternaryoptype_32',['TernaryOpType',['../namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1',1,'mlx::core']]], - ['tgp_5fmem_5fsize_33',['tgp_mem_size',['../struct_g_e_m_v_kernel.html#a9ef4d0e62094d7033069f5dda5efb236',1,'GEMVKernel::tgp_mem_size'],['../struct_g_e_m_v_t_kernel.html#a48a09a21d7b822f380d040c752b785d7',1,'GEMVTKernel::tgp_mem_size'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da',1,'mlx::steel::GEMMKernel::tgp_mem_size']]], + ['tgp_5fmem_5fsize_33',['tgp_mem_size',['../struct_g_e_m_v_kernel.html#a53514fa199efc5b7328052dac45aabab',1,'GEMVKernel::tgp_mem_size'],['../struct_g_e_m_v_t_kernel.html#a3521f62aa2f4070fdc6858874121e3b4',1,'GEMVTKernel::tgp_mem_size'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da',1,'mlx::steel::GEMMKernel::tgp_mem_size']]], ['tgp_5fmem_5fsize_5fa_34',['tgp_mem_size_a',['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ac00b149d76a903c2f91b0f477dc5037f',1,'mlx::steel::GEMMKernel']]], ['tgp_5fmem_5fsize_5fb_35',['tgp_mem_size_b',['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a105af1069668028c6f1bc6d6dd162298',1,'mlx::steel::GEMMKernel']]], ['tgp_5fpadding_5fa_36',['tgp_padding_a',['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad547704ccbff6c2076abeffa6628c5a0',1,'mlx::steel::GEMMKernel']]], @@ -53,8 +53,8 @@ var searchData= ['threadpool_50',['ThreadPool',['../class_thread_pool.html',1,'ThreadPool'],['../class_thread_pool.html#ac291710e33dbbed96ee20711080d506d',1,'ThreadPool::ThreadPool()']]], ['threadpool_2eh_51',['threadpool.h',['../threadpool_8h.html',1,'']]], ['threads_5fper_5ftg_52',['threads_per_tg',['../struct_read_writer.html#a64c58e358da22358df3075448ea23893',1,'ReadWriter']]], - ['threadsm_53',['threadsM',['../struct_g_e_m_v_kernel.html#a1dd943fcbf5e7be435fc36bed589a641',1,'GEMVKernel::threadsM'],['../struct_g_e_m_v_t_kernel.html#a4a53e73a581aa8881b1f86ce653519e6',1,'GEMVTKernel::threadsM']]], - ['threadsn_54',['threadsN',['../struct_g_e_m_v_kernel.html#a47bfab7d21dd18760d3e0937ad36b19d',1,'GEMVKernel::threadsN'],['../struct_g_e_m_v_t_kernel.html#ade6f15a9744616de9dd71498ad7e758d',1,'GEMVTKernel::threadsN']]], + ['threadsm_53',['threadsM',['../struct_g_e_m_v_kernel.html#afbe7ab8ebfa912ffbf3ba2cf4db24940',1,'GEMVKernel::threadsM'],['../struct_g_e_m_v_t_kernel.html#a09cb1cda991a8d1b8dc83b22f8cab994',1,'GEMVTKernel::threadsM']]], + ['threadsn_54',['threadsN',['../struct_g_e_m_v_kernel.html#a23142b7400f1f678e5d6d69d87f51032',1,'GEMVKernel::threadsN'],['../struct_g_e_m_v_t_kernel.html#a2c30d01fd0932dfc3b4ef1e7e650d30f',1,'GEMVTKernel::threadsN']]], ['threadsort_55',['ThreadSort',['../struct_thread_sort.html',1,'']]], ['threefry_2eh_56',['threefry.h',['../threefry_8h.html',1,'']]], ['threefry2x32_5fhash_57',['threefry2x32_hash',['../namespacemlx_1_1core_1_1random.html#ac7e92c89a2bac1b0bed922a3d4c3c66b',1,'mlx::core::random']]], @@ -69,7 +69,7 @@ var searchData= ['tm_5fstride_66',['TM_stride',['../structmlx_1_1steel_1_1_block_m_m_a.html#a5b0029866f493363942133b55bff7307',1,'mlx::steel::BlockMMA']]], ['tn_67',['TN',['../structmlx_1_1steel_1_1_block_m_m_a.html#a706ae779c1f8d2eb18f19c248567d424',1,'mlx::steel::BlockMMA']]], ['tn_5fstride_68',['TN_stride',['../structmlx_1_1steel_1_1_block_m_m_a.html#a8b3690b383afd26563efb38f9c375e50',1,'mlx::steel::BlockMMA']]], - ['to_5fstream_69',['to_stream',['../namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9',1,'mlx::core']]], + ['to_5fstream_69',['to_stream',['../namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9',1,'mlx::core::to_stream(StreamOrDevice s)'],['../namespacemlx_1_1core.html#a999be930e8a5b35eb33d934eefd548e8',1,'mlx::core::to_stream(StreamOrDevice s, Device default_)']]], ['topk_70',['topk',['../group__ops.html#ga5487dd887c43e5341f3e68ffe47f0f5a',1,'mlx::core::topk(const array &a, int k, StreamOrDevice s={})'],['../group__ops.html#ga35b8436c79ff953f6c809598b646f498',1,'mlx::core::topk(const array &a, int k, int axis, StreamOrDevice s={})']]], ['trace_71',['trace',['../group__ops.html#gabf786129c7660ed8d5acb5499bc6fefd',1,'mlx::core::trace(const array &a, int offset, int axis1, int axis2, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga5ed43c2dbf7d6cbddbaa2fd682deaafd',1,'mlx::core::trace(const array &a, int offset, int axis1, int axis2, StreamOrDevice s={})'],['../group__ops.html#gaf25c00108feaafaa6350a4434cb0062e',1,'mlx::core::trace(const array &a, StreamOrDevice s={})']]], ['transformadd_72',['TransformAdd',['../structmlx_1_1steel_1_1_transform_add.html',1,'mlx::steel::TransformAdd< OutT, InT >'],['../structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae',1,'mlx::steel::TransformAdd::TransformAdd(const float, const float)'],['../structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae',1,'mlx::steel::TransformAdd::TransformAdd(const float, const float)']]], diff --git a/docs/build/html/search/all_15.js b/docs/build/html/search/all_15.js index 004a5978c..5d0be2c82 100644 --- a/docs/build/html/search/all_15.js +++ b/docs/build/html/search/all_15.js @@ -6,30 +6,33 @@ var searchData= ['uint32_3',['uint32',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa3de84ad0700f2a1571f633d399e1900e',1,'mlx::core::Dtype::uint32'],['../namespacemlx_1_1core.html#ac63820d6fe10545907c33faf466a929e',1,'mlx::core::uint32']]], ['uint64_4',['uint64',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa2e8d31865e5d4b9d8611e1b991baed07',1,'mlx::core::Dtype::uint64'],['../namespacemlx_1_1core.html#a1f42e3dd4787d2ecec7114a12daefec8',1,'mlx::core::uint64']]], ['uint8_5',['uint8',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa5f423e669d0a8f4ab7c4c3e6da27161a',1,'mlx::core::Dtype::uint8'],['../namespacemlx_1_1core.html#a9778d50afbf456b0bd738751243b3b68',1,'mlx::core::uint8']]], - ['unary_6',['unary',['../namespacemlx_1_1core.html#a6c8fdd03ef891d7f47804bf02e9a8507',1,'mlx::core::unary()'],['../namespacemlx_1_1core_1_1metal.html#afac64fd56ac492d6baf6de7e8a00b039',1,'mlx::core::metal::unary()']]], + ['unary_6',['unary',['../namespacemlx_1_1core.html#a0f3ff0f676d28840c210ef6277caa546',1,'mlx::core::unary()'],['../namespacemlx_1_1core_1_1metal.html#afac64fd56ac492d6baf6de7e8a00b039',1,'mlx::core::metal::unary()']]], ['unary_2eh_7',['unary.h',['../cpu_2unary_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2unary_8h.html',1,'(Global Namespace)'],['../metal_2unary_8h.html',1,'(Global Namespace)']]], - ['unary_5ffp_8',['unary_fp',['../namespacemlx_1_1core.html#a76a2cb4634f5fd6970a8c3b3753d7a4a',1,'mlx::core']]], - ['unary_5fg_9',['unary_g',['../metal_2kernels_2unary_8h.html#af13d20efb568db3ab7cd7ec0311c87be',1,'unary.h']]], - ['unary_5fint_10',['unary_int',['../namespacemlx_1_1core.html#a078859db0d66ff77f97af6dc9764e8eb',1,'mlx::core']]], - ['unary_5fop_11',['unary_op',['../namespacemlx_1_1core.html#a27f00519f9756896734fd4d47fec0625',1,'mlx::core::unary_op(const T *a, U *out, Op op, size_t shape, size_t stride)'],['../namespacemlx_1_1core.html#ae20f207ad1ed3badc17cecf08f118b5e',1,'mlx::core::unary_op(const array &a, array &out, Op op)']]], - ['unary_5fop_5fgpu_12',['unary_op_gpu',['../namespacemlx_1_1core.html#aba2b4accc059f30d4dca88db9f7a6e13',1,'mlx::core']]], - ['unary_5fop_5fgpu_5finplace_13',['unary_op_gpu_inplace',['../namespacemlx_1_1core.html#a668fde2bd280a88f63a68b68a343d375',1,'mlx::core']]], - ['unary_5fops_14',['unary_ops',['../namespacemlx_1_1core_1_1metal.html#a17b471fa52ea5f24ee63e081f46528f5',1,'mlx::core::metal']]], - ['unary_5fops_2eh_15',['unary_ops.h',['../cpu_2unary__ops_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2unary__ops_8h.html',1,'(Global Namespace)']]], - ['unary_5fv_16',['unary_v',['../metal_2kernels_2unary_8h.html#a64e4f6737edddb72122e262977ee3014',1,'unary.h']]], - ['unary_5fv2_17',['unary_v2',['../metal_2kernels_2unary_8h.html#a7c7690f0df9d2acc60b63be58d9c7777',1,'unary.h']]], - ['unaryprimitive_18',['UnaryPrimitive',['../classmlx_1_1core_1_1_unary_primitive.html',1,'mlx::core::UnaryPrimitive'],['../classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(Stream stream)'],['../classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(UnaryPrimitive &&other)=delete']]], - ['unflatten_19',['Unflatten',['../classmlx_1_1core_1_1_unflatten.html',1,'mlx::core::Unflatten'],['../classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966',1,'mlx::core::Unflatten::Unflatten()']]], - ['unflatten_20',['unflatten',['../group__ops.html#ga666bcc2187a144247e8c0c224b016625',1,'mlx::core']]], - ['uniform_21',['uniform',['../namespacemlx_1_1core_1_1random.html#ac461a0be91e448c9887b38b832c61cc2',1,'mlx::core::random::uniform(const array &low, const array &high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#abe65438fbb52624386f50f77863a2c5e',1,'mlx::core::random::uniform(T low, U high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a52913f952387ee3943b3c1f572583ac0',1,'mlx::core::random::uniform(const Shape &shape, Dtype dtype, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a0ffb2f91da490f372f898ca2f82104a8',1,'mlx::core::random::uniform(const Shape &shape, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})']]], - ['unsafe_5fweak_5fcopy_22',['unsafe_weak_copy',['../namespacemlx_1_1core.html#a357f4172305d2021bde8cf07d99adb7d',1,'mlx::core']]], - ['unscheduled_23',['unscheduled',['../classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078ae8a9988458b0355001674020a45656fb',1,'mlx::core::array']]], - ['unsignedinteger_24',['unsignedinteger',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da9c035d4e66b2c72f583cde964cf3a0d3',1,'mlx::core::Dtype::unsignedinteger'],['../namespacemlx_1_1core.html#a42e9706a5521bb25eaf12ccad94bfc81',1,'mlx::core::unsignedinteger']]], - ['update_25',['update',['../classmlx_1_1core_1_1_fence.html#a653279d4023d69751a930a91d3bf010a',1,'mlx::core::Fence']]], - ['update_5ffence_26',['update_fence',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::metal::CommandEncoder::update_fence()'],['../structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::CommandEncoder::update_fence()']]], - ['update_5fgpu_27',['update_gpu',['../classmlx_1_1core_1_1_fence.html#a6c5652aad6e93b06c72258bb8d9c19fc',1,'mlx::core::Fence']]], - ['use_5fout_5fsource_28',['use_out_source',['../steel__gemm__fused_8h.html#a3fe4e4382bda8a419557a5e6f77bc084',1,'steel_gemm_fused.h']]], - ['util_29',['util',['../structpocketfft_1_1detail_1_1util.html',1,'pocketfft::detail']]], - ['utils_30',['utils',['../namespacemlx_1_1core_1_1metal.html#a529dc6c2d4a37ba544b66b2c3cd792cc',1,'mlx::core::metal']]], - ['utils_2eh_31',['utils.h',['../backend_2common_2utils_8h.html',1,'(Global Namespace)'],['../backend_2metal_2kernels_2steel_2utils_8h.html',1,'(Global Namespace)'],['../backend_2metal_2kernels_2utils_8h.html',1,'(Global Namespace)'],['../backend_2metal_2utils_8h.html',1,'(Global Namespace)'],['../utils_8h.html',1,'(Global Namespace)']]] + ['unary_5fcomplex_8',['unary_complex',['../namespacemlx_1_1core.html#a9af588b2e7f4e5249cd8b7722ad829c0',1,'mlx::core']]], + ['unary_5fcomplex_5fto_5ffloat_9',['unary_complex_to_float',['../namespacemlx_1_1core.html#a0640d1f5bcd9a4f5cdaea9f197a53515',1,'mlx::core']]], + ['unary_5ffp_10',['unary_fp',['../namespacemlx_1_1core.html#a6c1b92aea938457e44f93a7955d22823',1,'mlx::core']]], + ['unary_5fg_11',['unary_g',['../metal_2kernels_2unary_8h.html#af13d20efb568db3ab7cd7ec0311c87be',1,'unary.h']]], + ['unary_5fint_12',['unary_int',['../namespacemlx_1_1core.html#a50536365b8bcfec55e7d023ae9a6395c',1,'mlx::core']]], + ['unary_5fop_13',['unary_op',['../namespacemlx_1_1core.html#aa6b3dfc27a21d26b3fda96022aa60e32',1,'mlx::core::unary_op(const T *a, U *out, size_t shape, size_t stride)'],['../namespacemlx_1_1core.html#ab9812785763451ceb86486032d614048',1,'mlx::core::unary_op(const array &a, array &out, Op)']]], + ['unary_5fop_5fgpu_14',['unary_op_gpu',['../namespacemlx_1_1core.html#aba2b4accc059f30d4dca88db9f7a6e13',1,'mlx::core']]], + ['unary_5fop_5fgpu_5finplace_15',['unary_op_gpu_inplace',['../namespacemlx_1_1core.html#a668fde2bd280a88f63a68b68a343d375',1,'mlx::core']]], + ['unary_5fops_16',['unary_ops',['../namespacemlx_1_1core_1_1metal.html#a17b471fa52ea5f24ee63e081f46528f5',1,'mlx::core::metal']]], + ['unary_5fops_2eh_17',['unary_ops.h',['../cpu_2unary__ops_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2unary__ops_8h.html',1,'(Global Namespace)']]], + ['unary_5freal_5ffp_18',['unary_real_fp',['../namespacemlx_1_1core.html#a940f998c7469d14f5234f78dcaecd48b',1,'mlx::core']]], + ['unary_5fsigned_19',['unary_signed',['../namespacemlx_1_1core.html#aed2b5550f8424094ef10bdadfe92ec0f',1,'mlx::core']]], + ['unary_5fv_20',['unary_v',['../metal_2kernels_2unary_8h.html#a64e4f6737edddb72122e262977ee3014',1,'unary.h']]], + ['unary_5fv2_21',['unary_v2',['../metal_2kernels_2unary_8h.html#a7c7690f0df9d2acc60b63be58d9c7777',1,'unary.h']]], + ['unaryprimitive_22',['UnaryPrimitive',['../classmlx_1_1core_1_1_unary_primitive.html',1,'mlx::core::UnaryPrimitive'],['../classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(Stream stream)'],['../classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(UnaryPrimitive &&other)=delete']]], + ['unflatten_23',['Unflatten',['../classmlx_1_1core_1_1_unflatten.html',1,'mlx::core::Unflatten'],['../classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966',1,'mlx::core::Unflatten::Unflatten()']]], + ['unflatten_24',['unflatten',['../group__ops.html#ga666bcc2187a144247e8c0c224b016625',1,'mlx::core']]], + ['uniform_25',['uniform',['../namespacemlx_1_1core_1_1random.html#ac461a0be91e448c9887b38b832c61cc2',1,'mlx::core::random::uniform(const array &low, const array &high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#abe65438fbb52624386f50f77863a2c5e',1,'mlx::core::random::uniform(T low, U high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a52913f952387ee3943b3c1f572583ac0',1,'mlx::core::random::uniform(const Shape &shape, Dtype dtype, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a0ffb2f91da490f372f898ca2f82104a8',1,'mlx::core::random::uniform(const Shape &shape, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})']]], + ['unsafe_5fweak_5fcopy_26',['unsafe_weak_copy',['../classmlx_1_1core_1_1array.html#a797ae8a1708a7c67d62e6c55c321d802',1,'mlx::core::array']]], + ['unscheduled_27',['unscheduled',['../classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078ae8a9988458b0355001674020a45656fb',1,'mlx::core::array']]], + ['unsignedinteger_28',['unsignedinteger',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da9c035d4e66b2c72f583cde964cf3a0d3',1,'mlx::core::Dtype::unsignedinteger'],['../namespacemlx_1_1core.html#a42e9706a5521bb25eaf12ccad94bfc81',1,'mlx::core::unsignedinteger']]], + ['update_29',['update',['../classmlx_1_1core_1_1_fence.html#a19438c60b5e9c6f64529c8f0329ead13',1,'mlx::core::Fence']]], + ['update_5ffence_30',['update_fence',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::metal::CommandEncoder::update_fence()'],['../structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::CommandEncoder::update_fence()']]], + ['use_5fout_5fsource_31',['use_out_source',['../steel__gemm__fused_8h.html#a3fe4e4382bda8a419557a5e6f77bc084',1,'steel_gemm_fused.h']]], + ['util_32',['util',['../structpocketfft_1_1detail_1_1util.html',1,'pocketfft::detail']]], + ['utils_33',['utils',['../namespacemlx_1_1core_1_1metal.html#a529dc6c2d4a37ba544b66b2c3cd792cc',1,'mlx::core::metal']]], + ['utils_2eh_34',['utils.h',['../backend_2common_2utils_8h.html',1,'(Global Namespace)'],['../backend_2metal_2kernels_2steel_2utils_8h.html',1,'(Global Namespace)'],['../backend_2metal_2kernels_2utils_8h.html',1,'(Global Namespace)'],['../backend_2metal_2utils_8h.html',1,'(Global Namespace)'],['../utils_8h.html',1,'(Global Namespace)']]] ]; diff --git a/docs/build/html/search/all_16.js b/docs/build/html/search/all_16.js index dd173583c..3db1fd477 100644 --- a/docs/build/html/search/all_16.js +++ b/docs/build/html/search/all_16.js @@ -15,8 +15,8 @@ var searchData= ['var_12',['var',['../group__ops.html#ga7e133df686439588a8cd1fb10ce0c6e9',1,'mlx::core::var(const array &a, bool keepdims, int ddof=0, StreamOrDevice s={})'],['../group__ops.html#ga7d7b38d118fa2613214078ef0f7d5a42',1,'mlx::core::var(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga78ddeb966cbe7a5b0aa17e1de43025f2',1,'mlx::core::var(const array &a, const std::vector< int > &axes, bool keepdims=false, int ddof=0, StreamOrDevice s={})'],['../group__ops.html#ga4fbf3e3f98f2e4956faf87af320aa9d0',1,'mlx::core::var(const array &a, int axis, bool keepdims=false, int ddof=0, StreamOrDevice s={})']]], ['vec_5fsize_13',['vec_size',['../structmlx_1_1steel_1_1_block_loader.html#a58bdf9b9c81962733e22ecdeae28c092',1,'mlx::steel::BlockLoader::vec_size'],['../structmlx_1_1steel_1_1_block_loader_t.html#a9ac651d9e5097507c57b10dfeb40bfe5',1,'mlx::steel::BlockLoaderT::vec_size'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#adcc83bf6c02391cc2375e55c06a1c9a4',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::vec_size'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a71c313e1597a2bb99f7b07d434e119d2',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::vec_size'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a10109dc9553207f5a365799e4969c6d2',1,'mlx::steel::Conv2DWeightBlockLoader::vec_size'],['../structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925',1,'mlx::steel::ChannelHelper::vec_size'],['../structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#a71449551bbfe56058440755dfd50fc75',1,'mlx::steel::ChannelHelper< 1 >::vec_size'],['../structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acfb18991a77a9d1d4a79918ac5f387af',1,'mlx::steel::ChannelHelper< 2 >::vec_size'],['../structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#a5cb83774601c29564a6bbc010fc0bf7f',1,'mlx::steel::ChannelHelper< 3 >::vec_size'],['../structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#af28cdbe2a3c027d95832de07f60448ca',1,'mlx::steel::ChannelHelper< 4 >::vec_size'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a6b0b18428516d1d6dcae3beb3faee81c',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::vec_size'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a006153d274aa13d5fd4448b4607fff3a',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::vec_size'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1587047caa339cf5b2c06adc4b332ab8',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::vec_size'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08dba753ec7c8ea2892775746933b3e7',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::vec_size'],['../structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925',1,'mlx::steel::ChannelHelper< 1 >::vec_size'],['../structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925',1,'mlx::steel::ChannelHelper< 2 >::vec_size'],['../structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925',1,'mlx::steel::ChannelHelper< 3 >::vec_size'],['../structmlx_1_1steel_1_1_channel_helper.html#a2b24f991a9380fdad6b51a038770b925',1,'mlx::steel::ChannelHelper< 4 >::vec_size']]], ['vector_14',['Vector',['../namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337a57dea6f5039281b7fee517fc43bf3110',1,'mlx::core']]], - ['vectorscalar_15',['VectorScalar',['../structmlx_1_1core_1_1_vector_scalar.html',1,'mlx::core::VectorScalar< Op >'],['../structmlx_1_1core_1_1_vector_scalar.html#a97088143e6d301d753dcdd1ccdd82287',1,'mlx::core::VectorScalar::VectorScalar()'],['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a8a94416459b638cebf3bfbce26a6ce78',1,'mlx::core::VectorScalar']]], - ['vectorvector_16',['VectorVector',['../structmlx_1_1core_1_1_vector_vector.html',1,'mlx::core::VectorVector< Op >'],['../structmlx_1_1core_1_1_vector_vector.html#a4867666c95c597a113afb64f173cc022',1,'mlx::core::VectorVector::VectorVector()'],['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a4d8269410dcd9cadc9722e9a118bddfb',1,'mlx::core::VectorVector']]], + ['vectorscalar_15',['VectorScalar',['../structmlx_1_1core_1_1_vector_scalar.html',1,'mlx::core::VectorScalar< Op >'],['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a8a94416459b638cebf3bfbce26a6ce78',1,'mlx::core::VectorScalar']]], + ['vectorvector_16',['VectorVector',['../structmlx_1_1core_1_1_vector_vector.html',1,'mlx::core::VectorVector< Op >'],['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a4d8269410dcd9cadc9722e9a118bddfb',1,'mlx::core::VectorVector']]], ['vectorvectorvector_17',['VectorVectorVector',['../namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1acbcaeeb0e232871afe48bcf063a14b42',1,'mlx::core']]], ['version_18',['version',['../namespacemlx_1_1core.html#a4d7bc76b40d028805d32a9e0f7ae7598',1,'mlx::core']]], ['version_2eh_19',['version.h',['../version_8h.html',1,'']]], diff --git a/docs/build/html/search/all_17.js b/docs/build/html/search/all_17.js index dc9a5fe0a..af02c11a7 100644 --- a/docs/build/html/search/all_17.js +++ b/docs/build/html/search/all_17.js @@ -1,21 +1,20 @@ var searchData= [ - ['wait_0',['wait',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#af503189cc9247047fbdfc3ebf1daacc1',1,'pocketfft::detail::threading::latch::wait()'],['../classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e',1,'mlx::core::array::wait()'],['../classmlx_1_1core_1_1_fence.html#a1ccbe354d043e6c4d76286c6635a38e2',1,'mlx::core::Fence::wait()'],['../classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252',1,'mlx::core::Event::wait()']]], + ['wait_0',['wait',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#af503189cc9247047fbdfc3ebf1daacc1',1,'pocketfft::detail::threading::latch::wait()'],['../classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e',1,'mlx::core::array::wait()'],['../classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252',1,'mlx::core::Event::wait()'],['../classmlx_1_1core_1_1_event.html#ac58282a36a02aed7a5bd59b1602d11a8',1,'mlx::core::Event::wait(Stream stream)'],['../classmlx_1_1core_1_1_fence.html#a9d9bc0b57f741577a34f8dfd3b1de8f2',1,'mlx::core::Fence::wait()']]], ['wait_5ffor_5ffence_1',['wait_for_fence',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088',1,'mlx::core::metal::CommandEncoder::wait_for_fence()'],['../structmlx_1_1core_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088',1,'mlx::core::CommandEncoder::wait_for_fence()']]], ['wait_5ffor_5fone_2',['wait_for_one',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a01c574bb388f10d67aaaaa541894d807',1,'mlx::core::scheduler::Scheduler::wait_for_one()'],['../namespacemlx_1_1core_1_1scheduler.html#a8cc4d5fd1f5ce722b377ead1863a2291',1,'mlx::core::scheduler::wait_for_one()']]], - ['wait_5fgpu_3',['wait_gpu',['../classmlx_1_1core_1_1_fence.html#ab6d783dee02656ebb8ffcbbfa6de5b53',1,'mlx::core::Fence']]], - ['weight_5fbase_4',['weight_base',['../structmlx_1_1steel_1_1_conv2_d_general_base_info.html#a1d88677c4617f4bdae157e40a64a407b',1,'mlx::steel::Conv2DGeneralBaseInfo']]], - ['weight_5fh_5',['weight_h',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3be4815d4090cb27ebe2f9bad1a39e95',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::weight_h'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a366c3cee4ed1165545287c8d5ce49445',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::weight_h'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a397412909eb955babc935a35d97c3fd4',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::weight_h'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a5997fd8ef249e4cd3df7dad7b251d8d5',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::weight_h']]], - ['weight_5fhw_6',['weight_hw',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae39d43f741c9c87cce9c6d3144dc8b94',1,'mlx::steel::Conv2DWeightBlockLoader::weight_hw'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7dd320bc5b0a9a2e425d6b292ddac037',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::weight_hw'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5752e0309a4dc873cb31ce724c11ada6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::weight_hw']]], - ['weight_5fsize_7',['weight_size',['../structmlx_1_1steel_1_1_conv2_d_general_base_info.html#aff119a4325b97fdbd745d8fcaed9f041',1,'mlx::steel::Conv2DGeneralBaseInfo']]], - ['weight_5fw_8',['weight_w',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#add1186c7accb62bfa8a4a7e87fc4cc84',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::weight_w'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4744bd79fb05e81eaa53d2eabe017446',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::weight_w'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a0261d0349a0a95ca1a02a959b73e9352',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::weight_w'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6efa6268a37f18f4d225674bf1780cf6',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::weight_w']]], - ['where_9',['where',['../group__ops.html#ga8a2056f8c9bb30914c40bcf509386491',1,'mlx::core']]], - ['write_10',['write',['../struct_read_writer.html#ac2ea71e41740ddc863890e3e8e6f09d0',1,'ReadWriter::write()'],['../classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125',1,'mlx::core::io::Writer::write()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f',1,'mlx::core::io::FileWriter::write()'],['../struct_read_writer.html#a7a3d1396b0f83aa7506207bd6e7336bf',1,'ReadWriter::write() const'],['../struct_read_writer.html#ae1f0d3555b74998cc2d2288bce72a1f4',1,'ReadWriter::write() const']]], - ['write_5fpadded_11',['write_padded',['../struct_read_writer.html#a95367307acace2aa88226cf8956d2d88',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#abaf2a6ad4c88bd9f65fe1db1f73a8d87',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#a420453a56e77d6b3891ed4b5f178af9c',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const']]], - ['write_5fsafe_12',['write_safe',['../scan_8h.html#ae86aef08e5ebc8790031eb51eefa754c',1,'scan.h']]], - ['write_5fstrided_13',['write_strided',['../struct_read_writer.html#a77a4d7eac217305e22a3c25b3756ef67',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a12e7f43cd9de2d9990054184c0a32839',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a959ccaa08f2999c50cea063b01e492e4',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a5592b24dad5ad030a1e4769b0a278f35',1,'ReadWriter::write_strided(int stride, int overall_n)']]], - ['write_5funsafe_14',['write_unsafe',['../scan_8h.html#a8010e7bdf7a72cbd35ce7cd7ecb08e32',1,'scan.h']]], - ['writer_15',['Writer',['../classmlx_1_1core_1_1io_1_1_writer.html',1,'mlx::core::io']]], - ['ws_16',['wS',['../struct_m_l_x_conv_params.html#aba2074189644b1b59567d018409277a9',1,'MLXConvParams']]], - ['wt_5fstrides_17',['wt_strides',['../struct_m_l_x_conv_params.html#aa5ec3cb7bccbb04d561be16498cf06c3',1,'MLXConvParams']]] + ['weight_5fbase_3',['weight_base',['../structmlx_1_1steel_1_1_conv2_d_general_base_info.html#a1d88677c4617f4bdae157e40a64a407b',1,'mlx::steel::Conv2DGeneralBaseInfo']]], + ['weight_5fh_4',['weight_h',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a3be4815d4090cb27ebe2f9bad1a39e95',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::weight_h'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a366c3cee4ed1165545287c8d5ce49445',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::weight_h'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a397412909eb955babc935a35d97c3fd4',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::weight_h'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a5997fd8ef249e4cd3df7dad7b251d8d5',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::weight_h']]], + ['weight_5fhw_5',['weight_hw',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae39d43f741c9c87cce9c6d3144dc8b94',1,'mlx::steel::Conv2DWeightBlockLoader::weight_hw'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7dd320bc5b0a9a2e425d6b292ddac037',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::weight_hw'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a5752e0309a4dc873cb31ce724c11ada6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::weight_hw']]], + ['weight_5fsize_6',['weight_size',['../structmlx_1_1steel_1_1_conv2_d_general_base_info.html#aff119a4325b97fdbd745d8fcaed9f041',1,'mlx::steel::Conv2DGeneralBaseInfo']]], + ['weight_5fw_7',['weight_w',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#add1186c7accb62bfa8a4a7e87fc4cc84',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::weight_w'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a4744bd79fb05e81eaa53d2eabe017446',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::weight_w'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a0261d0349a0a95ca1a02a959b73e9352',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::weight_w'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a6efa6268a37f18f4d225674bf1780cf6',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::weight_w']]], + ['where_8',['where',['../group__ops.html#ga8a2056f8c9bb30914c40bcf509386491',1,'mlx::core']]], + ['write_9',['write',['../struct_read_writer.html#ac2ea71e41740ddc863890e3e8e6f09d0',1,'ReadWriter::write()'],['../classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125',1,'mlx::core::io::Writer::write()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f',1,'mlx::core::io::FileWriter::write()'],['../struct_read_writer.html#a7a3d1396b0f83aa7506207bd6e7336bf',1,'ReadWriter::write() const'],['../struct_read_writer.html#ae1f0d3555b74998cc2d2288bce72a1f4',1,'ReadWriter::write() const']]], + ['write_5fpadded_10',['write_padded',['../struct_read_writer.html#a95367307acace2aa88226cf8956d2d88',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#abaf2a6ad4c88bd9f65fe1db1f73a8d87',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#a420453a56e77d6b3891ed4b5f178af9c',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const']]], + ['write_5fsafe_11',['write_safe',['../scan_8h.html#ae86aef08e5ebc8790031eb51eefa754c',1,'scan.h']]], + ['write_5fstrided_12',['write_strided',['../struct_read_writer.html#a77a4d7eac217305e22a3c25b3756ef67',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a12e7f43cd9de2d9990054184c0a32839',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a959ccaa08f2999c50cea063b01e492e4',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a5592b24dad5ad030a1e4769b0a278f35',1,'ReadWriter::write_strided(int stride, int overall_n)']]], + ['write_5funsafe_13',['write_unsafe',['../scan_8h.html#a8010e7bdf7a72cbd35ce7cd7ecb08e32',1,'scan.h']]], + ['writer_14',['Writer',['../classmlx_1_1core_1_1io_1_1_writer.html',1,'mlx::core::io']]], + ['ws_15',['wS',['../struct_m_l_x_conv_params.html#aba2074189644b1b59567d018409277a9',1,'MLXConvParams']]], + ['wt_5fstrides_16',['wt_strides',['../struct_m_l_x_conv_params.html#aa5ec3cb7bccbb04d561be16498cf06c3',1,'MLXConvParams']]] ]; diff --git a/docs/build/html/search/all_2.js b/docs/build/html/search/all_2.js index 0e980d82a..3e485c2fc 100644 --- a/docs/build/html/search/all_2.js +++ b/docs/build/html/search/all_2.js @@ -42,15 +42,15 @@ var searchData= ['bfs_5fmax_5fwidth_39',['bfs_max_width',['../namespacemlx_1_1core_1_1env.html#ac3266e1259a64c8b56bdc6c7029179f2',1,'mlx::core::env']]], ['bi_40',['bi',['../struct_quantized_block_loader.html#a85041d72225a2095659c70509291a906',1,'QuantizedBlockLoader::bi'],['../structmlx_1_1steel_1_1_block_loader.html#a9ef13742bcdf07532d8f09394928a8af',1,'mlx::steel::BlockLoader::bi'],['../structmlx_1_1steel_1_1_block_loader_t.html#a6964273994b06d6cf8ef7e59fb10bb35',1,'mlx::steel::BlockLoaderT::bi'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8e53b0a9951cb840d922cc285b257ee3',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::bi'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ae3af75287f279d2cdeef189126740d4c',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::bi'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a8c5e74003600132954cb953616e1a026',1,'mlx::steel::Conv2DWeightBlockLoader::bi'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9eb024e2fc6f07345f87fbf7141c0d16',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::bi'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae3b9f21f72e5e6c541c9978f55d354c7',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::bi'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a32a3a91fa715b82f36e05ceb10933d09',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::bi'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a4c91f848856ab0872bdfd37c62d4b0ba',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::bi']]], ['biases_41',['biases',['../struct_quantized_block_loader.html#a17d01a6aba0833b073586ef2c09d0fbd',1,'QuantizedBlockLoader']]], - ['binary_42',['binary',['../namespacemlx_1_1core.html#ae374861abd45cf019c3e6be2026f3798',1,'mlx::core::binary()'],['../namespacemlx_1_1core_1_1metal.html#a269d591ec02e2f7c0f7a718fbfa37f73',1,'mlx::core::metal::binary()']]], + ['binary_42',['binary',['../namespacemlx_1_1core_1_1metal.html#a269d591ec02e2f7c0f7a718fbfa37f73',1,'mlx::core::metal']]], ['binary_2eh_43',['binary.h',['../common_2binary_8h.html',1,'(Global Namespace)'],['../cpu_2binary_8h.html',1,'(Global Namespace)'],['../metal_2binary_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2binary_8h.html',1,'(Global Namespace)']]], ['binary_5fg_44',['binary_g',['../metal_2kernels_2binary_8h.html#ab6b062acfb0497230e9476482d9dac20',1,'binary_g(device const T *a, device const T *b, device U *c, constant const int *shape, constant const int64_t *a_strides, constant const int64_t *b_strides, constant const int &ndim, uint3 index, uint3 grid_dim): binary.h'],['../metal_2kernels_2binary__two_8h.html#a84dbd99589c7a18ff4d91056dc6fe17a',1,'binary_g(device const T *a, device const T *b, device U *c, device U *d, constant const int *shape, constant const int64_t *a_strides, constant const int64_t *b_strides, constant const int &ndim, uint3 index, uint3 grid_dim): binary_two.h']]], ['binary_5fg_5fnd1_45',['binary_g_nd1',['../metal_2kernels_2binary_8h.html#aba4dd8bf59ed391789110e08ecfec6c2',1,'binary_g_nd1(device const T *a, device const T *b, device U *c, constant const int64_t &a_stride, constant const int64_t &b_stride, uint index): binary.h'],['../metal_2kernels_2binary__two_8h.html#a1f2e8e7dc1998bab3864184878a75776',1,'binary_g_nd1(device const T *a, device const T *b, device U *c, device U *d, constant const int64_t &a_stride, constant const int64_t &b_stride, uint index): binary_two.h']]], ['binary_5fg_5fnd2_46',['binary_g_nd2',['../metal_2kernels_2binary_8h.html#a73869f3771f16108f37120e485ce6e0b',1,'binary_g_nd2(device const T *a, device const T *b, device U *c, constant const int64_t a_strides[2], constant const int64_t b_strides[2], uint2 index, uint2 grid_dim): binary.h'],['../metal_2kernels_2binary__two_8h.html#a0d31d8d6c8a1845d3329ef2e23e3fff6',1,'binary_g_nd2(device const T *a, device const T *b, device U *c, device U *d, constant const int64_t a_strides[2], constant const int64_t b_strides[2], uint2 index, uint2 grid_dim): binary_two.h']]], ['binary_5fg_5fnd3_47',['binary_g_nd3',['../metal_2kernels_2binary_8h.html#ab6eb3c1f7349a52d5befff14e796320a',1,'binary_g_nd3(device const T *a, device const T *b, device U *c, constant const int64_t a_strides[3], constant const int64_t b_strides[3], uint3 index, uint3 grid_dim): binary.h'],['../metal_2kernels_2binary__two_8h.html#aae95e8f5fa772f780fc88054a2e35878',1,'binary_g_nd3(device const T *a, device const T *b, device U *c, device U *d, constant const int64_t a_strides[3], constant const int64_t b_strides[3], uint3 index, uint3 grid_dim): binary_two.h']]], - ['binary_5fop_48',['binary_op',['../namespacemlx_1_1core.html#a9c1c1fdf9a0840a16a4d10a8f74f761d',1,'mlx::core::binary_op(const array &a, const array &b, array &out, Op op)'],['../namespacemlx_1_1core.html#a2aca3458c56605a74d07ec39876549bc',1,'mlx::core::binary_op(const array &a, const array &b, array &out, Op op)']]], - ['binary_5fop_5fdims_49',['binary_op_dims',['../namespacemlx_1_1core.html#a7ca09ebf776fe32db580f9038587ec31',1,'mlx::core']]], - ['binary_5fop_5fdispatch_5fdims_50',['binary_op_dispatch_dims',['../namespacemlx_1_1core.html#a66c9ee5018168b9101de52e0122d9755',1,'mlx::core']]], + ['binary_5fop_48',['binary_op',['../namespacemlx_1_1core.html#ae0c47c0bd95bb8c44339159e04c0f604',1,'mlx::core::binary_op(const array &a, const array &b, array &out, BinaryOpType bopt)'],['../namespacemlx_1_1core.html#a5160ef5819f58cf040c9613ecce548f1',1,'mlx::core::binary_op(const array &a, const array &b, array &out, BinaryOpType bopt)']]], + ['binary_5fop_5fdims_49',['binary_op_dims',['../namespacemlx_1_1core.html#aeac6fa9529eedba76b27de9d098de963',1,'mlx::core']]], + ['binary_5fop_5fdispatch_5fdims_50',['binary_op_dispatch_dims',['../namespacemlx_1_1core.html#ad1229ffbba21bdb81f63482a4651bc5a',1,'mlx::core']]], ['binary_5fop_5fgpu_51',['binary_op_gpu',['../namespacemlx_1_1core.html#ad884f4a36308b5b4f8a5d990d2e086df',1,'mlx::core::binary_op_gpu(const std::vector< array > &inputs, std::vector< array > &outputs, const std::string &op, const Stream &s)'],['../namespacemlx_1_1core.html#a094876ea5a2a2445ab64efc8222da202',1,'mlx::core::binary_op_gpu(const std::vector< array > &inputs, array &out, const std::string &op, const Stream &s)']]], ['binary_5fop_5fgpu_5finplace_52',['binary_op_gpu_inplace',['../namespacemlx_1_1core.html#a8616c0b7b0fc118a75400bc86404c367',1,'mlx::core::binary_op_gpu_inplace(const std::vector< array > &inputs, std::vector< array > &outputs, const std::string &op, const Stream &s)'],['../namespacemlx_1_1core.html#a7e6af6624e322e7ad60a3873a66e18a3',1,'mlx::core::binary_op_gpu_inplace(const std::vector< array > &inputs, array &out, const std::string &op, const Stream &s)']]], ['binary_5fops_53',['binary_ops',['../namespacemlx_1_1core_1_1metal.html#a8db7f9cc781d4bfb08423a401665f322',1,'mlx::core::metal']]], @@ -89,12 +89,12 @@ var searchData= ['blockloader_3c_20t_2c_20transpose_5fa_20_3f_20bk_20_3abm_2c_20transpose_5fa_20_3f_20bm_20_3abk_2c_20transpose_5fa_20_3f_20bm_2btgp_5fpadding_5fa_20_3abk_2btgp_5fpadding_5fa_2c_20_21transpose_5fa_2c_20tgp_5fsize_20_3e_86',['BlockLoader< T, transpose_a ? BK :BM, transpose_a ? BM :BK, transpose_a ? BM+tgp_padding_a :BK+tgp_padding_a, !transpose_a, tgp_size >',['../structmlx_1_1steel_1_1_block_loader.html',1,'mlx::steel']]], ['blockloader_3c_20t_2c_20transpose_5fb_20_3f_20bn_20_3abk_2c_20transpose_5fb_20_3f_20bk_20_3abn_2c_20transpose_5fb_20_3f_20bk_2btgp_5fpadding_5fb_20_3abn_2btgp_5fpadding_5fb_2c_20transpose_5fb_2c_20tgp_5fsize_20_3e_87',['BlockLoader< T, transpose_b ? BN :BK, transpose_b ? BK :BN, transpose_b ? BK+tgp_padding_b :BN+tgp_padding_b, transpose_b, tgp_size >',['../structmlx_1_1steel_1_1_block_loader.html',1,'mlx::steel']]], ['blockloadert_88',['BlockLoaderT',['../structmlx_1_1steel_1_1_block_loader_t.html',1,'mlx::steel::BlockLoaderT< T, BROWS, BCOLS, kDstStrRow, kDstStrCol, reduction_dim, tgp_size, n_reads, TCOLS, TROWS >'],['../structmlx_1_1steel_1_1_block_loader_t.html#a076616a7c67ad1b847e0e6b046077ee2',1,'mlx::steel::BlockLoaderT::BlockLoaderT()']]], - ['blockm_89',['blockM',['../struct_g_e_m_v_kernel.html#a7281520100658811076400060663903c',1,'GEMVKernel::blockM'],['../struct_g_e_m_v_t_kernel.html#a2ae8ce535d59cccf453381b4485a77f0',1,'GEMVTKernel::blockM']]], + ['blockm_89',['blockM',['../struct_g_e_m_v_kernel.html#a188ef7ed5c1d74d9b540b6d4ebf12f2e',1,'GEMVKernel::blockM'],['../struct_g_e_m_v_t_kernel.html#aa3f9e771c59770a72b73fb673eb7bf71',1,'GEMVTKernel::blockM']]], ['blockmaskedmm_90',['BlockMaskedMM',['../classmlx_1_1core_1_1_block_masked_m_m.html',1,'mlx::core::BlockMaskedMM'],['../classmlx_1_1core_1_1_block_masked_m_m.html#ad26509deb5306d0c5eb72477e9a57477',1,'mlx::core::BlockMaskedMM::BlockMaskedMM()']]], ['blockmergesort_91',['BlockMergeSort',['../struct_block_merge_sort.html',1,'']]], ['blockmma_92',['BlockMMA',['../structmlx_1_1steel_1_1_block_m_m_a.html',1,'mlx::steel::BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, lda_tgp, ldb_tgp, AccumType, Epilogue >'],['../structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8',1,'mlx::steel::BlockMMA::BlockMMA(ushort simd_group_id, ushort simd_lane_id)'],['../structmlx_1_1steel_1_1_block_m_m_a.html#aa14406b7298456ac45d23dd3c4642dd8',1,'mlx::steel::BlockMMA::BlockMMA(ushort simd_group_id, ushort simd_lane_id)']]], ['blockmma_3c_20t_2c_20u_2c_20bm_2c_20bn_2c_20bk_2c_20wm_2c_20wn_2c_20transpose_5fa_2c_20transpose_5fb_2c_20transpose_5fa_20_3f_20bm_2btgp_5fpadding_5fa_20_3abk_2btgp_5fpadding_5fa_2c_20transpose_5fb_20_3f_20bk_2btgp_5fpadding_5fb_20_3abn_2btgp_5fpadding_5fb_2c_20accumtype_2c_20epilogue_20_3e_93',['BlockMMA< T, U, BM, BN, BK, WM, WN, transpose_a, transpose_b, transpose_a ? BM+tgp_padding_a :BK+tgp_padding_a, transpose_b ? BK+tgp_padding_b :BN+tgp_padding_b, AccumType, Epilogue >',['../structmlx_1_1steel_1_1_block_m_m_a.html',1,'mlx::steel']]], - ['blockn_94',['blockN',['../struct_g_e_m_v_kernel.html#a2fef17f9c9aa0bdf530ad3554fb0988b',1,'GEMVKernel::blockN'],['../struct_g_e_m_v_t_kernel.html#a60be87666006ba0bf88bc8e6902da42a',1,'GEMVTKernel::blockN']]], + ['blockn_94',['blockN',['../struct_g_e_m_v_kernel.html#af22b6e5ed1a9d350866aaafa35d63a8a',1,'GEMVKernel::blockN'],['../struct_g_e_m_v_t_kernel.html#a2091b9804b702cbb995899312e3da417',1,'GEMVTKernel::blockN']]], ['blockswizzle_95',['BlockSwizzle',['../structmlx_1_1steel_1_1_block_swizzle.html',1,'mlx::steel']]], ['bluestein_5ffft_96',['bluestein_fft',['../backend_2metal_2kernels_2fft_8h.html#a0abc609e9756475800e996775a96a87e',1,'fft.h']]], ['bool4_5for_5fuint_97',['bool4_or_uint',['../unionbool4__or__uint.html',1,'']]], diff --git a/docs/build/html/search/all_3.js b/docs/build/html/search/all_3.js index eec18400b..1b20e5c28 100644 --- a/docs/build/html/search/all_3.js +++ b/docs/build/html/search/all_3.js @@ -44,128 +44,127 @@ var searchData= ['col_5freduce_5fsmall_41',['col_reduce_small',['../reduce__col_8h.html#a674f4b6075bab1b89778e10ab24c557e',1,'reduce_col.h']]], ['collapse_5fcontiguous_5fdims_42',['collapse_contiguous_dims',['../namespacemlx_1_1core.html#a4d594bb84abeff4619d1abb77b20123e',1,'mlx::core::collapse_contiguous_dims(const Shape &shape, const std::vector< Strides > &strides, int64_t size_cap=std::numeric_limits< int32_t >::max())'],['../namespacemlx_1_1core.html#a977c7c84de79ad67055ae2a89b7f6869',1,'mlx::core::collapse_contiguous_dims(const std::vector< array > &xs, size_t size_cap=std::numeric_limits< int32_t >::max())'],['../namespacemlx_1_1core.html#ac813412cce77fc1340dcfefc6e099276',1,'mlx::core::collapse_contiguous_dims(Arrays &&... xs)'],['../namespacemlx_1_1core.html#a79acfa8bc30c1f213bf893b5983eb666',1,'mlx::core::collapse_contiguous_dims(const Shape &shape, const Strides &strides, int64_t size_cap=std::numeric_limits< int32_t >::max())'],['../namespacemlx_1_1core.html#ab607cd6974ca6606826e785807156d6a',1,'mlx::core::collapse_contiguous_dims(const array &a, int64_t size_cap=std::numeric_limits< int32_t >::max())']]], ['command_5fbuffer_5fneeds_5fcommit_43',['command_buffer_needs_commit',['../classmlx_1_1core_1_1metal_1_1_device.html#a2580a395419fa6735e8ca5a67495700e',1,'mlx::core::metal::Device']]], - ['commandencoder_44',['CommandEncoder',['../structmlx_1_1core_1_1_command_encoder.html',1,'mlx::core::CommandEncoder'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html',1,'mlx::core::metal::CommandEncoder'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::metal::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::metal::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete']]], + ['commandencoder_44',['CommandEncoder',['../structmlx_1_1core_1_1_command_encoder.html',1,'mlx::core::CommandEncoder'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html',1,'mlx::core::cpu::CommandEncoder'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html',1,'mlx::core::metal::CommandEncoder'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a23815084f53da65b092624c89df7383c',1,'mlx::core::cpu::CommandEncoder::CommandEncoder(Stream stream)'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a8e66b11850caa812b1eab2304493aa95',1,'mlx::core::cpu::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa82e91e3b530f13126f674a6f4902096',1,'mlx::core::cpu::CommandEncoder::CommandEncoder(CommandEncoder &&)=delete'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::metal::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::metal::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete']]], ['commit_5fcommand_5fbuffer_45',['commit_command_buffer',['../classmlx_1_1core_1_1metal_1_1_device.html#a95248f1387824067fd4fed23ace5ac0c',1,'mlx::core::metal::Device']]], ['commonallocator_46',['CommonAllocator',['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html',1,'mlx::core::allocator']]], - ['communication_5fstream_47',['communication_stream',['../namespacemlx_1_1core_1_1distributed_1_1detail.html#ac3612edf0e0e18c1e4ba0ce7c6e35cd6',1,'mlx::core::distributed::detail']]], - ['compile_48',['compile',['../namespacemlx_1_1core.html#a55933c6665de9f81059120d6b0de1c87',1,'mlx::core::compile(std::function< std::vector< array >(const std::vector< array > &)> fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#abf57076f6d2351ba9f1e0cbe478f8afa',1,'mlx::core::compile(std::vector< array >(*fun)(const std::vector< array > &), bool shapeless=false)'],['../namespacemlx_1_1core.html#ace67713d269595f5f2265e46728a6f9c',1,'mlx::core::compile(F &&f, bool shapeless=false)'],['../namespacemlx_1_1core_1_1detail.html#af556c7576658b2e2498ead70339d95e5',1,'mlx::core::detail::compile()']]], - ['compile_2eh_49',['compile.h',['../compile_8h.html',1,'']]], - ['compile_5favailable_5ffor_5fdevice_50',['compile_available_for_device',['../namespacemlx_1_1core_1_1detail.html#aeeff2ba6ec3d9d4ed090de6d2681dbc2',1,'mlx::core::detail']]], - ['compile_5fclear_5fcache_51',['compile_clear_cache',['../namespacemlx_1_1core_1_1detail.html#a3fb927c209b946aefebb195993fbe4cf',1,'mlx::core::detail']]], - ['compile_5fdfs_52',['compile_dfs',['../namespacemlx_1_1core_1_1detail.html#a545fccdb5dc365b154cf4f0a2ca4753b',1,'mlx::core::detail']]], - ['compile_5ferase_53',['compile_erase',['../namespacemlx_1_1core_1_1detail.html#a69eb76a14f845ca000f1ccb2edda0175',1,'mlx::core::detail']]], - ['compile_5fimpl_2eh_54',['compile_impl.h',['../compile__impl_8h.html',1,'']]], - ['compile_5freplace_55',['compile_replace',['../namespacemlx_1_1core_1_1detail.html#a56fc01df6ba4c508d1da8b366b1328ac',1,'mlx::core::detail']]], - ['compile_5fsimplify_56',['compile_simplify',['../namespacemlx_1_1core_1_1detail.html#a33c878c900ca06f35d479f99c57b9e39',1,'mlx::core::detail']]], - ['compile_5ftrace_57',['compile_trace',['../namespacemlx_1_1core_1_1detail.html#ac2163a401119bb6edecfeb43373ef0dd',1,'mlx::core::detail']]], - ['compile_5fvalidate_5fshapeless_58',['compile_validate_shapeless',['../namespacemlx_1_1core_1_1detail.html#a10d612cb45a17fa17b704a357a902a68',1,'mlx::core::detail']]], - ['compiled_59',['Compiled',['../classmlx_1_1core_1_1_compiled.html',1,'mlx::core::Compiled'],['../classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051',1,'mlx::core::Compiled::Compiled()']]], - ['compiled_2eh_60',['compiled.h',['../compiled_8h.html',1,'']]], - ['compiled_5fallocate_5foutputs_61',['compiled_allocate_outputs',['../namespacemlx_1_1core.html#ab8c3c4fc05745f586de922c8266f4fce',1,'mlx::core']]], - ['compiled_5fcheck_5fcontiguity_62',['compiled_check_contiguity',['../namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be',1,'mlx::core']]], - ['compiled_5fpreamble_2eh_63',['compiled_preamble.h',['../compiled__preamble_8h.html',1,'']]], - ['compilemode_64',['CompileMode',['../namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4',1,'mlx::core']]], - ['complex_2eh_65',['complex.h',['../backend_2metal_2kernels_2complex_8h.html',1,'(Global Namespace)'],['../types_2complex_8h.html',1,'(Global Namespace)']]], - ['complex128_5ft_66',['complex128_t',['../structmlx_1_1core_1_1complex128__t.html',1,'mlx::core::complex128_t'],['../structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178',1,'mlx::core::complex128_t::complex128_t()'],['../structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0',1,'mlx::core::complex128_t::complex128_t(double v, double u)'],['../structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6',1,'mlx::core::complex128_t::complex128_t(std::complex< double > v)'],['../structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf',1,'mlx::core::complex128_t::complex128_t(T x)']]], - ['complex64_67',['complex64',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa8c022579455bcd2c681f007e84f4e2cf',1,'mlx::core::Dtype::complex64'],['../namespacemlx_1_1core.html#af99db87e0078bfcdb383f5689bc874d4',1,'mlx::core::complex64']]], - ['complex64_5ft_68',['complex64_t',['../structcomplex64__t.html',1,'complex64_t'],['../structmlx_1_1core_1_1complex64__t.html',1,'mlx::core::complex64_t'],['../structcomplex64__t.html#adbd392a5e92d31997380ad0a38be4be8',1,'complex64_t::complex64_t(float real, float imag)'],['../structcomplex64__t.html#a29782289bb90d6294099667b86509cd3',1,'complex64_t::complex64_t()'],['../structcomplex64__t.html#a905b048d70eb8d748a62454268242291',1,'complex64_t::complex64_t() threadgroup'],['../structcomplex64__t.html#a33a2452eb33b5ed53655773539c357a5',1,'complex64_t::complex64_t(T x) thread'],['../structcomplex64__t.html#a89b65ace8588b7bf215355f705eb23d9',1,'complex64_t::complex64_t(T x) threadgroup'],['../structcomplex64__t.html#ac81b486f642fb3b26c5d659917bdbcd0',1,'complex64_t::complex64_t(T x) device'],['../structcomplex64__t.html#a0a27a41206400f1e62b60ceb56960c93',1,'complex64_t::complex64_t(T x) const ant'],['../structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3',1,'mlx::core::complex64_t::complex64_t()'],['../structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c',1,'mlx::core::complex64_t::complex64_t(float v, float u)'],['../structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09',1,'mlx::core::complex64_t::complex64_t(std::complex< float > v)'],['../structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50',1,'mlx::core::complex64_t::complex64_t(T x)']]], - ['complex_5fbinop_69',['complex_binop',['../types_2complex_8h.html#a9c7995d495359894e1b30c0f1678d6bd',1,'complex.h']]], - ['complex_5fbinop_5fhelper_70',['complex_binop_helper',['../types_2complex_8h.html#ac6890f9852de12339b09b65757ebc8c4',1,'complex.h']]], - ['complex_5fmul_71',['complex_mul',['../radix_8h.html#a5bfc53b531214c9ce277bebc18aa67d6',1,'radix.h']]], - ['complex_5fmul_5fconj_72',['complex_mul_conj',['../radix_8h.html#a0e2dfd3d1dda09f47ccc64eec35629f3',1,'radix.h']]], - ['complexfloating_73',['complexfloating',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dafb203630099d501ff7c255a574bc4812',1,'mlx::core::Dtype::complexfloating'],['../namespacemlx_1_1core.html#a70b8e88c9df750af984757105af33423',1,'mlx::core::complexfloating']]], - ['compute_5fstrided_5findices_74',['compute_strided_indices',['../struct_read_writer.html#a7c903fbb8b85a856ba5564d7df537cdf',1,'ReadWriter']]], - ['concatenate_75',['Concatenate',['../classmlx_1_1core_1_1_concatenate.html',1,'mlx::core::Concatenate'],['../classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888',1,'mlx::core::Concatenate::Concatenate()']]], - ['concatenate_76',['concatenate',['../namespacemlx_1_1core.html#a76a2e310857f60f5ea6f1388d45b964d',1,'mlx::core::concatenate(std::string &acc, T first)'],['../namespacemlx_1_1core.html#aaf51544472fa87fa974686eacdd2a4a6',1,'mlx::core::concatenate(std::string &acc, T first, Args... args)'],['../group__ops.html#ga52838af566948b1b96e7aa00832071b3',1,'mlx::core::concatenate(std::vector< array > arrays, int axis, StreamOrDevice s={})'],['../group__ops.html#ga666ac69778984fafdc2f51d296270468',1,'mlx::core::concatenate(std::vector< array > arrays, StreamOrDevice s={})']]], - ['concatenate_5fgpu_77',['concatenate_gpu',['../namespacemlx_1_1core.html#a050299d0d366ca5c9d09d1004dcc3e7d',1,'mlx::core']]], - ['concurrent_5fqueue_78',['concurrent_queue',['../classpocketfft_1_1detail_1_1threading_1_1concurrent__queue.html',1,'pocketfft::detail::threading']]], - ['concurrent_5fqueue_3c_20std_3a_3afunction_3c_20void_28_29_3e_20_3e_79',['concurrent_queue< std::function< void()> >',['../classpocketfft_1_1detail_1_1threading_1_1concurrent__queue.html',1,'pocketfft::detail::threading']]], - ['concurrentcontext_80',['ConcurrentContext',['../structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html',1,'mlx::core::CommandEncoder::ConcurrentContext'],['../structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html',1,'mlx::core::metal::CommandEncoder::ConcurrentContext'],['../structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::metal::CommandEncoder::ConcurrentContext::ConcurrentContext()'],['../structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::CommandEncoder::ConcurrentContext::ConcurrentContext()']]], - ['cond_81',['cond',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4ffd524d6a5bedd1a303b63bdde6701c',1,'mlx::core::scheduler::StreamThread']]], - ['conditionaltype_82',['ConditionalType',['../struct_conditional_type.html',1,'']]], - ['conditionaltype_3c_20true_2c_20t_2c_20u_20_3e_83',['ConditionalType< true, T, U >',['../struct_conditional_type_3_01true_00_01_t_00_01_u_01_4.html',1,'']]], - ['conj_84',['conj',['../namespacepocketfft_1_1detail.html#a66d79051d502046a9b9f103e744dbad3',1,'pocketfft::detail::conj()'],['../namespacemlx_1_1core_1_1simd.html#a660b79a51fb439f4aba91e2aea276300',1,'mlx::core::simd::conj()']]], - ['conjugate_85',['Conjugate',['../struct_conjugate.html',1,'Conjugate'],['../classmlx_1_1core_1_1_conjugate.html',1,'mlx::core::Conjugate'],['../structmlx_1_1core_1_1detail_1_1_conjugate.html',1,'mlx::core::detail::Conjugate'],['../classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87',1,'mlx::core::Conjugate::Conjugate()']]], - ['conjugate_86',['conjugate',['../group__ops.html#ga5b596906bf8cdc8d97ed6ddc9aeb4c23',1,'mlx::core']]], - ['contiguous_87',['Contiguous',['../classmlx_1_1core_1_1_contiguous.html',1,'mlx::core::Contiguous'],['../classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0',1,'mlx::core::Contiguous::Contiguous()']]], - ['contiguous_88',['contiguous',['../structmlx_1_1core_1_1array_1_1_flags.html#afd0ab11e7a486a2a8e50ee84b971ac8a',1,'mlx::core::array::Flags::contiguous'],['../group__ops.html#ga8ab10aa6c41416d739791164a52b25d5',1,'mlx::core::contiguous()']]], - ['contiguous_5fscan_89',['contiguous_scan',['../scan_8h.html#a60d279b9add7d56639bb209408f09d79',1,'scan.h']]], - ['contiguousallreduce_90',['ContiguousAllReduce',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ae4e34c7154eb8dc47aa8503209730424',1,'mlx::core']]], - ['contiguousiterator_91',['ContiguousIterator',['../structmlx_1_1core_1_1_contiguous_iterator.html',1,'mlx::core::ContiguousIterator'],['../structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3',1,'mlx::core::ContiguousIterator::ContiguousIterator()'],['../structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735',1,'mlx::core::ContiguousIterator::ContiguousIterator(const array &a)'],['../structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375',1,'mlx::core::ContiguousIterator::ContiguousIterator(const Shape &shape, const Strides &strides, int dims)']]], - ['contiguousreduce_92',['ContiguousReduce',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ad2547f25dffe8d8936dbec25601cfc84',1,'mlx::core']]], - ['contiguousstridedreduce_93',['ContiguousStridedReduce',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ab48dac7508a2c790de1bdc33f29177ed',1,'mlx::core']]], - ['conv_94',['conv',['../namespacemlx_1_1core_1_1metal.html#ab1704e853394c725668c06752ebb5c24',1,'mlx::core::metal']]], - ['conv_2eh_95',['conv.h',['../conv_8h.html',1,'']]], - ['conv1d_96',['conv1d',['../group__ops.html#ga30d47e08093c03a3676f235f9f559411',1,'mlx::core']]], - ['conv2d_97',['conv2d',['../group__ops.html#ga73b02833229678786e7f302d458d5a83',1,'mlx::core']]], - ['conv2dgeneralbaseinfo_98',['Conv2DGeneralBaseInfo',['../structmlx_1_1steel_1_1_conv2_d_general_base_info.html',1,'mlx::steel']]], - ['conv2dgeneraljumpparams_99',['Conv2DGeneralJumpParams',['../structmlx_1_1steel_1_1_conv2_d_general_jump_params.html',1,'mlx::steel']]], - ['conv2dinputblockloadergeneral_100',['Conv2DInputBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html',1,'mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::Conv2DInputBlockLoaderGeneral()']]], - ['conv2dinputblockloaderlargefilter_101',['Conv2DInputBlockLoaderLargeFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::Conv2DInputBlockLoaderLargeFilter()']]], - ['conv2dinputblockloadersmallchannels_102',['Conv2DInputBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::Conv2DInputBlockLoaderSmallChannels()']]], - ['conv2dinputblockloadersmallfilter_103',['Conv2DInputBlockLoaderSmallFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::Conv2DInputBlockLoaderSmallFilter()']]], - ['conv2dweightblockloader_104',['Conv2DWeightBlockLoader',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html',1,'mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c',1,'mlx::steel::Conv2DWeightBlockLoader::Conv2DWeightBlockLoader()']]], - ['conv2dweightblockloadergeneral_105',['Conv2DWeightBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::Conv2DWeightBlockLoaderGeneral()']]], - ['conv2dweightblockloadersmallchannels_106',['Conv2DWeightBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::Conv2DWeightBlockLoaderSmallChannels()']]], - ['conv3d_107',['conv3d',['../group__ops.html#ga6e9907d2f14dc4803e4306b3dbc4b3ca',1,'mlx::core']]], - ['conv_5fgeneral_108',['conv_general',['../group__ops.html#ga2236e5dfc7e52e28abf6c21675d0a51e',1,'mlx::core::conv_general(array input, array weight, std::vector< int > stride={}, std::vector< int > padding_lo={}, std::vector< int > padding_hi={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})'],['../group__ops.html#gab59f89942cd1efaadffe9e8762e3c99d',1,'mlx::core::conv_general(const array &input, const array &weight, std::vector< int > stride={}, std::vector< int > padding={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})']]], - ['conv_5ftranspose1d_109',['conv_transpose1d',['../group__ops.html#gaa30bf1adcd78d1c2595d07b215731714',1,'mlx::core']]], - ['conv_5ftranspose2d_110',['conv_transpose2d',['../group__ops.html#gaebb59971cb9bc45005dc1d398e4f0a3d',1,'mlx::core']]], - ['conv_5ftranspose3d_111',['conv_transpose3d',['../group__ops.html#ga8db814da631d9cd32a8d6563bf4ac530',1,'mlx::core']]], - ['convolution_112',['Convolution',['../classmlx_1_1core_1_1_convolution.html',1,'mlx::core::Convolution'],['../classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef',1,'mlx::core::Convolution::Convolution()']]], - ['copy_113',['Copy',['../classmlx_1_1core_1_1_copy.html',1,'mlx::core::Copy'],['../classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584',1,'mlx::core::Copy::Copy()']]], - ['copy_114',['copy',['../namespacemlx_1_1core.html#a479648542a2bea151b947b18f0e79dd2',1,'mlx::core::copy()'],['../namespacemlx_1_1core_1_1metal.html#aa215e631e2680f04a591b88d91571719',1,'mlx::core::metal::copy()'],['../group__ops.html#gae306e93af12f774bd80bad6c231b09d6',1,'mlx::core::copy()']]], - ['copy_2eh_115',['copy.h',['../common_2copy_8h.html',1,'(Global Namespace)'],['../cpu_2copy_8h.html',1,'(Global Namespace)'],['../metal_2copy_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2copy_8h.html',1,'(Global Namespace)']]], - ['copy_5fg_116',['copy_g',['../metal_2kernels_2copy_8h.html#a71e4103db4689d90ef6f9d5ba93604cf',1,'copy.h']]], - ['copy_5fg_5fnd1_117',['copy_g_nd1',['../metal_2kernels_2copy_8h.html#a232c5c6b8386cf8ecbf4cdadb6e4176e',1,'copy.h']]], - ['copy_5fg_5fnd2_118',['copy_g_nd2',['../metal_2kernels_2copy_8h.html#a39ec5b7b8351e4332b842982a2ee6260',1,'copy.h']]], - ['copy_5fg_5fnd3_119',['copy_g_nd3',['../metal_2kernels_2copy_8h.html#aab82689380897ff4716b5eafd6ef3ecc',1,'copy.h']]], - ['copy_5fgg_120',['copy_gg',['../metal_2kernels_2copy_8h.html#ade9a9eea9b8262a854a11721fe2bb9fa',1,'copy.h']]], - ['copy_5fgg_5fdynamic_121',['copy_gg_dynamic',['../metal_2kernels_2copy_8h.html#ad0f05a73165d4ee38c9f02c705ea6ca8',1,'copy.h']]], - ['copy_5fgg_5fdynamic_5fnd1_122',['copy_gg_dynamic_nd1',['../metal_2kernels_2copy_8h.html#a8548ea41cac179084ddd33d26921576f',1,'copy.h']]], - ['copy_5fgg_5fdynamic_5fnd2_123',['copy_gg_dynamic_nd2',['../metal_2kernels_2copy_8h.html#a9b9266ee25a4dbcbe4fde883b40170f1',1,'copy.h']]], - ['copy_5fgg_5fdynamic_5fnd3_124',['copy_gg_dynamic_nd3',['../metal_2kernels_2copy_8h.html#af33ccc02f10bcb5c19ea7b1dd0af4956',1,'copy.h']]], - ['copy_5fgg_5fnd1_125',['copy_gg_nd1',['../metal_2kernels_2copy_8h.html#a370d7bbba1a4b0d64da873bafd29a78b',1,'copy.h']]], - ['copy_5fgg_5fnd2_126',['copy_gg_nd2',['../metal_2kernels_2copy_8h.html#af0b06ac3a96852a64fa4274a94b58301',1,'copy.h']]], - ['copy_5fgg_5fnd3_127',['copy_gg_nd3',['../metal_2kernels_2copy_8h.html#a3f3836ad0b6545ec9b9e1864224f7a13',1,'copy.h']]], - ['copy_5fgpu_128',['copy_gpu',['../namespacemlx_1_1core.html#addaa46a13ac2deb1d9ce621338320e0e',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a6a6f4e46c8fc44fdc74c50ace02bcf38',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype)']]], - ['copy_5fgpu_5finplace_129',['copy_gpu_inplace',['../namespacemlx_1_1core.html#a473fb602368f6c73d9105c9a151c4c82',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, const Stream &s, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt)'],['../namespacemlx_1_1core.html#a58ef0842dd1b8f79159d5fb6777d30a1',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a49fc043a981925b9be79e37fc415d966',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Strides &i_strides, int64_t i_offset, CopyType ctype, const Stream &s)']]], - ['copy_5fhartley_130',['copy_hartley',['../namespacepocketfft_1_1detail.html#abac3fcc8ce83800d228774f64c28d4c3',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#ae7b44d2773d9d06a9787aff01d66b3ed',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], - ['copy_5finplace_131',['copy_inplace',['../namespacemlx_1_1core.html#a98495894a796b2cc6d022e7a03432c64',1,'mlx::core::copy_inplace(const array &src, array &dst, CopyType ctype)'],['../namespacemlx_1_1core.html#ae85bafda5ab0b4b2289591260cf07685',1,'mlx::core::copy_inplace(const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype)']]], - ['copy_5finput_132',['copy_input',['../namespacepocketfft_1_1detail.html#aff05be3064743c1143b19318ab12ad4a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< cmplx< T > > &src, cmplx< vtype_t< T > > *dst)'],['../namespacepocketfft_1_1detail.html#a30fc708f9d8f9cfa74194925c7863c0a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, vtype_t< T > *dst)'],['../namespacepocketfft_1_1detail.html#a3387bd35f237870e42b8461769e6aec4',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, T *dst)']]], - ['copy_5foutput_133',['copy_output',['../namespacepocketfft_1_1detail.html#a1523a037300a8da05db210b802d9cb0e',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const cmplx< vtype_t< T > > *src, ndarr< cmplx< T > > &dst)'],['../namespacepocketfft_1_1detail.html#a21980853aca4d92ed06e3dcffe7ef660',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#a310481c334e46674710ba794ad7403c0',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], - ['copy_5fs_134',['copy_s',['../metal_2kernels_2copy_8h.html#aef09f9b9475345b1bba121d037d222ea',1,'copy.h']]], - ['copy_5fs2_135',['copy_s2',['../metal_2kernels_2copy_8h.html#a8023e9335cc5334847a8d315042be3a3',1,'copy.h']]], - ['copy_5fshared_5fbuffer_136',['copy_shared_buffer',['../classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b',1,'mlx::core::array::copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)'],['../classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29',1,'mlx::core::array::copy_shared_buffer(const array &other)']]], - ['copy_5fv_137',['copy_v',['../metal_2kernels_2copy_8h.html#ae26a13e0c8e6c15f7b10078e65970659',1,'copy.h']]], - ['copy_5fv2_138',['copy_v2',['../metal_2kernels_2copy_8h.html#aee14a5326f53d9b30b0b38e27d180ef3',1,'copy.h']]], - ['copytype_139',['CopyType',['../namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337',1,'mlx::core']]], - ['core_20array_20operations_140',['Core array operations',['../group__ops.html',1,'']]], - ['cos_141',['Cos',['../struct_cos.html',1,'Cos'],['../classmlx_1_1core_1_1_cos.html',1,'mlx::core::Cos'],['../structmlx_1_1core_1_1detail_1_1_cos.html',1,'mlx::core::detail::Cos'],['../classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995',1,'mlx::core::Cos::Cos()']]], - ['cos_142',['cos',['../namespacepocketfft_1_1detail.html#a499c1e8b7d79a5272af024f46c63ff9d',1,'pocketfft::detail::cos()'],['../namespacemlx_1_1core_1_1simd.html#ab179f429e34cd6d5c37050ea7e7c54ad',1,'mlx::core::simd::cos()'],['../namespacemetal.html#a2fa4778a6fe2fa43253ea724e5a608a3',1,'metal::cos()'],['../namespacemetal_1_1fast.html#a75b6bb32fa3870eda46a7bfc9f481f88',1,'metal::fast::cos()'],['../namespacemetal_1_1precise.html#ac4941f62e7d8ab9d7cabbd967aa9f220',1,'metal::precise::cos()'],['../group__ops.html#ga39dfdf72b556012aa35ff27a94116e74',1,'mlx::core::cos()']]], - ['cosh_143',['Cosh',['../struct_cosh.html',1,'Cosh'],['../classmlx_1_1core_1_1_cosh.html',1,'mlx::core::Cosh'],['../structmlx_1_1core_1_1detail_1_1_cosh.html',1,'mlx::core::detail::Cosh'],['../classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1',1,'mlx::core::Cosh::Cosh()']]], - ['cosh_144',['cosh',['../namespacemlx_1_1core_1_1simd.html#aedc18b6fdb820cce9125c977c02833aa',1,'mlx::core::simd::cosh(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa5b4f7d3b776e8d16907e15a11800f01',1,'mlx::core::simd::cosh(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ae1265896d855818d20f2de2a9ebb684a',1,'mlx::core::simd::cosh(Simd< T, 1 > in)'],['../namespacemetal.html#a8a68a88cc110830d057dbd71431b93c0',1,'metal::cosh()'],['../namespacemetal_1_1fast.html#a31544ad9de28012a4ddda86e3966a77e',1,'metal::fast::cosh()'],['../namespacemetal_1_1precise.html#a72d86d508300a9b58f4ccbbe70da4fbc',1,'metal::precise::cosh()'],['../group__ops.html#ga2181b71cda88007a3092be4795ff0715',1,'mlx::core::cosh()']]], - ['cosine_145',['cosine',['../structpocketfft_1_1detail_1_1_exec_dcst.html#a185023fc1e386cc8f233b79c49c1fd8a',1,'pocketfft::detail::ExecDcst']]], - ['cospi_146',['cospi',['../namespacemetal.html#a5c2f37939ad705ddea4409d3bedb8ce1',1,'metal::cospi()'],['../namespacemetal_1_1fast.html#a9906b41f75319b384ffb570cc94d67ce',1,'metal::fast::cospi()'],['../namespacemetal_1_1precise.html#a2392b78bd196efdbbac65901c4ab20e7',1,'metal::precise::cospi()']]], - ['cost_5fguess_147',['cost_guess',['../structpocketfft_1_1detail_1_1util.html#ad3d874bc3fb0048df2270779a15d4bd0',1,'pocketfft::detail::util']]], - ['count_5fdown_148',['count_down',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#a81d6597189b40410e35f3cd653fd1342',1,'pocketfft::detail::threading::latch']]], - ['cpu_149',['cpu',['../structmlx_1_1core_1_1_device.html#a69ee81924251dec96f1945c9d91506fd',1,'mlx::core::Device::cpu'],['../structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdbad9747e2da342bdb995f6389533ad1a3d',1,'mlx::core::Device::cpu']]], - ['cross_150',['cross',['../namespacemlx_1_1core_1_1linalg.html#abcda3fbda45183c21e7f27aa0dde64e6',1,'mlx::core::linalg']]], - ['cshape_151',['CShape',['../structmlx_1_1steel_1_1_c_shape.html',1,'mlx::steel']]], - ['ctile_152',['Ctile',['../structmlx_1_1steel_1_1_block_m_m_a.html#a21b0c40d16eced109bd3196186170bc6',1,'mlx::steel::BlockMMA']]], - ['cummax_153',['CumMax',['../struct_cum_max.html',1,'']]], - ['cummax_154',['cummax',['../group__ops.html#gaee37cac8476e8f8d666bcded5bc59143',1,'mlx::core']]], - ['cummin_155',['CumMin',['../struct_cum_min.html',1,'']]], - ['cummin_156',['cummin',['../group__ops.html#ga19c1bf6929fe8d66b9cd408946aea6a8',1,'mlx::core']]], - ['cumprod_157',['CumProd',['../struct_cum_prod.html',1,'']]], - ['cumprod_158',['cumprod',['../group__ops.html#ga0d71dfbc14ef3ed564b0c5ee26af680f',1,'mlx::core']]], - ['cumprod_3c_20bool_20_3e_159',['CumProd< bool >',['../struct_cum_prod_3_01bool_01_4.html',1,'']]], - ['cumsum_160',['CumSum',['../struct_cum_sum.html',1,'']]], - ['cumsum_161',['cumsum',['../group__ops.html#gaddc825a5c173e195ab0fda83ad630420',1,'mlx::core']]], - ['custom_162',['Custom',['../classmlx_1_1core_1_1fast_1_1_custom.html',1,'mlx::core::fast::Custom'],['../classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313',1,'mlx::core::fast::Custom::Custom()']]], - ['custom_5ffunction_163',['custom_function',['../namespacemlx_1_1core.html#a8d3ca5fbaecdb995660c24cde5aeebaf',1,'mlx::core']]], - ['custom_5fvjp_164',['custom_vjp',['../namespacemlx_1_1core.html#a9290596250fa308df4c69b44483bb8aa',1,'mlx::core']]], - ['customkernel_165',['CustomKernel',['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html',1,'mlx::core::fast::CustomKernel'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153',1,'mlx::core::fast::CustomKernel::CustomKernel()']]], - ['customkernelshapeinfo_166',['CustomKernelShapeInfo',['../structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html',1,'mlx::core::fast']]], - ['customtransforms_167',['CustomTransforms',['../classmlx_1_1core_1_1_custom_transforms.html',1,'mlx::core::CustomTransforms'],['../classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488',1,'mlx::core::CustomTransforms::CustomTransforms()']]] + ['compile_47',['compile',['../namespacemlx_1_1core.html#a55933c6665de9f81059120d6b0de1c87',1,'mlx::core::compile(std::function< std::vector< array >(const std::vector< array > &)> fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#abf57076f6d2351ba9f1e0cbe478f8afa',1,'mlx::core::compile(std::vector< array >(*fun)(const std::vector< array > &), bool shapeless=false)'],['../namespacemlx_1_1core.html#ace67713d269595f5f2265e46728a6f9c',1,'mlx::core::compile(F &&f, bool shapeless=false)'],['../namespacemlx_1_1core_1_1detail.html#af556c7576658b2e2498ead70339d95e5',1,'mlx::core::detail::compile()']]], + ['compile_2eh_48',['compile.h',['../compile_8h.html',1,'']]], + ['compile_5favailable_5ffor_5fdevice_49',['compile_available_for_device',['../namespacemlx_1_1core_1_1detail.html#aeeff2ba6ec3d9d4ed090de6d2681dbc2',1,'mlx::core::detail']]], + ['compile_5fclear_5fcache_50',['compile_clear_cache',['../namespacemlx_1_1core_1_1detail.html#a3fb927c209b946aefebb195993fbe4cf',1,'mlx::core::detail']]], + ['compile_5fdfs_51',['compile_dfs',['../namespacemlx_1_1core_1_1detail.html#a545fccdb5dc365b154cf4f0a2ca4753b',1,'mlx::core::detail']]], + ['compile_5ferase_52',['compile_erase',['../namespacemlx_1_1core_1_1detail.html#a69eb76a14f845ca000f1ccb2edda0175',1,'mlx::core::detail']]], + ['compile_5fimpl_2eh_53',['compile_impl.h',['../compile__impl_8h.html',1,'']]], + ['compile_5freplace_54',['compile_replace',['../namespacemlx_1_1core_1_1detail.html#a56fc01df6ba4c508d1da8b366b1328ac',1,'mlx::core::detail']]], + ['compile_5fsimplify_55',['compile_simplify',['../namespacemlx_1_1core_1_1detail.html#a33c878c900ca06f35d479f99c57b9e39',1,'mlx::core::detail']]], + ['compile_5ftrace_56',['compile_trace',['../namespacemlx_1_1core_1_1detail.html#ac2163a401119bb6edecfeb43373ef0dd',1,'mlx::core::detail']]], + ['compile_5fvalidate_5fshapeless_57',['compile_validate_shapeless',['../namespacemlx_1_1core_1_1detail.html#a10d612cb45a17fa17b704a357a902a68',1,'mlx::core::detail']]], + ['compiled_58',['Compiled',['../classmlx_1_1core_1_1_compiled.html',1,'mlx::core::Compiled'],['../classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051',1,'mlx::core::Compiled::Compiled()']]], + ['compiled_2eh_59',['compiled.h',['../compiled_8h.html',1,'']]], + ['compiled_5fallocate_5foutputs_60',['compiled_allocate_outputs',['../namespacemlx_1_1core.html#a8ed5ff0d69f6c7d2e092fe811e40d564',1,'mlx::core']]], + ['compiled_5fcheck_5fcontiguity_61',['compiled_check_contiguity',['../namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be',1,'mlx::core']]], + ['compiled_5fpreamble_2eh_62',['compiled_preamble.h',['../compiled__preamble_8h.html',1,'']]], + ['compilemode_63',['CompileMode',['../namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4',1,'mlx::core']]], + ['complex_2eh_64',['complex.h',['../backend_2metal_2kernels_2complex_8h.html',1,'(Global Namespace)'],['../types_2complex_8h.html',1,'(Global Namespace)']]], + ['complex128_5ft_65',['complex128_t',['../structmlx_1_1core_1_1complex128__t.html',1,'mlx::core::complex128_t'],['../structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178',1,'mlx::core::complex128_t::complex128_t()'],['../structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0',1,'mlx::core::complex128_t::complex128_t(double v, double u)'],['../structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6',1,'mlx::core::complex128_t::complex128_t(std::complex< double > v)'],['../structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf',1,'mlx::core::complex128_t::complex128_t(T x)']]], + ['complex64_66',['complex64',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa8c022579455bcd2c681f007e84f4e2cf',1,'mlx::core::Dtype::complex64'],['../namespacemlx_1_1core.html#af99db87e0078bfcdb383f5689bc874d4',1,'mlx::core::complex64']]], + ['complex64_5ft_67',['complex64_t',['../structcomplex64__t.html',1,'complex64_t'],['../structmlx_1_1core_1_1complex64__t.html',1,'mlx::core::complex64_t'],['../structcomplex64__t.html#adbd392a5e92d31997380ad0a38be4be8',1,'complex64_t::complex64_t(float real, float imag)'],['../structcomplex64__t.html#a29782289bb90d6294099667b86509cd3',1,'complex64_t::complex64_t()'],['../structcomplex64__t.html#a905b048d70eb8d748a62454268242291',1,'complex64_t::complex64_t() threadgroup'],['../structcomplex64__t.html#a33a2452eb33b5ed53655773539c357a5',1,'complex64_t::complex64_t(T x) thread'],['../structcomplex64__t.html#a89b65ace8588b7bf215355f705eb23d9',1,'complex64_t::complex64_t(T x) threadgroup'],['../structcomplex64__t.html#ac81b486f642fb3b26c5d659917bdbcd0',1,'complex64_t::complex64_t(T x) device'],['../structcomplex64__t.html#a0a27a41206400f1e62b60ceb56960c93',1,'complex64_t::complex64_t(T x) const ant'],['../structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3',1,'mlx::core::complex64_t::complex64_t()'],['../structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c',1,'mlx::core::complex64_t::complex64_t(float v, float u)'],['../structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09',1,'mlx::core::complex64_t::complex64_t(std::complex< float > v)'],['../structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50',1,'mlx::core::complex64_t::complex64_t(T x)']]], + ['complex_5fbinop_68',['complex_binop',['../types_2complex_8h.html#a9c7995d495359894e1b30c0f1678d6bd',1,'complex.h']]], + ['complex_5fbinop_5fhelper_69',['complex_binop_helper',['../types_2complex_8h.html#ac6890f9852de12339b09b65757ebc8c4',1,'complex.h']]], + ['complex_5fmul_70',['complex_mul',['../radix_8h.html#a5bfc53b531214c9ce277bebc18aa67d6',1,'radix.h']]], + ['complex_5fmul_5fconj_71',['complex_mul_conj',['../radix_8h.html#a0e2dfd3d1dda09f47ccc64eec35629f3',1,'radix.h']]], + ['complexfloating_72',['complexfloating',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2dafb203630099d501ff7c255a574bc4812',1,'mlx::core::Dtype::complexfloating'],['../namespacemlx_1_1core.html#a70b8e88c9df750af984757105af33423',1,'mlx::core::complexfloating']]], + ['compute_5fstrided_5findices_73',['compute_strided_indices',['../struct_read_writer.html#a7c903fbb8b85a856ba5564d7df537cdf',1,'ReadWriter']]], + ['concatenate_74',['Concatenate',['../classmlx_1_1core_1_1_concatenate.html',1,'mlx::core::Concatenate'],['../classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888',1,'mlx::core::Concatenate::Concatenate()']]], + ['concatenate_75',['concatenate',['../namespacemlx_1_1core.html#a76a2e310857f60f5ea6f1388d45b964d',1,'mlx::core::concatenate(std::string &acc, T first)'],['../namespacemlx_1_1core.html#aaf51544472fa87fa974686eacdd2a4a6',1,'mlx::core::concatenate(std::string &acc, T first, Args... args)'],['../group__ops.html#ga52838af566948b1b96e7aa00832071b3',1,'mlx::core::concatenate(std::vector< array > arrays, int axis, StreamOrDevice s={})'],['../group__ops.html#ga666ac69778984fafdc2f51d296270468',1,'mlx::core::concatenate(std::vector< array > arrays, StreamOrDevice s={})']]], + ['concatenate_5fgpu_76',['concatenate_gpu',['../namespacemlx_1_1core.html#a050299d0d366ca5c9d09d1004dcc3e7d',1,'mlx::core']]], + ['concurrent_5fqueue_77',['concurrent_queue',['../classpocketfft_1_1detail_1_1threading_1_1concurrent__queue.html',1,'pocketfft::detail::threading']]], + ['concurrent_5fqueue_3c_20std_3a_3afunction_3c_20void_28_29_3e_20_3e_78',['concurrent_queue< std::function< void()> >',['../classpocketfft_1_1detail_1_1threading_1_1concurrent__queue.html',1,'pocketfft::detail::threading']]], + ['concurrentcontext_79',['ConcurrentContext',['../structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html',1,'mlx::core::CommandEncoder::ConcurrentContext'],['../structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html',1,'mlx::core::metal::CommandEncoder::ConcurrentContext'],['../structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::metal::CommandEncoder::ConcurrentContext::ConcurrentContext()'],['../structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::CommandEncoder::ConcurrentContext::ConcurrentContext()']]], + ['cond_80',['cond',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4ffd524d6a5bedd1a303b63bdde6701c',1,'mlx::core::scheduler::StreamThread']]], + ['conditionaltype_81',['ConditionalType',['../struct_conditional_type.html',1,'']]], + ['conditionaltype_3c_20true_2c_20t_2c_20u_20_3e_82',['ConditionalType< true, T, U >',['../struct_conditional_type_3_01true_00_01_t_00_01_u_01_4.html',1,'']]], + ['conj_83',['conj',['../namespacepocketfft_1_1detail.html#a66d79051d502046a9b9f103e744dbad3',1,'pocketfft::detail::conj()'],['../namespacemlx_1_1core_1_1simd.html#a660b79a51fb439f4aba91e2aea276300',1,'mlx::core::simd::conj()']]], + ['conjugate_84',['Conjugate',['../struct_conjugate.html',1,'Conjugate'],['../classmlx_1_1core_1_1_conjugate.html',1,'mlx::core::Conjugate'],['../structmlx_1_1core_1_1detail_1_1_conjugate.html',1,'mlx::core::detail::Conjugate'],['../classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87',1,'mlx::core::Conjugate::Conjugate()']]], + ['conjugate_85',['conjugate',['../group__ops.html#ga5b596906bf8cdc8d97ed6ddc9aeb4c23',1,'mlx::core']]], + ['contiguous_86',['Contiguous',['../classmlx_1_1core_1_1_contiguous.html',1,'mlx::core::Contiguous'],['../classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0',1,'mlx::core::Contiguous::Contiguous()']]], + ['contiguous_87',['contiguous',['../structmlx_1_1core_1_1array_1_1_flags.html#afd0ab11e7a486a2a8e50ee84b971ac8a',1,'mlx::core::array::Flags::contiguous'],['../group__ops.html#ga8ab10aa6c41416d739791164a52b25d5',1,'mlx::core::contiguous()']]], + ['contiguous_5fscan_88',['contiguous_scan',['../scan_8h.html#a60d279b9add7d56639bb209408f09d79',1,'scan.h']]], + ['contiguousallreduce_89',['ContiguousAllReduce',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ae4e34c7154eb8dc47aa8503209730424',1,'mlx::core']]], + ['contiguousiterator_90',['ContiguousIterator',['../structmlx_1_1core_1_1_contiguous_iterator.html',1,'mlx::core::ContiguousIterator'],['../structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3',1,'mlx::core::ContiguousIterator::ContiguousIterator()'],['../structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735',1,'mlx::core::ContiguousIterator::ContiguousIterator(const array &a)'],['../structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375',1,'mlx::core::ContiguousIterator::ContiguousIterator(const Shape &shape, const Strides &strides, int dims)']]], + ['contiguousreduce_91',['ContiguousReduce',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ad2547f25dffe8d8936dbec25601cfc84',1,'mlx::core']]], + ['contiguousstridedreduce_92',['ContiguousStridedReduce',['../namespacemlx_1_1core.html#a12412984a1cabfe1189942c898f8fe65ab48dac7508a2c790de1bdc33f29177ed',1,'mlx::core']]], + ['conv_93',['conv',['../namespacemlx_1_1core_1_1metal.html#ab1704e853394c725668c06752ebb5c24',1,'mlx::core::metal']]], + ['conv_2eh_94',['conv.h',['../conv_8h.html',1,'']]], + ['conv1d_95',['conv1d',['../group__ops.html#ga30d47e08093c03a3676f235f9f559411',1,'mlx::core']]], + ['conv2d_96',['conv2d',['../group__ops.html#ga73b02833229678786e7f302d458d5a83',1,'mlx::core']]], + ['conv2dgeneralbaseinfo_97',['Conv2DGeneralBaseInfo',['../structmlx_1_1steel_1_1_conv2_d_general_base_info.html',1,'mlx::steel']]], + ['conv2dgeneraljumpparams_98',['Conv2DGeneralJumpParams',['../structmlx_1_1steel_1_1_conv2_d_general_jump_params.html',1,'mlx::steel']]], + ['conv2dinputblockloadergeneral_99',['Conv2DInputBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html',1,'mlx::steel::Conv2DInputBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::Conv2DInputBlockLoaderGeneral()']]], + ['conv2dinputblockloaderlargefilter_100',['Conv2DInputBlockLoaderLargeFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::Conv2DInputBlockLoaderLargeFilter()']]], + ['conv2dinputblockloadersmallchannels_101',['Conv2DInputBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::Conv2DInputBlockLoaderSmallChannels()']]], + ['conv2dinputblockloadersmallfilter_102',['Conv2DInputBlockLoaderSmallFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::Conv2DInputBlockLoaderSmallFilter()']]], + ['conv2dweightblockloader_103',['Conv2DWeightBlockLoader',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html',1,'mlx::steel::Conv2DWeightBlockLoader< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c',1,'mlx::steel::Conv2DWeightBlockLoader::Conv2DWeightBlockLoader()']]], + ['conv2dweightblockloadergeneral_104',['Conv2DWeightBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral< T, BM, BN, BK, tgp_size, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::Conv2DWeightBlockLoaderGeneral()']]], + ['conv2dweightblockloadersmallchannels_105',['Conv2DWeightBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels< T, BM, BN, BK, tgp_size, n_channels, tgp_padding >'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::Conv2DWeightBlockLoaderSmallChannels()']]], + ['conv3d_106',['conv3d',['../group__ops.html#ga6e9907d2f14dc4803e4306b3dbc4b3ca',1,'mlx::core']]], + ['conv_5fgeneral_107',['conv_general',['../group__ops.html#ga2236e5dfc7e52e28abf6c21675d0a51e',1,'mlx::core::conv_general(array input, array weight, std::vector< int > stride={}, std::vector< int > padding_lo={}, std::vector< int > padding_hi={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})'],['../group__ops.html#gab59f89942cd1efaadffe9e8762e3c99d',1,'mlx::core::conv_general(const array &input, const array &weight, std::vector< int > stride={}, std::vector< int > padding={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})']]], + ['conv_5ftranspose1d_108',['conv_transpose1d',['../group__ops.html#gaa30bf1adcd78d1c2595d07b215731714',1,'mlx::core']]], + ['conv_5ftranspose2d_109',['conv_transpose2d',['../group__ops.html#gaebb59971cb9bc45005dc1d398e4f0a3d',1,'mlx::core']]], + ['conv_5ftranspose3d_110',['conv_transpose3d',['../group__ops.html#ga8db814da631d9cd32a8d6563bf4ac530',1,'mlx::core']]], + ['convolution_111',['Convolution',['../classmlx_1_1core_1_1_convolution.html',1,'mlx::core::Convolution'],['../classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef',1,'mlx::core::Convolution::Convolution()']]], + ['copy_112',['Copy',['../classmlx_1_1core_1_1_copy.html',1,'mlx::core::Copy'],['../classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584',1,'mlx::core::Copy::Copy()']]], + ['copy_113',['copy',['../namespacemlx_1_1core.html#a017bd8bd743e26f1ff971c8749b55daf',1,'mlx::core::copy()'],['../namespacemlx_1_1core_1_1metal.html#aa215e631e2680f04a591b88d91571719',1,'mlx::core::metal::copy()'],['../group__ops.html#gae306e93af12f774bd80bad6c231b09d6',1,'mlx::core::copy()']]], + ['copy_2eh_114',['copy.h',['../common_2copy_8h.html',1,'(Global Namespace)'],['../cpu_2copy_8h.html',1,'(Global Namespace)'],['../metal_2copy_8h.html',1,'(Global Namespace)'],['../metal_2kernels_2copy_8h.html',1,'(Global Namespace)']]], + ['copy_5fg_115',['copy_g',['../metal_2kernels_2copy_8h.html#a71e4103db4689d90ef6f9d5ba93604cf',1,'copy.h']]], + ['copy_5fg_5fnd1_116',['copy_g_nd1',['../metal_2kernels_2copy_8h.html#a232c5c6b8386cf8ecbf4cdadb6e4176e',1,'copy.h']]], + ['copy_5fg_5fnd2_117',['copy_g_nd2',['../metal_2kernels_2copy_8h.html#a39ec5b7b8351e4332b842982a2ee6260',1,'copy.h']]], + ['copy_5fg_5fnd3_118',['copy_g_nd3',['../metal_2kernels_2copy_8h.html#aab82689380897ff4716b5eafd6ef3ecc',1,'copy.h']]], + ['copy_5fgg_119',['copy_gg',['../metal_2kernels_2copy_8h.html#ade9a9eea9b8262a854a11721fe2bb9fa',1,'copy.h']]], + ['copy_5fgg_5fdynamic_120',['copy_gg_dynamic',['../metal_2kernels_2copy_8h.html#ad0f05a73165d4ee38c9f02c705ea6ca8',1,'copy.h']]], + ['copy_5fgg_5fdynamic_5fnd1_121',['copy_gg_dynamic_nd1',['../metal_2kernels_2copy_8h.html#a8548ea41cac179084ddd33d26921576f',1,'copy.h']]], + ['copy_5fgg_5fdynamic_5fnd2_122',['copy_gg_dynamic_nd2',['../metal_2kernels_2copy_8h.html#a9b9266ee25a4dbcbe4fde883b40170f1',1,'copy.h']]], + ['copy_5fgg_5fdynamic_5fnd3_123',['copy_gg_dynamic_nd3',['../metal_2kernels_2copy_8h.html#af33ccc02f10bcb5c19ea7b1dd0af4956',1,'copy.h']]], + ['copy_5fgg_5fnd1_124',['copy_gg_nd1',['../metal_2kernels_2copy_8h.html#a370d7bbba1a4b0d64da873bafd29a78b',1,'copy.h']]], + ['copy_5fgg_5fnd2_125',['copy_gg_nd2',['../metal_2kernels_2copy_8h.html#af0b06ac3a96852a64fa4274a94b58301',1,'copy.h']]], + ['copy_5fgg_5fnd3_126',['copy_gg_nd3',['../metal_2kernels_2copy_8h.html#a3f3836ad0b6545ec9b9e1864224f7a13',1,'copy.h']]], + ['copy_5fgpu_127',['copy_gpu',['../namespacemlx_1_1core.html#addaa46a13ac2deb1d9ce621338320e0e',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a6a6f4e46c8fc44fdc74c50ace02bcf38',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype)']]], + ['copy_5fgpu_5finplace_128',['copy_gpu_inplace',['../namespacemlx_1_1core.html#a473fb602368f6c73d9105c9a151c4c82',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, const Stream &s, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt)'],['../namespacemlx_1_1core.html#a58ef0842dd1b8f79159d5fb6777d30a1',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a49fc043a981925b9be79e37fc415d966',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Strides &i_strides, int64_t i_offset, CopyType ctype, const Stream &s)']]], + ['copy_5fhartley_129',['copy_hartley',['../namespacepocketfft_1_1detail.html#abac3fcc8ce83800d228774f64c28d4c3',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#ae7b44d2773d9d06a9787aff01d66b3ed',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], + ['copy_5finplace_130',['copy_inplace',['../namespacemlx_1_1core.html#ab30708325761c91e7dde245827e9dd91',1,'mlx::core::copy_inplace(const array &src, array &dst, CopyType ctype, Stream stream)'],['../namespacemlx_1_1core.html#a1e4381d42877a5c6050c20e77d13c990',1,'mlx::core::copy_inplace(const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, Stream stream, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt)']]], + ['copy_5finput_131',['copy_input',['../namespacepocketfft_1_1detail.html#aff05be3064743c1143b19318ab12ad4a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< cmplx< T > > &src, cmplx< vtype_t< T > > *dst)'],['../namespacepocketfft_1_1detail.html#a30fc708f9d8f9cfa74194925c7863c0a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, vtype_t< T > *dst)'],['../namespacepocketfft_1_1detail.html#a3387bd35f237870e42b8461769e6aec4',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, T *dst)']]], + ['copy_5foutput_132',['copy_output',['../namespacepocketfft_1_1detail.html#a1523a037300a8da05db210b802d9cb0e',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const cmplx< vtype_t< T > > *src, ndarr< cmplx< T > > &dst)'],['../namespacepocketfft_1_1detail.html#a21980853aca4d92ed06e3dcffe7ef660',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#a310481c334e46674710ba794ad7403c0',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], + ['copy_5fs_133',['copy_s',['../metal_2kernels_2copy_8h.html#aef09f9b9475345b1bba121d037d222ea',1,'copy.h']]], + ['copy_5fs2_134',['copy_s2',['../metal_2kernels_2copy_8h.html#a8023e9335cc5334847a8d315042be3a3',1,'copy.h']]], + ['copy_5fshared_5fbuffer_135',['copy_shared_buffer',['../classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b',1,'mlx::core::array::copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)'],['../classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29',1,'mlx::core::array::copy_shared_buffer(const array &other)']]], + ['copy_5fv_136',['copy_v',['../metal_2kernels_2copy_8h.html#ae26a13e0c8e6c15f7b10078e65970659',1,'copy.h']]], + ['copy_5fv2_137',['copy_v2',['../metal_2kernels_2copy_8h.html#aee14a5326f53d9b30b0b38e27d180ef3',1,'copy.h']]], + ['copytype_138',['CopyType',['../namespacemlx_1_1core.html#abd84ff6c5245e4e170b2ef5247594337',1,'mlx::core']]], + ['core_20array_20operations_139',['Core array operations',['../group__ops.html',1,'']]], + ['cos_140',['Cos',['../struct_cos.html',1,'Cos'],['../classmlx_1_1core_1_1_cos.html',1,'mlx::core::Cos'],['../structmlx_1_1core_1_1detail_1_1_cos.html',1,'mlx::core::detail::Cos'],['../classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995',1,'mlx::core::Cos::Cos()']]], + ['cos_141',['cos',['../namespacepocketfft_1_1detail.html#a499c1e8b7d79a5272af024f46c63ff9d',1,'pocketfft::detail::cos()'],['../namespacemlx_1_1core_1_1simd.html#ab179f429e34cd6d5c37050ea7e7c54ad',1,'mlx::core::simd::cos()'],['../namespacemetal.html#a2fa4778a6fe2fa43253ea724e5a608a3',1,'metal::cos()'],['../namespacemetal_1_1fast.html#a75b6bb32fa3870eda46a7bfc9f481f88',1,'metal::fast::cos()'],['../namespacemetal_1_1precise.html#ac4941f62e7d8ab9d7cabbd967aa9f220',1,'metal::precise::cos()'],['../group__ops.html#ga39dfdf72b556012aa35ff27a94116e74',1,'mlx::core::cos()']]], + ['cosh_142',['Cosh',['../struct_cosh.html',1,'Cosh'],['../classmlx_1_1core_1_1_cosh.html',1,'mlx::core::Cosh'],['../structmlx_1_1core_1_1detail_1_1_cosh.html',1,'mlx::core::detail::Cosh'],['../classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1',1,'mlx::core::Cosh::Cosh()']]], + ['cosh_143',['cosh',['../namespacemlx_1_1core_1_1simd.html#aedc18b6fdb820cce9125c977c02833aa',1,'mlx::core::simd::cosh(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa5b4f7d3b776e8d16907e15a11800f01',1,'mlx::core::simd::cosh(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ae1265896d855818d20f2de2a9ebb684a',1,'mlx::core::simd::cosh(Simd< T, 1 > in)'],['../namespacemetal.html#a8a68a88cc110830d057dbd71431b93c0',1,'metal::cosh()'],['../namespacemetal_1_1fast.html#a31544ad9de28012a4ddda86e3966a77e',1,'metal::fast::cosh()'],['../namespacemetal_1_1precise.html#a72d86d508300a9b58f4ccbbe70da4fbc',1,'metal::precise::cosh()'],['../group__ops.html#ga2181b71cda88007a3092be4795ff0715',1,'mlx::core::cosh()']]], + ['cosine_144',['cosine',['../structpocketfft_1_1detail_1_1_exec_dcst.html#a185023fc1e386cc8f233b79c49c1fd8a',1,'pocketfft::detail::ExecDcst']]], + ['cospi_145',['cospi',['../namespacemetal.html#a5c2f37939ad705ddea4409d3bedb8ce1',1,'metal::cospi()'],['../namespacemetal_1_1fast.html#a9906b41f75319b384ffb570cc94d67ce',1,'metal::fast::cospi()'],['../namespacemetal_1_1precise.html#a2392b78bd196efdbbac65901c4ab20e7',1,'metal::precise::cospi()']]], + ['cost_5fguess_146',['cost_guess',['../structpocketfft_1_1detail_1_1util.html#ad3d874bc3fb0048df2270779a15d4bd0',1,'pocketfft::detail::util']]], + ['count_5fdown_147',['count_down',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#a81d6597189b40410e35f3cd653fd1342',1,'pocketfft::detail::threading::latch']]], + ['cpu_148',['cpu',['../structmlx_1_1core_1_1_device.html#a69ee81924251dec96f1945c9d91506fd',1,'mlx::core::Device::cpu'],['../structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdbad9747e2da342bdb995f6389533ad1a3d',1,'mlx::core::Device::cpu']]], + ['cross_149',['cross',['../namespacemlx_1_1core_1_1linalg.html#abcda3fbda45183c21e7f27aa0dde64e6',1,'mlx::core::linalg']]], + ['cshape_150',['CShape',['../structmlx_1_1steel_1_1_c_shape.html',1,'mlx::steel']]], + ['ctile_151',['Ctile',['../structmlx_1_1steel_1_1_block_m_m_a.html#a21b0c40d16eced109bd3196186170bc6',1,'mlx::steel::BlockMMA']]], + ['cummax_152',['CumMax',['../struct_cum_max.html',1,'']]], + ['cummax_153',['cummax',['../group__ops.html#gaee37cac8476e8f8d666bcded5bc59143',1,'mlx::core']]], + ['cummin_154',['CumMin',['../struct_cum_min.html',1,'']]], + ['cummin_155',['cummin',['../group__ops.html#ga19c1bf6929fe8d66b9cd408946aea6a8',1,'mlx::core']]], + ['cumprod_156',['CumProd',['../struct_cum_prod.html',1,'']]], + ['cumprod_157',['cumprod',['../group__ops.html#ga0d71dfbc14ef3ed564b0c5ee26af680f',1,'mlx::core']]], + ['cumprod_3c_20bool_20_3e_158',['CumProd< bool >',['../struct_cum_prod_3_01bool_01_4.html',1,'']]], + ['cumsum_159',['CumSum',['../struct_cum_sum.html',1,'']]], + ['cumsum_160',['cumsum',['../group__ops.html#gaddc825a5c173e195ab0fda83ad630420',1,'mlx::core']]], + ['custom_161',['Custom',['../classmlx_1_1core_1_1fast_1_1_custom.html',1,'mlx::core::fast::Custom'],['../classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313',1,'mlx::core::fast::Custom::Custom()']]], + ['custom_5ffunction_162',['custom_function',['../namespacemlx_1_1core.html#a8d3ca5fbaecdb995660c24cde5aeebaf',1,'mlx::core']]], + ['custom_5fvjp_163',['custom_vjp',['../namespacemlx_1_1core.html#a9290596250fa308df4c69b44483bb8aa',1,'mlx::core']]], + ['customkernel_164',['CustomKernel',['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html',1,'mlx::core::fast::CustomKernel'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153',1,'mlx::core::fast::CustomKernel::CustomKernel()']]], + ['customkernelshapeinfo_165',['CustomKernelShapeInfo',['../structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html',1,'mlx::core::fast']]], + ['customtransforms_166',['CustomTransforms',['../classmlx_1_1core_1_1_custom_transforms.html',1,'mlx::core::CustomTransforms'],['../classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488',1,'mlx::core::CustomTransforms::CustomTransforms()']]] ]; diff --git a/docs/build/html/search/all_4.js b/docs/build/html/search/all_4.js index 4c501d496..5079c54e0 100644 --- a/docs/build/html/search/all_4.js +++ b/docs/build/html/search/all_4.js @@ -40,40 +40,44 @@ var searchData= ['depends_37',['depends',['../group__ops.html#gac4a51a68fbe1725436b026d2fbb95759',1,'mlx::core']]], ['dequantize_38',['dequantize',['../quantized_8h.html#aecff265b63566d0d5689cfc4e5b037d2',1,'dequantize(): quantized.h'],['../group__ops.html#gabff758a5c1ce32ad7e8b78aba0164077',1,'mlx::core::dequantize()']]], ['detach_39',['detach',['../classmlx_1_1core_1_1array.html#a84948c29df8c957904919c8602692bd2',1,'mlx::core::array']]], - ['device_40',['Device',['../structmlx_1_1core_1_1_device.html',1,'mlx::core::Device'],['../classmlx_1_1core_1_1metal_1_1_device.html',1,'mlx::core::metal::Device'],['../classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6',1,'mlx::core::metal::Device::Device()'],['../classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06',1,'mlx::core::metal::Device::Device(const Device &)=delete'],['../structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489',1,'mlx::core::Device::Device()']]], - ['device_41',['device',['../structmlx_1_1core_1_1_stream.html#a406b1b0162287a4162fab1f70e2ff3bb',1,'mlx::core::Stream::device'],['../classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261',1,'mlx::core::Primitive::device()'],['../namespacemlx_1_1core_1_1metal.html#a910797b74824e6ee576fbb533dee8b57',1,'mlx::core::metal::device()']]], - ['device_2eh_42',['device.h',['../backend_2metal_2device_8h.html',1,'(Global Namespace)'],['../device_8h.html',1,'(Global Namespace)']]], - ['device_5finfo_43',['device_info',['../namespacemlx_1_1core_1_1metal.html#aebddc0ae4bc73a1acebc4a844475593b',1,'mlx::core::metal']]], - ['devicestream_44',['DeviceStream',['../structmlx_1_1core_1_1metal_1_1_device_stream.html',1,'mlx::core::metal::DeviceStream'],['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7',1,'mlx::core::metal::DeviceStream::DeviceStream()']]], - ['devicetype_45',['DeviceType',['../structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdb',1,'mlx::core::Device']]], - ['diag_46',['diag',['../group__ops.html#ga11af511875640e1fa88e0ca87e199344',1,'mlx::core']]], - ['diagonal_47',['diagonal',['../group__ops.html#ga9236b085a88ead3128ed8079d009cac6',1,'mlx::core']]], - ['difference_5ftype_48',['difference_type',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#adcee44c77980fc2370a2c31e203aead5',1,'mlx::core::array::ArrayIterator']]], - ['digits_49',['digits',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#af6a681edff230c8d734a1feefb8d1879',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['digits10_50',['digits10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a0f48dd0c8a2d2dfa825067fb212b2e6b',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['dim_51',['dim',['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc::dim'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01true_01_4.html#a7be6bf560080472d61e74b522979ef1e',1,'LoopedElemToLoc< 1, OffsetT, true >::dim'],['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc< 1, OffsetT, false >::dim'],['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc< 1, OffsetT, true >::dim']]], - ['disable_5fcompile_52',['disable_compile',['../namespacemlx_1_1core.html#a5f5fea955057bb3842b271b037909e66',1,'mlx::core']]], - ['disabled_53',['disabled',['../namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4a075ae3d2fc31640504f814f60e5ef713',1,'mlx::core']]], - ['dispatch_5fthreadgroups_54',['dispatch_threadgroups',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::metal::CommandEncoder::dispatch_threadgroups()'],['../structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::CommandEncoder::dispatch_threadgroups()']]], - ['dispatch_5fthreads_55',['dispatch_threads',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::metal::CommandEncoder::dispatch_threads()'],['../structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::CommandEncoder::dispatch_threads()']]], - ['distprimitive_56',['DistPrimitive',['../classmlx_1_1core_1_1distributed_1_1_dist_primitive.html',1,'mlx::core::distributed::DistPrimitive'],['../classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f',1,'mlx::core::distributed::DistPrimitive::DistPrimitive()']]], - ['distributed_2eh_57',['distributed.h',['../distributed_8h.html',1,'']]], - ['distributed_5fimpl_2eh_58',['distributed_impl.h',['../distributed__impl_8h.html',1,'']]], - ['divide_59',['Divide',['../struct_divide.html',1,'Divide'],['../structmlx_1_1core_1_1detail_1_1_divide.html',1,'mlx::core::detail::Divide'],['../classmlx_1_1core_1_1_divide.html',1,'mlx::core::Divide'],['../classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb',1,'mlx::core::Divide::Divide()']]], - ['divide_60',['divide',['../namespacemetal.html#a2aea493fc1a874970b77ed0031e965df',1,'metal::divide()'],['../namespacemetal_1_1fast.html#ae70bc2185e4649369cf7b15f5e1d48be',1,'metal::fast::divide()'],['../namespacemetal_1_1precise.html#aec0982cdb96a08b61f51129150d82e9d',1,'metal::precise::divide()'],['../group__ops.html#ga77472dd06cfa7a30a42e4fd927bd859f',1,'mlx::core::divide()']]], - ['divmod_61',['DivMod',['../struct_div_mod.html',1,'DivMod'],['../classmlx_1_1core_1_1_div_mod.html',1,'mlx::core::DivMod'],['../classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826',1,'mlx::core::DivMod::DivMod()']]], - ['divmod_62',['divmod',['../group__ops.html#gaa30ebc0a8376dbc3f7e46a47052b5894',1,'mlx::core']]], - ['divop_63',['DivOp',['../struct_div_op.html',1,'']]], - ['do_5faxpby_64',['do_axpby',['../steel__gemm__fused_8h.html#a703f06c849c89c37af7b1d27b0804a29',1,'steel_gemm_fused.h']]], - ['do_5fgather_65',['do_gather',['../steel__gemm__fused_8h.html#a60efac3ac3b7cd64d096bbae38a3ac69',1,'steel_gemm_fused.h']]], - ['do_5fread_66',['do_read',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad',1,'mlx::steel::Conv2DWeightBlockLoader::do_read'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::do_read']]], - ['dst_67',['dst',['../struct_quantized_block_loader.html#a9857214690fe6abad0e19d1045152f83',1,'QuantizedBlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2',1,'mlx::steel::BlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db',1,'mlx::steel::BlockLoaderT::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7',1,'mlx::steel::Conv2DWeightBlockLoader::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst'],['../namespacepocketfft_1_1detail.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::detail::dst()'],['../namespacepocketfft.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::dst()']]], - ['dst_5fld_68',['dst_ld',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d',1,'mlx::steel::Conv2DWeightBlockLoader::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst_ld']]], - ['dtype_69',['Dtype',['../structmlx_1_1core_1_1_dtype.html',1,'mlx::core::Dtype'],['../structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1',1,'mlx::core::Dtype::Dtype()']]], - ['dtype_70',['dtype',['../structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124',1,'mlx::core::finfo::dtype'],['../classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd',1,'mlx::core::array::dtype()']]], - ['dtype_2eh_71',['dtype.h',['../dtype_8h.html',1,'']]], - ['dtype_5ffrag_5ft_72',['dtype_frag_t',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51fcc7447804110f2c2c6e9e361bdc02',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >']]], - ['dtype_5fmat_5ft_73',['dtype_mat_t',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a96ce3732fb66feaeb80bd1ea9aadbd7e',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >']]], - ['dynamicslice_74',['DynamicSlice',['../classmlx_1_1core_1_1_dynamic_slice.html',1,'mlx::core::DynamicSlice'],['../classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b',1,'mlx::core::DynamicSlice::DynamicSlice()']]], - ['dynamicsliceupdate_75',['DynamicSliceUpdate',['../classmlx_1_1core_1_1_dynamic_slice_update.html',1,'mlx::core::DynamicSliceUpdate'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213',1,'mlx::core::DynamicSliceUpdate::DynamicSliceUpdate()']]] + ['detach_5fevent_40',['detach_event',['../classmlx_1_1core_1_1array.html#a9ff36a88bfd7c99a2662136ee9315f4e',1,'mlx::core::array']]], + ['device_41',['Device',['../structmlx_1_1core_1_1_device.html',1,'mlx::core::Device'],['../classmlx_1_1core_1_1metal_1_1_device.html',1,'mlx::core::metal::Device'],['../classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6',1,'mlx::core::metal::Device::Device()'],['../classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06',1,'mlx::core::metal::Device::Device(const Device &)=delete'],['../structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489',1,'mlx::core::Device::Device()']]], + ['device_42',['device',['../structmlx_1_1core_1_1_stream.html#a406b1b0162287a4162fab1f70e2ff3bb',1,'mlx::core::Stream::device'],['../classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261',1,'mlx::core::Primitive::device()'],['../namespacemlx_1_1core_1_1metal.html#a910797b74824e6ee576fbb533dee8b57',1,'mlx::core::metal::device()']]], + ['device_2eh_43',['device.h',['../backend_2metal_2device_8h.html',1,'(Global Namespace)'],['../device_8h.html',1,'(Global Namespace)']]], + ['device_5finfo_44',['device_info',['../namespacemlx_1_1core_1_1metal.html#aebddc0ae4bc73a1acebc4a844475593b',1,'mlx::core::metal']]], + ['devicestream_45',['DeviceStream',['../structmlx_1_1core_1_1metal_1_1_device_stream.html',1,'mlx::core::metal::DeviceStream'],['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7',1,'mlx::core::metal::DeviceStream::DeviceStream()']]], + ['devicetype_46',['DeviceType',['../structmlx_1_1core_1_1_device.html#ac45b3de9b3458d8f31005136cde20fdb',1,'mlx::core::Device']]], + ['diag_47',['diag',['../group__ops.html#ga11af511875640e1fa88e0ca87e199344',1,'mlx::core']]], + ['diagonal_48',['diagonal',['../group__ops.html#ga9236b085a88ead3128ed8079d009cac6',1,'mlx::core']]], + ['difference_5ftype_49',['difference_type',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#adcee44c77980fc2370a2c31e203aead5',1,'mlx::core::array::ArrayIterator']]], + ['digits_50',['digits',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#af6a681edff230c8d734a1feefb8d1879',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['digits10_51',['digits10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a0f48dd0c8a2d2dfa825067fb212b2e6b',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['dim_52',['dim',['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc::dim'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01true_01_4.html#a7be6bf560080472d61e74b522979ef1e',1,'LoopedElemToLoc< 1, OffsetT, true >::dim'],['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc< 1, OffsetT, false >::dim'],['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc< 1, OffsetT, true >::dim']]], + ['disable_5fcompile_53',['disable_compile',['../namespacemlx_1_1core.html#a5f5fea955057bb3842b271b037909e66',1,'mlx::core']]], + ['disabled_54',['disabled',['../namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4a075ae3d2fc31640504f814f60e5ef713',1,'mlx::core']]], + ['dispatch_55',['dispatch',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#ae7753ac99229f9241c41bcf1b5216c9b',1,'mlx::core::cpu::CommandEncoder']]], + ['dispatch_5fthreadgroups_56',['dispatch_threadgroups',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::metal::CommandEncoder::dispatch_threadgroups()'],['../structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::CommandEncoder::dispatch_threadgroups()']]], + ['dispatch_5fthreads_57',['dispatch_threads',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::metal::CommandEncoder::dispatch_threads()'],['../structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::CommandEncoder::dispatch_threads()']]], + ['dispatches_5fper_5ftask_58',['DISPATCHES_PER_TASK',['../namespacemlx_1_1core_1_1cpu.html#a1fc5871c94ccee8536c6d43f8f6d5557',1,'mlx::core::cpu']]], + ['distprimitive_59',['DistPrimitive',['../classmlx_1_1core_1_1distributed_1_1_dist_primitive.html',1,'mlx::core::distributed::DistPrimitive'],['../classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f',1,'mlx::core::distributed::DistPrimitive::DistPrimitive()']]], + ['distributed_2eh_60',['distributed.h',['../distributed_8h.html',1,'']]], + ['distributed_5fimpl_2eh_61',['distributed_impl.h',['../distributed__impl_8h.html',1,'']]], + ['divide_62',['Divide',['../struct_divide.html',1,'Divide'],['../structmlx_1_1core_1_1detail_1_1_divide.html',1,'mlx::core::detail::Divide'],['../classmlx_1_1core_1_1_divide.html',1,'mlx::core::Divide'],['../classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb',1,'mlx::core::Divide::Divide()']]], + ['divide_63',['divide',['../namespacemetal.html#a2aea493fc1a874970b77ed0031e965df',1,'metal::divide()'],['../namespacemetal_1_1fast.html#ae70bc2185e4649369cf7b15f5e1d48be',1,'metal::fast::divide()'],['../namespacemetal_1_1precise.html#aec0982cdb96a08b61f51129150d82e9d',1,'metal::precise::divide()'],['../group__ops.html#ga77472dd06cfa7a30a42e4fd927bd859f',1,'mlx::core::divide()']]], + ['divmod_64',['DivMod',['../struct_div_mod.html',1,'DivMod'],['../classmlx_1_1core_1_1_div_mod.html',1,'mlx::core::DivMod'],['../classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826',1,'mlx::core::DivMod::DivMod()']]], + ['divmod_65',['divmod',['../group__ops.html#gaa30ebc0a8376dbc3f7e46a47052b5894',1,'mlx::core']]], + ['divop_66',['DivOp',['../struct_div_op.html',1,'']]], + ['do_5faxpby_67',['do_axpby',['../steel__gemm__fused_8h.html#a703f06c849c89c37af7b1d27b0804a29',1,'steel_gemm_fused.h']]], + ['do_5fcausal_68',['do_causal',['../steel__attention_8h.html#abfa50278ba59a90e0acb7e5d94500741',1,'steel_attention.h']]], + ['do_5fgather_69',['do_gather',['../steel__gemm__fused_8h.html#a60efac3ac3b7cd64d096bbae38a3ac69',1,'steel_gemm_fused.h']]], + ['do_5fread_70',['do_read',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad',1,'mlx::steel::Conv2DWeightBlockLoader::do_read'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::do_read']]], + ['dst_71',['dst',['../struct_quantized_block_loader.html#a9857214690fe6abad0e19d1045152f83',1,'QuantizedBlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2',1,'mlx::steel::BlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db',1,'mlx::steel::BlockLoaderT::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7',1,'mlx::steel::Conv2DWeightBlockLoader::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst'],['../namespacepocketfft_1_1detail.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::detail::dst()'],['../namespacepocketfft.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::dst()']]], + ['dst_5fld_72',['dst_ld',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d',1,'mlx::steel::Conv2DWeightBlockLoader::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst_ld']]], + ['dtype_73',['Dtype',['../structmlx_1_1core_1_1_dtype.html',1,'mlx::core::Dtype'],['../structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1',1,'mlx::core::Dtype::Dtype()']]], + ['dtype_74',['dtype',['../structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124',1,'mlx::core::finfo::dtype'],['../classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd',1,'mlx::core::array::dtype()']]], + ['dtype_2eh_75',['dtype.h',['../dtype_8h.html',1,'']]], + ['dtype_5ffrag_5ft_76',['dtype_frag_t',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51fcc7447804110f2c2c6e9e361bdc02',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >']]], + ['dtype_5fmat_5ft_77',['dtype_mat_t',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a96ce3732fb66feaeb80bd1ea9aadbd7e',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >']]], + ['dynamicslice_78',['DynamicSlice',['../classmlx_1_1core_1_1_dynamic_slice.html',1,'mlx::core::DynamicSlice'],['../classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b',1,'mlx::core::DynamicSlice::DynamicSlice()']]], + ['dynamicsliceupdate_79',['DynamicSliceUpdate',['../classmlx_1_1core_1_1_dynamic_slice_update.html',1,'mlx::core::DynamicSliceUpdate'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213',1,'mlx::core::DynamicSliceUpdate::DynamicSliceUpdate()']]] ]; diff --git a/docs/build/html/search/all_5.js b/docs/build/html/search/all_5.js index 01c4ecba5..c953c85d1 100644 --- a/docs/build/html/search/all_5.js +++ b/docs/build/html/search/all_5.js @@ -23,28 +23,28 @@ var searchData= ['enable_5fcompile_20',['enable_compile',['../namespacemlx_1_1core.html#a1983a2466bff3bae4d23cf34bd0946c9',1,'mlx::core']]], ['enable_5ffor_5farrays_5ft_21',['enable_for_arrays_t',['../namespacemlx_1_1core.html#af89751d79339f3e4d9318ea97d64d114',1,'mlx::core']]], ['enabled_22',['enabled',['../namespacemlx_1_1core.html#adb15ff2b1ca5207fd4f6e631e2c3bcb4aa10311459433adf322f2590a4987c423',1,'mlx::core']]], - ['encode_5fsignal_23',['encode_signal',['../namespacemlx_1_1core.html#a6d452306f0f046a7d021bd94f8713a89',1,'mlx::core']]], - ['encode_5fwait_24',['encode_wait',['../namespacemlx_1_1core.html#a2874ba55b73057b76c23a7429fdd2d6e',1,'mlx::core']]], - ['encoder_25',['encoder',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a58e435217b9922f882507ebf48bfbbdd',1,'mlx::core::metal::DeviceStream']]], - ['end_26',['end',['../classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4',1,'mlx::core::array']]], - ['end_5fencoding_27',['end_encoding',['../classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf',1,'mlx::core::metal::Device']]], - ['enqueue_28',['enqueue',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286',1,'mlx::core::scheduler::StreamThread::enqueue()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc',1,'mlx::core::scheduler::Scheduler::enqueue()'],['../class_thread_pool.html#a375fa2d63197282277be640b54e8a196',1,'ThreadPool::enqueue()'],['../namespacemlx_1_1core_1_1scheduler.html#aa2d4eacf5d5cbc778a51aafd4fd8e4d7',1,'mlx::core::scheduler::enqueue()']]], - ['epsilon_29',['epsilon',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a96c4197e3076f0aa9065370b8ece49ca',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['equal_30',['Equal',['../struct_equal.html',1,'Equal'],['../structmlx_1_1core_1_1detail_1_1_equal.html',1,'mlx::core::detail::Equal'],['../classmlx_1_1core_1_1_equal.html',1,'mlx::core::Equal'],['../classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36',1,'mlx::core::Equal::Equal()']]], - ['equal_31',['equal',['../group__ops.html#ga33638dc3a9972dd02be12d0eb85f9bde',1,'mlx::core']]], - ['erase_32',['erase',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238',1,'mlx::core::metal::ResidencySet']]], - ['erf_33',['Erf',['../struct_erf.html',1,'Erf'],['../structmlx_1_1core_1_1detail_1_1_erf.html',1,'mlx::core::detail::Erf'],['../classmlx_1_1core_1_1_erf.html',1,'mlx::core::Erf'],['../classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82',1,'mlx::core::Erf::Erf()']]], - ['erf_34',['erf',['../namespacemlx_1_1core_1_1simd.html#a60e33ebb16d9bab375a64aec8015a5c2',1,'mlx::core::simd::erf()'],['../erf_8h.html#a6ce199ee56105c67adbf8c48c019a8b2',1,'erf(): erf.h'],['../group__ops.html#ga292a335240fd5d6d625fb7a340ff5eb0',1,'mlx::core::erf()']]], - ['erf_2eh_35',['erf.h',['../erf_8h.html',1,'']]], - ['erfinv_36',['ErfInv',['../struct_erf_inv.html',1,'ErfInv'],['../structmlx_1_1core_1_1detail_1_1_erf_inv.html',1,'mlx::core::detail::ErfInv'],['../classmlx_1_1core_1_1_erf_inv.html',1,'mlx::core::ErfInv'],['../classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478',1,'mlx::core::ErfInv::ErfInv()']]], - ['erfinv_37',['erfinv',['../namespacemlx_1_1core_1_1simd.html#a7687f3d14077b51fb421f0efb5b626db',1,'mlx::core::simd::erfinv()'],['../erf_8h.html#a1846e0d683c7aff826bb32addcc3b885',1,'erfinv(): erf.h'],['../group__ops.html#ga76fb9062c64264e34d2e07013390557c',1,'mlx::core::erfinv()']]], - ['eval_38',['eval',['../classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a',1,'mlx::core::array::eval()'],['../namespacemlx_1_1core.html#a7d6e097d8effed52f4713672e471f299',1,'mlx::core::eval(std::vector< array > outputs)'],['../namespacemlx_1_1core.html#adb14f689c9f75f7901edb196c2bfb971',1,'mlx::core::eval(Arrays &&... outputs)']]], + ['encoder_23',['encoder',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a58e435217b9922f882507ebf48bfbbdd',1,'mlx::core::metal::DeviceStream']]], + ['encoder_2eh_24',['encoder.h',['../encoder_8h.html',1,'']]], + ['end_25',['end',['../classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4',1,'mlx::core::array']]], + ['end_5fencoding_26',['end_encoding',['../classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf',1,'mlx::core::metal::Device']]], + ['enqueue_27',['enqueue',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286',1,'mlx::core::scheduler::StreamThread::enqueue()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc',1,'mlx::core::scheduler::Scheduler::enqueue()'],['../class_thread_pool.html#a375fa2d63197282277be640b54e8a196',1,'ThreadPool::enqueue()'],['../namespacemlx_1_1core_1_1scheduler.html#aa2d4eacf5d5cbc778a51aafd4fd8e4d7',1,'mlx::core::scheduler::enqueue()']]], + ['epsilon_28',['epsilon',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a96c4197e3076f0aa9065370b8ece49ca',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['equal_29',['Equal',['../struct_equal.html',1,'Equal'],['../structmlx_1_1core_1_1detail_1_1_equal.html',1,'mlx::core::detail::Equal'],['../classmlx_1_1core_1_1_equal.html',1,'mlx::core::Equal'],['../classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36',1,'mlx::core::Equal::Equal()']]], + ['equal_30',['equal',['../group__ops.html#ga33638dc3a9972dd02be12d0eb85f9bde',1,'mlx::core']]], + ['erase_31',['erase',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238',1,'mlx::core::metal::ResidencySet']]], + ['erf_32',['Erf',['../struct_erf.html',1,'Erf'],['../structmlx_1_1core_1_1detail_1_1_erf.html',1,'mlx::core::detail::Erf'],['../classmlx_1_1core_1_1_erf.html',1,'mlx::core::Erf'],['../classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82',1,'mlx::core::Erf::Erf()']]], + ['erf_33',['erf',['../namespacemlx_1_1core_1_1simd.html#a60e33ebb16d9bab375a64aec8015a5c2',1,'mlx::core::simd::erf()'],['../erf_8h.html#a6ce199ee56105c67adbf8c48c019a8b2',1,'erf(): erf.h'],['../group__ops.html#ga292a335240fd5d6d625fb7a340ff5eb0',1,'mlx::core::erf()']]], + ['erf_2eh_34',['erf.h',['../erf_8h.html',1,'']]], + ['erfinv_35',['ErfInv',['../struct_erf_inv.html',1,'ErfInv'],['../structmlx_1_1core_1_1detail_1_1_erf_inv.html',1,'mlx::core::detail::ErfInv'],['../classmlx_1_1core_1_1_erf_inv.html',1,'mlx::core::ErfInv'],['../classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478',1,'mlx::core::ErfInv::ErfInv()']]], + ['erfinv_36',['erfinv',['../namespacemlx_1_1core_1_1simd.html#a7687f3d14077b51fb421f0efb5b626db',1,'mlx::core::simd::erfinv()'],['../erf_8h.html#a1846e0d683c7aff826bb32addcc3b885',1,'erfinv(): erf.h'],['../group__ops.html#ga76fb9062c64264e34d2e07013390557c',1,'mlx::core::erfinv()']]], + ['eval_37',['eval',['../classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a',1,'mlx::core::array::eval()'],['../namespacemlx_1_1core_1_1cpu.html#a3f721e92f604a57ed204a13d1ba9cad5',1,'mlx::core::cpu::eval()'],['../namespacemlx_1_1core_1_1metal.html#a87f378c14345e475d7e5701a987b66cd',1,'mlx::core::metal::eval()'],['../namespacemlx_1_1core.html#a7d6e097d8effed52f4713672e471f299',1,'mlx::core::eval(std::vector< array > outputs)'],['../namespacemlx_1_1core.html#adb14f689c9f75f7901edb196c2bfb971',1,'mlx::core::eval(Arrays &&... outputs)']]], + ['eval_2eh_38',['eval.h',['../eval_8h.html',1,'']]], ['eval_5fcpu_39',['eval_cpu',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#acdc1965ad64ee9ee6328fe150a97902e',1,'mlx::core::distributed::AllReduce::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#ab721fe0072fffbddbc3c4334dd033ba5',1,'mlx::core::distributed::AllGather::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#af2620837bfc1b97217d006ed6e374051',1,'mlx::core::distributed::Send::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a3be84b08122a939edd6062d26261358a',1,'mlx::core::distributed::Recv::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a7da6e0cfd630958d9633b2e2bd97a54f',1,'mlx::core::fast::RMSNorm::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#adfc1d52bc266466ab29ee45fd8fab439',1,'mlx::core::fast::RMSNormVJP::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5d7a4c1c9ee84e327d1c371733108c05',1,'mlx::core::fast::LayerNorm::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a0d8c4c6e7462befc38f7e08244fa1c2b',1,'mlx::core::fast::LayerNormVJP::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a05a7d595c6b9dadf7ddfd6e3fd402f0e',1,'mlx::core::fast::RoPE::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328',1,'mlx::core::fast::ScaledDotProductAttention::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a3b5d628628d245b38911118d4a0ff9fd',1,'mlx::core::fast::AffineQuantize::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a4ad1b7a9919753c759093f3e21a15bad',1,'mlx::core::fast::CustomKernel::eval_cpu()'],['../classmlx_1_1core_1_1_primitive.html#a1596dc50b910538eae14878e98f07575',1,'mlx::core::Primitive::eval_cpu()'],['../classmlx_1_1core_1_1_unary_primitive.html#a7e8f6f5d6ae0a33f6abc0f5a46e0b132',1,'mlx::core::UnaryPrimitive::eval_cpu(const std::vector< array > &inputs, array &output)=0'],['../classmlx_1_1core_1_1_unary_primitive.html#aa0ed6e32c36200a3ff9bc592c9b300db',1,'mlx::core::UnaryPrimitive::eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1_abs.html#a0d3e697496ef8e842d21195cb3c14e60',1,'mlx::core::Abs::eval_cpu()'],['../classmlx_1_1core_1_1_add.html#a5bacfc51dfa2a5a931bad2dd7bdc7a5f',1,'mlx::core::Add::eval_cpu()'],['../classmlx_1_1core_1_1_add_m_m.html#a15694e3bf2ed5c193237b2b9ca00867c',1,'mlx::core::AddMM::eval_cpu()'],['../classmlx_1_1core_1_1_arange.html#aba44432491cbd599bf72712f5f4267a1',1,'mlx::core::Arange::eval_cpu()'],['../classmlx_1_1core_1_1_arc_cos.html#a58dcba9e706cb12bab062bb7fa5fa006',1,'mlx::core::ArcCos::eval_cpu()'],['../classmlx_1_1core_1_1_arc_cosh.html#a0f6d989bcbbc38f15ef17a136879a9c9',1,'mlx::core::ArcCosh::eval_cpu()'],['../classmlx_1_1core_1_1_arc_sin.html#ab3542492c14021329788de8f2a9be1e4',1,'mlx::core::ArcSin::eval_cpu()'],['../classmlx_1_1core_1_1_arc_sinh.html#a52574b24d8d16839c58673f51f8ac066',1,'mlx::core::ArcSinh::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tan.html#a1211bc31241227528f04435239ddb9a3',1,'mlx::core::ArcTan::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tan2.html#a13094e6b702769928ca0da468f5ce45c',1,'mlx::core::ArcTan2::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tanh.html#a5af9224e1f1ffec412b0baa0af7e1ecd',1,'mlx::core::ArcTanh::eval_cpu()'],['../classmlx_1_1core_1_1_arg_partition.html#a896f75c5325798ac3f9093f6a4581828',1,'mlx::core::ArgPartition::eval_cpu()'],['../classmlx_1_1core_1_1_arg_reduce.html#ad8d48725623ede1ff654fa13eccf2287',1,'mlx::core::ArgReduce::eval_cpu()'],['../classmlx_1_1core_1_1_arg_sort.html#a022079683774bfeb531b3a002cff16fa',1,'mlx::core::ArgSort::eval_cpu()'],['../classmlx_1_1core_1_1_as_type.html#aa89dbf4d73b00c6a44cffd04d5bb228d',1,'mlx::core::AsType::eval_cpu()'],['../classmlx_1_1core_1_1_as_strided.html#acdd4705e4503ff0b124215c4676b4193',1,'mlx::core::AsStrided::eval_cpu()'],['../classmlx_1_1core_1_1_bitwise_binary.html#a2194bf585213bda1b2966aa02d2fe283',1,'mlx::core::BitwiseBinary::eval_cpu()'],['../classmlx_1_1core_1_1_bitwise_invert.html#af7de39edef13cf483a6140f2dad4187e',1,'mlx::core::BitwiseInvert::eval_cpu()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#aa85da478cdc6d4a97be06e5d4abee1f2',1,'mlx::core::BlockMaskedMM::eval_cpu()'],['../classmlx_1_1core_1_1_gather_m_m.html#a62352074a480df0e1f879b0bae425730',1,'mlx::core::GatherMM::eval_cpu()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a6423095cd28b2f90893c03166257a568',1,'mlx::core::BroadcastAxes::eval_cpu()'],['../classmlx_1_1core_1_1_broadcast.html#a53d48d9778e2d4c24a124cd767900780',1,'mlx::core::Broadcast::eval_cpu()'],['../classmlx_1_1core_1_1_ceil.html#a9791801fff3f8b79944e15ac2a45a035',1,'mlx::core::Ceil::eval_cpu()'],['../classmlx_1_1core_1_1_compiled.html#ac45b1d0fedd85feefbff7ce7e168b151',1,'mlx::core::Compiled::eval_cpu()'],['../classmlx_1_1core_1_1_concatenate.html#a609e76bede7fc5581ec84ddcb727a258',1,'mlx::core::Concatenate::eval_cpu()'],['../classmlx_1_1core_1_1_conjugate.html#ae39643e2178f442ffba05139f8609d61',1,'mlx::core::Conjugate::eval_cpu()'],['../classmlx_1_1core_1_1_contiguous.html#a742de24e6c0310cd85a606dec0cd8336',1,'mlx::core::Contiguous::eval_cpu()'],['../classmlx_1_1core_1_1_convolution.html#ac74256068da01730629109fa4fa8432b',1,'mlx::core::Convolution::eval_cpu()'],['../classmlx_1_1core_1_1_copy.html#af4a0ebec423e84ffe8083a5e9ed0d70c',1,'mlx::core::Copy::eval_cpu()'],['../classmlx_1_1core_1_1_cos.html#a061fc446268fe56237ae6b20ccf78152',1,'mlx::core::Cos::eval_cpu()'],['../classmlx_1_1core_1_1_cosh.html#ae8702df7e8f0e20cbeccb2a548961d3d',1,'mlx::core::Cosh::eval_cpu()'],['../classmlx_1_1core_1_1_custom_transforms.html#adba1c40c77a2138df6b5f75483f62184',1,'mlx::core::CustomTransforms::eval_cpu()'],['../classmlx_1_1core_1_1_depends.html#a0c7ea6db97337591fa53c6e6bde41e5e',1,'mlx::core::Depends::eval_cpu()'],['../classmlx_1_1core_1_1_divide.html#a823443c2a8e8b81bbcaeee6ddbcdbf49',1,'mlx::core::Divide::eval_cpu()'],['../classmlx_1_1core_1_1_div_mod.html#ae350b7b93ad128e3133ee14f247193b3',1,'mlx::core::DivMod::eval_cpu()'],['../classmlx_1_1core_1_1_select.html#aa51aa36e0adbd69e0d23d7c7adf88de2',1,'mlx::core::Select::eval_cpu()'],['../classmlx_1_1core_1_1_remainder.html#ac6c6c86a0bf02e6e529eb87f6e617ccc',1,'mlx::core::Remainder::eval_cpu()'],['../classmlx_1_1core_1_1_equal.html#aabb8aa61fa581defddcdca1274b1b454',1,'mlx::core::Equal::eval_cpu()'],['../classmlx_1_1core_1_1_erf.html#a84ea16e43d5b7f83bbc2d5ece78a3fb6',1,'mlx::core::Erf::eval_cpu()'],['../classmlx_1_1core_1_1_erf_inv.html#af579627402af3249565134884701d39e',1,'mlx::core::ErfInv::eval_cpu()'],['../classmlx_1_1core_1_1_exp.html#a47934c5a5023bc7ae7ae89bff45ebb2c',1,'mlx::core::Exp::eval_cpu()'],['../classmlx_1_1core_1_1_expm1.html#ab9c8b7aa50fe4592d55f8957baac647a',1,'mlx::core::Expm1::eval_cpu()'],['../classmlx_1_1core_1_1_expand_dims.html#a34058a87582a6ab2e5d82a75bc713030',1,'mlx::core::ExpandDims::eval_cpu()'],['../classmlx_1_1core_1_1_f_f_t.html#a6bc262a0c2b5d4fe655e3e2e0ff28635',1,'mlx::core::FFT::eval_cpu()'],['../classmlx_1_1core_1_1_flatten.html#a72ade7d22386b349712f6c7c1f619842',1,'mlx::core::Flatten::eval_cpu()'],['../classmlx_1_1core_1_1_floor.html#a1a7dc5f571b7b73e7ef3cbdc1dd1fcf7',1,'mlx::core::Floor::eval_cpu()'],['../classmlx_1_1core_1_1_full.html#a3dccd3756599d7fd018b2af0093b082c',1,'mlx::core::Full::eval_cpu()'],['../classmlx_1_1core_1_1_gather.html#a9ed5587f0d04b59a2b9186c0aac21290',1,'mlx::core::Gather::eval_cpu()'],['../classmlx_1_1core_1_1_gather_axis.html#a474eae1d024e676e668318bf10928e2a',1,'mlx::core::GatherAxis::eval_cpu()'],['../classmlx_1_1core_1_1_greater.html#abe1c03f311d0e0b610f3392a6566f2ae',1,'mlx::core::Greater::eval_cpu()'],['../classmlx_1_1core_1_1_greater_equal.html#a15469125b9bea89b64bfeac01590c075',1,'mlx::core::GreaterEqual::eval_cpu()'],['../classmlx_1_1core_1_1_hadamard.html#ab27d6a9df42b3aab41ace3073a4c880d',1,'mlx::core::Hadamard::eval_cpu()'],['../classmlx_1_1core_1_1_imag.html#a17d1f1f9f8528668fcdf39b636720829',1,'mlx::core::Imag::eval_cpu()'],['../classmlx_1_1core_1_1_less.html#a32624124ffece066f496b3299056bcef',1,'mlx::core::Less::eval_cpu()'],['../classmlx_1_1core_1_1_less_equal.html#a55d1352b0e97841a92503bc57c19ed16',1,'mlx::core::LessEqual::eval_cpu()'],['../classmlx_1_1core_1_1_load.html#ada026ac30566f3109d8182e35d307c0a',1,'mlx::core::Load::eval_cpu()'],['../classmlx_1_1core_1_1_log.html#aadc7bb4cb24f3ecbbb9ed54a699ab74f',1,'mlx::core::Log::eval_cpu()'],['../classmlx_1_1core_1_1_log1p.html#a8192e5438de99c4cda056987935cba23',1,'mlx::core::Log1p::eval_cpu()'],['../classmlx_1_1core_1_1_logical_not.html#acf3f7b3b20ca69533536e0e0a05725b3',1,'mlx::core::LogicalNot::eval_cpu()'],['../classmlx_1_1core_1_1_logical_and.html#adbe1c1785af1a8b827289d22b0d170b3',1,'mlx::core::LogicalAnd::eval_cpu()'],['../classmlx_1_1core_1_1_logical_or.html#a13cd4cbf26589287e85aeaaca42d7f62',1,'mlx::core::LogicalOr::eval_cpu()'],['../classmlx_1_1core_1_1_log_add_exp.html#abef17fb590b1a8d356f2a580e45d41f0',1,'mlx::core::LogAddExp::eval_cpu()'],['../classmlx_1_1core_1_1_matmul.html#a357a7f57a2a220a91977f810a69413fc',1,'mlx::core::Matmul::eval_cpu()'],['../classmlx_1_1core_1_1_maximum.html#a62b38fbe5f96db58c2b60165ac4eadcf',1,'mlx::core::Maximum::eval_cpu()'],['../classmlx_1_1core_1_1_minimum.html#a6b93f493ee87089943a8085fe59dfc6e',1,'mlx::core::Minimum::eval_cpu()'],['../classmlx_1_1core_1_1_multiply.html#a624fce06c047cdc4dfdbdcaaddb25f34',1,'mlx::core::Multiply::eval_cpu()'],['../classmlx_1_1core_1_1_negative.html#af43553dc418c8ebe75fa9cdcba103c3b',1,'mlx::core::Negative::eval_cpu()'],['../classmlx_1_1core_1_1_not_equal.html#a8f95f8b5873850b875b1641df8196047',1,'mlx::core::NotEqual::eval_cpu()'],['../classmlx_1_1core_1_1_number_of_elements.html#acc328321cf5300874ee884367cbede3f',1,'mlx::core::NumberOfElements::eval_cpu()'],['../classmlx_1_1core_1_1_pad.html#aaf82dd163cd536fbf97304f8b29080cb',1,'mlx::core::Pad::eval_cpu()'],['../classmlx_1_1core_1_1_partition.html#a784596ab567f9f3cb4fe1a69466523d8',1,'mlx::core::Partition::eval_cpu()'],['../classmlx_1_1core_1_1_power.html#a6783da16fb6ff393aaa57737f1973206',1,'mlx::core::Power::eval_cpu()'],['../classmlx_1_1core_1_1_quantized_matmul.html#ab3dfa73b74d8f4f2e9ab4f0eb016b0e3',1,'mlx::core::QuantizedMatmul::eval_cpu()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a89aae98bfbdd6563df44ef7d70f0bf8c',1,'mlx::core::GatherQMM::eval_cpu()'],['../classmlx_1_1core_1_1_random_bits.html#a5752d051cd16cf5f8d4754c0a656f0d2',1,'mlx::core::RandomBits::eval_cpu()'],['../classmlx_1_1core_1_1_real.html#a365d046caac91b521f0f5a5518037934',1,'mlx::core::Real::eval_cpu()'],['../classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f',1,'mlx::core::Reshape::eval_cpu()'],['../classmlx_1_1core_1_1_reduce.html#aeb8a58b560c0a09ae3a695df7829acfa',1,'mlx::core::Reduce::eval_cpu()'],['../classmlx_1_1core_1_1_round.html#ad066b0944b437f64ab546025efa00007',1,'mlx::core::Round::eval_cpu()'],['../classmlx_1_1core_1_1_scan.html#a15676d9fd066e935782a923fba3e940b',1,'mlx::core::Scan::eval_cpu()'],['../classmlx_1_1core_1_1_scatter.html#a7623f590f8b77167b5ebb4f14bc9dc97',1,'mlx::core::Scatter::eval_cpu()'],['../classmlx_1_1core_1_1_scatter_axis.html#abf9d24565abdd7e1034daacac603cc54',1,'mlx::core::ScatterAxis::eval_cpu()'],['../classmlx_1_1core_1_1_sigmoid.html#aa930ce05734cca529ebcb8d0ca8e1255',1,'mlx::core::Sigmoid::eval_cpu()'],['../classmlx_1_1core_1_1_sign.html#a7498ec993b66879be30c5d9762c45a97',1,'mlx::core::Sign::eval_cpu()'],['../classmlx_1_1core_1_1_sin.html#ab34f9cebc2aed55a0b6ab4c991f02eb5',1,'mlx::core::Sin::eval_cpu()'],['../classmlx_1_1core_1_1_sinh.html#ab6d5f6f40d177f6435f6a51c71b939dd',1,'mlx::core::Sinh::eval_cpu()'],['../classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2',1,'mlx::core::Slice::eval_cpu()'],['../classmlx_1_1core_1_1_slice_update.html#ad82ca0e3ab88a0e086431050deea831b',1,'mlx::core::SliceUpdate::eval_cpu()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a4e8c22c24a587ea0648ce89f461ed1ee',1,'mlx::core::DynamicSlice::eval_cpu()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a379185914db0326a5d4839839fe4fc83',1,'mlx::core::DynamicSliceUpdate::eval_cpu()'],['../classmlx_1_1core_1_1_softmax.html#ac9ebc2eab1683b682e689ed8f4622b79',1,'mlx::core::Softmax::eval_cpu()'],['../classmlx_1_1core_1_1_sort.html#a459769a0241b2620e55bedaba19827cd',1,'mlx::core::Sort::eval_cpu()'],['../classmlx_1_1core_1_1_split.html#aff2889cb9074f0fda53edf8fa40b1fd4',1,'mlx::core::Split::eval_cpu()'],['../classmlx_1_1core_1_1_square.html#a1f4d327a705950616da63b83c2829e59',1,'mlx::core::Square::eval_cpu()'],['../classmlx_1_1core_1_1_sqrt.html#a5a64ecc4eef1e30a2963435dca7cefd5',1,'mlx::core::Sqrt::eval_cpu()'],['../classmlx_1_1core_1_1_stop_gradient.html#a56207714d374b08f60e4d9cdbc7340b2',1,'mlx::core::StopGradient::eval_cpu()'],['../classmlx_1_1core_1_1_subtract.html#a47574258b6c95f8ad260c114d6d36a12',1,'mlx::core::Subtract::eval_cpu()'],['../classmlx_1_1core_1_1_squeeze.html#a9bcb7476041020f59ef816196ddb81cb',1,'mlx::core::Squeeze::eval_cpu()'],['../classmlx_1_1core_1_1_tan.html#a9c9a731158fa60eef30067fe0da9f3e9',1,'mlx::core::Tan::eval_cpu()'],['../classmlx_1_1core_1_1_tanh.html#af7ed4345f622da069e5b0284067923f5',1,'mlx::core::Tanh::eval_cpu()'],['../classmlx_1_1core_1_1_unflatten.html#a507c22306b7afcdd5970cfaa32188f0a',1,'mlx::core::Unflatten::eval_cpu()'],['../classmlx_1_1core_1_1_view.html#a0ad6deb11914a242f10e8039fcb02497',1,'mlx::core::View::eval_cpu()'],['../classmlx_1_1core_1_1_transpose.html#a1fbcfcca43f9ec06c63a3c14708c30f8',1,'mlx::core::Transpose::eval_cpu()'],['../classmlx_1_1core_1_1_q_r_f.html#a48493887395d65a27f04de1804d277d2',1,'mlx::core::QRF::eval_cpu()'],['../classmlx_1_1core_1_1_s_v_d.html#a637f5c39fa8b10722c04a066f6c1ada6',1,'mlx::core::SVD::eval_cpu()'],['../classmlx_1_1core_1_1_inverse.html#aeb1d8dc9bc4052a616023f65b3c7bb81',1,'mlx::core::Inverse::eval_cpu()'],['../classmlx_1_1core_1_1_cholesky.html#a4bdec36c1cc99aadf9a4a39d4c57bea5',1,'mlx::core::Cholesky::eval_cpu()'],['../classmlx_1_1core_1_1_eigh.html#a894b32e17229394f6a43b4a0655fd8be',1,'mlx::core::Eigh::eval_cpu()'],['../classmlx_1_1core_1_1_l_u_f.html#a6cb497d6b011210a8090bdc8fdf14913',1,'mlx::core::LUF::eval_cpu()']]], ['eval_5fgpu_40',['eval_gpu',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a52df7155f56b8450581b2fd2747cad20',1,'mlx::core::distributed::AllReduce::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#a4251ce0f2db2045226b66210b828af7a',1,'mlx::core::distributed::AllGather::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#a0c8dbd2a912be91be04ec701e29fba3d',1,'mlx::core::distributed::Send::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a932e39624bc3d234a7489c3decc4749e',1,'mlx::core::distributed::Recv::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae7955e8d43c097eecae264e804b4d8ca',1,'mlx::core::fast::RMSNorm::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a48efb8fa84c4ba6cc9fb560ebbe01560',1,'mlx::core::fast::RMSNormVJP::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#a77abda7f47bffa2c037a5d60cccc1528',1,'mlx::core::fast::LayerNorm::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a954a003a4a27c8c4c60a5a14142a9cc3',1,'mlx::core::fast::LayerNormVJP::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a913b6b00fc518b25ac3947e4e15790f2',1,'mlx::core::fast::RoPE::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a505f38ba93a3499895f5312e0112e73d',1,'mlx::core::fast::ScaledDotProductAttention::eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ad51666e69f670e286293aff96eb435a9',1,'mlx::core::fast::ScaledDotProductAttention::eval_gpu(const std::vector< array > &inputs, array &out)'],['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a63812b2abaf26ad7e7fa4c9e82db1628',1,'mlx::core::fast::AffineQuantize::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a2ed2a16b23053f8195068386a99fd6db',1,'mlx::core::fast::CustomKernel::eval_gpu()'],['../classmlx_1_1core_1_1_primitive.html#ad217376dcf5eff691d731566faec2ba2',1,'mlx::core::Primitive::eval_gpu()'],['../classmlx_1_1core_1_1_unary_primitive.html#a6b7f80abaf038d53ec6ffbb0dfac6adb',1,'mlx::core::UnaryPrimitive::eval_gpu(const std::vector< array > &inputs, array &output)=0'],['../classmlx_1_1core_1_1_unary_primitive.html#a971fe9ad47f6569118879ce1d0f41447',1,'mlx::core::UnaryPrimitive::eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1_abs.html#a0a976e636dd8505b473fbdddf949f514',1,'mlx::core::Abs::eval_gpu()'],['../classmlx_1_1core_1_1_add.html#aa0aacbc1e26b95a2f040f62aa4f69c3d',1,'mlx::core::Add::eval_gpu()'],['../classmlx_1_1core_1_1_add_m_m.html#a5f933be14baebc32a0be0f9a69148aa9',1,'mlx::core::AddMM::eval_gpu()'],['../classmlx_1_1core_1_1_arange.html#a7a2e9787c6c3a78b4a6df91206974031',1,'mlx::core::Arange::eval_gpu()'],['../classmlx_1_1core_1_1_arc_cos.html#a46f72d4af89b0a0f5f203783fb44589c',1,'mlx::core::ArcCos::eval_gpu()'],['../classmlx_1_1core_1_1_arc_cosh.html#aa6a2587485a0e015ac2d5211d7d045fc',1,'mlx::core::ArcCosh::eval_gpu()'],['../classmlx_1_1core_1_1_arc_sin.html#a7fa4ae7a85bc8bed97ea258ae30762f3',1,'mlx::core::ArcSin::eval_gpu()'],['../classmlx_1_1core_1_1_arc_sinh.html#a79f648a86de4c10386a1ce3b5e38e8ac',1,'mlx::core::ArcSinh::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tan.html#a77866feb27028865d844070447c9a254',1,'mlx::core::ArcTan::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tan2.html#a76d3f0c29e0ff4642b8d39dac90d3f50',1,'mlx::core::ArcTan2::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tanh.html#a10566b9d3b2c7d090895b46d9040bc1d',1,'mlx::core::ArcTanh::eval_gpu()'],['../classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc',1,'mlx::core::ArgPartition::eval_gpu()'],['../classmlx_1_1core_1_1_arg_reduce.html#aafa982ce2abc0cd9e81e43aa2c823d29',1,'mlx::core::ArgReduce::eval_gpu()'],['../classmlx_1_1core_1_1_arg_sort.html#abc2d730850ec4ee8d7968b7417911709',1,'mlx::core::ArgSort::eval_gpu()'],['../classmlx_1_1core_1_1_as_type.html#a5b111b9d74c60d27b4a7ebaa49f96e0b',1,'mlx::core::AsType::eval_gpu()'],['../classmlx_1_1core_1_1_as_strided.html#ab6771a208323994927ca162ba7bb10ed',1,'mlx::core::AsStrided::eval_gpu()'],['../classmlx_1_1core_1_1_bitwise_binary.html#ac831a29fc46701b00bbe63ee33832afd',1,'mlx::core::BitwiseBinary::eval_gpu()'],['../classmlx_1_1core_1_1_bitwise_invert.html#a09162c49334380f5a04433e00427abfa',1,'mlx::core::BitwiseInvert::eval_gpu()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#ab372b6df4de00a33795a052a23bb1df9',1,'mlx::core::BlockMaskedMM::eval_gpu()'],['../classmlx_1_1core_1_1_gather_m_m.html#ad754c35f460a055cc383ad93a5f72da1',1,'mlx::core::GatherMM::eval_gpu()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a56d16e75a0df867d2f1ba4e5198f15cb',1,'mlx::core::BroadcastAxes::eval_gpu()'],['../classmlx_1_1core_1_1_broadcast.html#ab9bd9dbcedcefc9b29c84911b5ce69fe',1,'mlx::core::Broadcast::eval_gpu()'],['../classmlx_1_1core_1_1_ceil.html#abe178e0058e44b6618be414215e96887',1,'mlx::core::Ceil::eval_gpu()'],['../classmlx_1_1core_1_1_compiled.html#aa3d5ff0f2b3554ad48fbbf2a0f3336d5',1,'mlx::core::Compiled::eval_gpu()'],['../classmlx_1_1core_1_1_concatenate.html#a309a1c50e97f9925866433ee2841c474',1,'mlx::core::Concatenate::eval_gpu()'],['../classmlx_1_1core_1_1_conjugate.html#aff0a802166e3724db88ab5d3feb2d3de',1,'mlx::core::Conjugate::eval_gpu()'],['../classmlx_1_1core_1_1_contiguous.html#a519cd16fd0c55b371ea7625fbb37c70f',1,'mlx::core::Contiguous::eval_gpu()'],['../classmlx_1_1core_1_1_convolution.html#a30b64109eeb1778f002b99447dff9dd2',1,'mlx::core::Convolution::eval_gpu()'],['../classmlx_1_1core_1_1_copy.html#a1eda7b2ea771a168f67421f0d384b3a1',1,'mlx::core::Copy::eval_gpu()'],['../classmlx_1_1core_1_1_cos.html#a5ef41aafad595f6cdd8c535e36e12060',1,'mlx::core::Cos::eval_gpu()'],['../classmlx_1_1core_1_1_cosh.html#a23f71b43792934c3ec0ebe9b74f32559',1,'mlx::core::Cosh::eval_gpu()'],['../classmlx_1_1core_1_1_custom_transforms.html#a7b3538681acbb20af3ed37b0877f6667',1,'mlx::core::CustomTransforms::eval_gpu()'],['../classmlx_1_1core_1_1_depends.html#ae5057f65e69490ad0add8eeda2b75e28',1,'mlx::core::Depends::eval_gpu()'],['../classmlx_1_1core_1_1_divide.html#abffda0ce37221ddc28dc9eea794f6bc7',1,'mlx::core::Divide::eval_gpu()'],['../classmlx_1_1core_1_1_div_mod.html#a003117c9ecf3c06a27248f72a76348dc',1,'mlx::core::DivMod::eval_gpu()'],['../classmlx_1_1core_1_1_select.html#a2a82b6cba4c386b2b87f225a4b08ea9b',1,'mlx::core::Select::eval_gpu()'],['../classmlx_1_1core_1_1_remainder.html#a7919ea9b84e42522d51bf0d5a396e161',1,'mlx::core::Remainder::eval_gpu()'],['../classmlx_1_1core_1_1_equal.html#ac3757001fec42ceb5ece2954df42161c',1,'mlx::core::Equal::eval_gpu()'],['../classmlx_1_1core_1_1_erf.html#ad8551be664d767dccc3c0d8cc1eca008',1,'mlx::core::Erf::eval_gpu()'],['../classmlx_1_1core_1_1_erf_inv.html#a4a2413d0634db1f3dae1806ddfa632db',1,'mlx::core::ErfInv::eval_gpu()'],['../classmlx_1_1core_1_1_exp.html#a7d63695a97a14760fd33b5d4e6590822',1,'mlx::core::Exp::eval_gpu()'],['../classmlx_1_1core_1_1_expm1.html#a82930071f4b77d883b300f77966aff5f',1,'mlx::core::Expm1::eval_gpu()'],['../classmlx_1_1core_1_1_expand_dims.html#ad350ede3abecc55371ddeb89fbba2b90',1,'mlx::core::ExpandDims::eval_gpu()'],['../classmlx_1_1core_1_1_f_f_t.html#a1c21b26d1e9ad7c4da78ae845721b2dd',1,'mlx::core::FFT::eval_gpu()'],['../classmlx_1_1core_1_1_flatten.html#acb2219cc122d218b273af2cb9a882e7f',1,'mlx::core::Flatten::eval_gpu()'],['../classmlx_1_1core_1_1_floor.html#aaa29c83538099eb8f951c95a41f2eb65',1,'mlx::core::Floor::eval_gpu()'],['../classmlx_1_1core_1_1_full.html#aa54f99bb4cba12a551392dea56003872',1,'mlx::core::Full::eval_gpu()'],['../classmlx_1_1core_1_1_gather.html#aec48ee529cb2449915a7b27a3c4361e8',1,'mlx::core::Gather::eval_gpu()'],['../classmlx_1_1core_1_1_gather_axis.html#a1344749d33e4ea2cb80b69a5a4a21afc',1,'mlx::core::GatherAxis::eval_gpu()'],['../classmlx_1_1core_1_1_greater.html#ae8957cccf4c924d941f57a1bb751c878',1,'mlx::core::Greater::eval_gpu()'],['../classmlx_1_1core_1_1_greater_equal.html#ac246263b4548126c3d4ab7e392575d24',1,'mlx::core::GreaterEqual::eval_gpu()'],['../classmlx_1_1core_1_1_hadamard.html#a2470feb690f5463138490763c38b5733',1,'mlx::core::Hadamard::eval_gpu()'],['../classmlx_1_1core_1_1_imag.html#a247a4d059b0a99678c6be8c15e42c1e6',1,'mlx::core::Imag::eval_gpu()'],['../classmlx_1_1core_1_1_less.html#a353335ce06ddbe8498d86d129c835917',1,'mlx::core::Less::eval_gpu()'],['../classmlx_1_1core_1_1_less_equal.html#acf035a82b11e6f63742143ea540fedac',1,'mlx::core::LessEqual::eval_gpu()'],['../classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d',1,'mlx::core::Load::eval_gpu()'],['../classmlx_1_1core_1_1_log.html#aaaa49e9455f3a197bc319646b5ca6390',1,'mlx::core::Log::eval_gpu()'],['../classmlx_1_1core_1_1_log1p.html#a1b97decae7338d46874e736c95fa7431',1,'mlx::core::Log1p::eval_gpu()'],['../classmlx_1_1core_1_1_logical_not.html#a1d0d2bc93f935eca6c85ef7bf67f2d6a',1,'mlx::core::LogicalNot::eval_gpu()'],['../classmlx_1_1core_1_1_logical_and.html#a132b2eedaa3978de5a5350da3c2ca40f',1,'mlx::core::LogicalAnd::eval_gpu()'],['../classmlx_1_1core_1_1_logical_or.html#a3be1da328f0f8620de2e4fc1d22a077a',1,'mlx::core::LogicalOr::eval_gpu()'],['../classmlx_1_1core_1_1_log_add_exp.html#acace355b62ec00df649f9f99e8f2eb7a',1,'mlx::core::LogAddExp::eval_gpu()'],['../classmlx_1_1core_1_1_matmul.html#a8707a4e9b75c769e8f1dbca15c6a1ae7',1,'mlx::core::Matmul::eval_gpu()'],['../classmlx_1_1core_1_1_maximum.html#ade0f721b10a6b3a12bdadd34c48f72a7',1,'mlx::core::Maximum::eval_gpu()'],['../classmlx_1_1core_1_1_minimum.html#aadc68afa0afbe2103f19d161f5e0a2ba',1,'mlx::core::Minimum::eval_gpu()'],['../classmlx_1_1core_1_1_multiply.html#a634fcb4e981d8d3f4d94252caf25bee0',1,'mlx::core::Multiply::eval_gpu()'],['../classmlx_1_1core_1_1_negative.html#a97f1b316eace0c6d9e576d766940c75b',1,'mlx::core::Negative::eval_gpu()'],['../classmlx_1_1core_1_1_not_equal.html#a61179747e34e203150e9c660dfddb5f2',1,'mlx::core::NotEqual::eval_gpu()'],['../classmlx_1_1core_1_1_number_of_elements.html#a2c98c42915fb2bfe12f5c99ea553eff5',1,'mlx::core::NumberOfElements::eval_gpu()'],['../classmlx_1_1core_1_1_pad.html#aefd4d3a5bd8b6b35b266c9e558ada153',1,'mlx::core::Pad::eval_gpu()'],['../classmlx_1_1core_1_1_partition.html#a8eca1be21ae9ccfda46e6f3e85f506ef',1,'mlx::core::Partition::eval_gpu()'],['../classmlx_1_1core_1_1_power.html#a80577d4c0853c24027777c90a1ec7e11',1,'mlx::core::Power::eval_gpu()'],['../classmlx_1_1core_1_1_quantized_matmul.html#a2812ad007d695ed1aaf9cf706fb9c4b3',1,'mlx::core::QuantizedMatmul::eval_gpu()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a86eb048afc95646b2e96ec5493e3d887',1,'mlx::core::GatherQMM::eval_gpu()'],['../classmlx_1_1core_1_1_random_bits.html#a578756866665358577418e4cdd94aa3a',1,'mlx::core::RandomBits::eval_gpu()'],['../classmlx_1_1core_1_1_real.html#a1e209e88a43bdd1eea43ad0b03f9a7f2',1,'mlx::core::Real::eval_gpu()'],['../classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059',1,'mlx::core::Reshape::eval_gpu()'],['../classmlx_1_1core_1_1_reduce.html#ae9caaf42edadfe73ea208d98f526890f',1,'mlx::core::Reduce::eval_gpu()'],['../classmlx_1_1core_1_1_round.html#af7fe5ff8f3db166c203b4be4b07f13ec',1,'mlx::core::Round::eval_gpu()'],['../classmlx_1_1core_1_1_scan.html#aef22c6fc2b2cb2a907cd8965c7413dde',1,'mlx::core::Scan::eval_gpu()'],['../classmlx_1_1core_1_1_scatter.html#ab304345db3d8cfeea15e27461ae2e678',1,'mlx::core::Scatter::eval_gpu()'],['../classmlx_1_1core_1_1_scatter_axis.html#a715c3b959dc904faefb16edbb11f29d7',1,'mlx::core::ScatterAxis::eval_gpu()'],['../classmlx_1_1core_1_1_sigmoid.html#a7a6bd0222d51d7f25f2719a91ccdfeca',1,'mlx::core::Sigmoid::eval_gpu()'],['../classmlx_1_1core_1_1_sign.html#afa2b48b99a194106006b44af69ffda8b',1,'mlx::core::Sign::eval_gpu()'],['../classmlx_1_1core_1_1_sin.html#a6b59f1156cf8bdad8d45acd1d825cb5e',1,'mlx::core::Sin::eval_gpu()'],['../classmlx_1_1core_1_1_sinh.html#a5a1af2399f166d5b228b5e83a1837c75',1,'mlx::core::Sinh::eval_gpu()'],['../classmlx_1_1core_1_1_slice.html#aa53c21ff06a7c659e889af6b97d10a4a',1,'mlx::core::Slice::eval_gpu()'],['../classmlx_1_1core_1_1_slice_update.html#aac1a1d122e5697be057d63552141032b',1,'mlx::core::SliceUpdate::eval_gpu()'],['../classmlx_1_1core_1_1_dynamic_slice.html#ab0a2e31c03f02a4f25700e240cf18e3e',1,'mlx::core::DynamicSlice::eval_gpu()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a249dab28690c45203c3995698de0cab7',1,'mlx::core::DynamicSliceUpdate::eval_gpu()'],['../classmlx_1_1core_1_1_softmax.html#a35dac69ddcc7e2ec0e1a76fe93db85af',1,'mlx::core::Softmax::eval_gpu()'],['../classmlx_1_1core_1_1_sort.html#a4141c48f0e8670c728663f3722675382',1,'mlx::core::Sort::eval_gpu()'],['../classmlx_1_1core_1_1_split.html#a78ddda89c4daee73c74cfbc1e44656df',1,'mlx::core::Split::eval_gpu()'],['../classmlx_1_1core_1_1_square.html#a0ea2a78a5bb52daa4103263bf2f98045',1,'mlx::core::Square::eval_gpu()'],['../classmlx_1_1core_1_1_sqrt.html#a6d205e679a593d1ba20206c5c47ba501',1,'mlx::core::Sqrt::eval_gpu()'],['../classmlx_1_1core_1_1_stop_gradient.html#a907b96f0a1ce608e211d87ccf2b9ca89',1,'mlx::core::StopGradient::eval_gpu()'],['../classmlx_1_1core_1_1_subtract.html#a69021b23daf061764d97fabbc0f4f06c',1,'mlx::core::Subtract::eval_gpu()'],['../classmlx_1_1core_1_1_squeeze.html#a18d382c8bc59d60b38e9fd1cb70660fd',1,'mlx::core::Squeeze::eval_gpu()'],['../classmlx_1_1core_1_1_tan.html#aca7dbb4836507005a2032ac957a04d3f',1,'mlx::core::Tan::eval_gpu()'],['../classmlx_1_1core_1_1_tanh.html#a48df896599ae93dbce84a5c0f50cf761',1,'mlx::core::Tanh::eval_gpu()'],['../classmlx_1_1core_1_1_unflatten.html#adfbb8208355f9c3cb2e4cb1fd4fe788f',1,'mlx::core::Unflatten::eval_gpu()'],['../classmlx_1_1core_1_1_view.html#add6e12ff1e476fe1db7718b14f21b075',1,'mlx::core::View::eval_gpu()'],['../classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e',1,'mlx::core::Transpose::eval_gpu()'],['../classmlx_1_1core_1_1_q_r_f.html#ae5fa3482192f4713605cd07e7fc1c6c9',1,'mlx::core::QRF::eval_gpu()'],['../classmlx_1_1core_1_1_s_v_d.html#a7067b2207f826a25549d571856b94e83',1,'mlx::core::SVD::eval_gpu()'],['../classmlx_1_1core_1_1_inverse.html#a086fbbc947ad232e01686ad063a78ed2',1,'mlx::core::Inverse::eval_gpu()'],['../classmlx_1_1core_1_1_cholesky.html#a8c918594bf129888044ef37fcae56795',1,'mlx::core::Cholesky::eval_gpu()'],['../classmlx_1_1core_1_1_eigh.html#a67775b41c0a15e356f08d51d9736baa2',1,'mlx::core::Eigh::eval_gpu()'],['../classmlx_1_1core_1_1_l_u_f.html#aa2e955a6ca2ffbfab463a3e9c69beabf',1,'mlx::core::LUF::eval_gpu()']]], ['evaluated_41',['evaluated',['../classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078a6fc3d7595445dd877584495f47535268',1,'mlx::core::array']]], - ['event_42',['Event',['../classmlx_1_1core_1_1_event.html',1,'mlx::core::Event'],['../classmlx_1_1core_1_1_event.html#a833506419b2110ad1abd89b2dd238b4d',1,'mlx::core::Event::Event()=default'],['../classmlx_1_1core_1_1_event.html#a13e4835f2ffb2cc22e29148a448ea184',1,'mlx::core::Event::Event(const Stream &steam)']]], + ['event_42',['Event',['../classmlx_1_1core_1_1_event.html',1,'mlx::core::Event'],['../classmlx_1_1core_1_1_event.html#a98f1f98d6cac43ddb682522acdce63d5',1,'mlx::core::Event::Event()'],['../classmlx_1_1core_1_1_event.html#acdc48fc71fcf3f8d128be029d63b7826',1,'mlx::core::Event::Event(Stream stream)']]], ['event_43',['event',['../classmlx_1_1core_1_1array.html#a0a8e4d6e67e739a712876bb36f88f9bf',1,'mlx::core::array']]], - ['event_2eh_44',['event.h',['../backend_2metal_2event_8h.html',1,'(Global Namespace)'],['../event_8h.html',1,'(Global Namespace)']]], + ['event_2eh_44',['event.h',['../event_8h.html',1,'']]], ['excess_45',['excess',['../structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000',1,'mlx::steel::ChannelHelper::excess'],['../structmlx_1_1steel_1_1_channel_helper_3_011_01_4.html#ada22a8bd8a89078cfa28874055c8e753',1,'mlx::steel::ChannelHelper< 1 >::excess'],['../structmlx_1_1steel_1_1_channel_helper_3_012_01_4.html#acc490f3999230aa592c61bbed7eb7cfe',1,'mlx::steel::ChannelHelper< 2 >::excess'],['../structmlx_1_1steel_1_1_channel_helper_3_013_01_4.html#aae404674763f3dc73c5ab29169f8b80f',1,'mlx::steel::ChannelHelper< 3 >::excess'],['../structmlx_1_1steel_1_1_channel_helper_3_014_01_4.html#aecdd8331fec703d739a6f07b9b901ac8',1,'mlx::steel::ChannelHelper< 4 >::excess'],['../structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000',1,'mlx::steel::ChannelHelper< 1 >::excess'],['../structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000',1,'mlx::steel::ChannelHelper< 2 >::excess'],['../structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000',1,'mlx::steel::ChannelHelper< 3 >::excess'],['../structmlx_1_1steel_1_1_channel_helper.html#afc34bf92168c1865a9611b319dbcd000',1,'mlx::steel::ChannelHelper< 4 >::excess']]], ['exec_46',['exec',['../classpocketfft_1_1detail_1_1cfftp.html#a95211024bf007d27e700835db556fbd2',1,'pocketfft::detail::cfftp::exec()'],['../classpocketfft_1_1detail_1_1rfftp.html#a073972f42bdd3617693be7be2cb5e0ac',1,'pocketfft::detail::rfftp::exec()'],['../classpocketfft_1_1detail_1_1fftblue.html#a5fb03413a3d1a653842875adcf87ae8c',1,'pocketfft::detail::fftblue::exec()'],['../classpocketfft_1_1detail_1_1pocketfft__c.html#a436afd63e8e130f97aff103ae964a45d',1,'pocketfft::detail::pocketfft_c::exec()'],['../classpocketfft_1_1detail_1_1pocketfft__r.html#a2815bc8aa04fa986834b02e502f98b33',1,'pocketfft::detail::pocketfft_r::exec()'],['../classpocketfft_1_1detail_1_1_t__dct1.html#a7736111ff9d220f983e41a6fecd5f058',1,'pocketfft::detail::T_dct1::exec()'],['../classpocketfft_1_1detail_1_1_t__dst1.html#a598a9511004263eb3610053d7efc9e26',1,'pocketfft::detail::T_dst1::exec()'],['../classpocketfft_1_1detail_1_1_t__dcst23.html#a2a45b7b4612904c2be69c01f6d5029ac',1,'pocketfft::detail::T_dcst23::exec()'],['../classpocketfft_1_1detail_1_1_t__dcst4.html#af794ebf21009d5f918681188081df708',1,'pocketfft::detail::T_dcst4::exec()'],['../classmlx_1_1core_1_1_jit_compiler.html#adcf98f940e1919388eaab907ea17a540',1,'mlx::core::JitCompiler::exec()']]], ['exec_5fr_47',['exec_r',['../classpocketfft_1_1detail_1_1fftblue.html#a642b4aff0485c7d9c8794161a1464f00',1,'pocketfft::detail::fftblue']]], diff --git a/docs/build/html/search/all_6.js b/docs/build/html/search/all_6.js index e5307503a..eda618ee0 100644 --- a/docs/build/html/search/all_6.js +++ b/docs/build/html/search/all_6.js @@ -11,7 +11,7 @@ var searchData= ['fast_5fprimitives_2eh_8',['fast_primitives.h',['../fast__primitives_8h.html',1,'']]], ['fdc_9',['fdc',['../structmlx_1_1steel_1_1_g_e_m_m_add_m_m_params.html#a42efa2a1fddc11f71987377b9048f953',1,'mlx::steel::GEMMAddMMParams']]], ['fdim_10',['fdim',['../namespacemetal.html#a85a560794be56d8116889c1ee2d78761',1,'metal::fdim()'],['../namespacemetal_1_1fast.html#a667df76100d5ea0ce5860ddae3e5a00b',1,'metal::fast::fdim()'],['../namespacemetal_1_1precise.html#af693e7c93de446e80dd1377f5e9e7260',1,'metal::precise::fdim()']]], - ['fence_11',['Fence',['../classmlx_1_1core_1_1_fence.html',1,'mlx::core::Fence'],['../structmlx_1_1core_1_1metal_1_1_fence.html',1,'mlx::core::metal::Fence'],['../structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79',1,'mlx::core::metal::Fence::Fence()'],['../classmlx_1_1core_1_1_fence.html#a3e3ed08eb6a1025b051b5a435f6f95f7',1,'mlx::core::Fence::Fence()']]], + ['fence_11',['Fence',['../classmlx_1_1core_1_1_fence.html',1,'mlx::core::Fence'],['../structmlx_1_1core_1_1metal_1_1_fence.html',1,'mlx::core::metal::Fence'],['../structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79',1,'mlx::core::metal::Fence::Fence()'],['../classmlx_1_1core_1_1_fence.html#aeb09655b3ef4db12810defebdbbdac33',1,'mlx::core::Fence::Fence()'],['../classmlx_1_1core_1_1_fence.html#a7cabe72d8b165344ff9f7118975b6214',1,'mlx::core::Fence::Fence(Stream stream)']]], ['fence_12',['fence',['../structmlx_1_1core_1_1metal_1_1_fence.html#aeccd8f2b81418ae9fc446ae2b6e15b87',1,'mlx::core::metal::Fence::fence'],['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a876199de8da1efa9a362451029638499',1,'mlx::core::metal::DeviceStream::fence']]], ['fence_2eh_13',['fence.h',['../fence_8h.html',1,'']]], ['fence_5fmtx_14',['fence_mtx',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a6fa08cca881fc3798ae45994a11a4fcd',1,'mlx::core::metal::DeviceStream']]], @@ -23,42 +23,43 @@ var searchData= ['fftn_20',['fftn',['../namespacemlx_1_1core_1_1fft.html#a2c6685806eef1cae8d2da53567d23e5c',1,'mlx::core::fft::fftn(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#aaa116429c2cb5bab20b464be890252c8',1,'mlx::core::fft::fftn(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a039a44197ad299a15a5847639292800c',1,'mlx::core::fft::fftn(const array &a, StreamOrDevice s={})']]], ['filewriter_21',['FileWriter',['../classmlx_1_1core_1_1io_1_1_file_writer.html',1,'mlx::core::io::FileWriter'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a40b241ad540ee4aadc3a19a6b1ccfb4d',1,'mlx::core::io::FileWriter::FileWriter(std::string file_path)'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#aee57db8516361f17de3cf2087d9a87d9',1,'mlx::core::io::FileWriter::FileWriter(const FileWriter &)=delete'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a12b148df8a52136628728b508ee9c55e',1,'mlx::core::io::FileWriter::FileWriter(FileWriter &&other)']]], ['fill_5fgpu_22',['fill_gpu',['../namespacemlx_1_1core.html#ae789dbda2a0f4e21aa0984f6a5dc986c',1,'mlx::core']]], - ['finfo_23',['finfo',['../structmlx_1_1core_1_1finfo.html',1,'mlx::core::finfo'],['../structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109',1,'mlx::core::finfo::finfo()']]], - ['finite_5fmax_24',['finite_max',['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits::finite_max'],['../struct_limits_3_01uint8__t_01_4.html#a55f48b89033e8c8683f8540ec6b23f02',1,'Limits< uint8_t >::finite_max'],['../struct_limits_3_01uint16__t_01_4.html#a9d517d8265ea1898b6b16e91b8595146',1,'Limits< uint16_t >::finite_max'],['../struct_limits_3_01uint32__t_01_4.html#a0698139f3fe440d7aa08ac5029d72235',1,'Limits< uint32_t >::finite_max'],['../struct_limits_3_01uint64__t_01_4.html#aff101ff38be5ccdbb9790aecb3069071',1,'Limits< uint64_t >::finite_max'],['../struct_limits_3_01int8__t_01_4.html#a24cdab873e0fb778393c69f1dc9ecf73',1,'Limits< int8_t >::finite_max'],['../struct_limits_3_01int16__t_01_4.html#acb2936d1cdbf347a9a014c8e036a5782',1,'Limits< int16_t >::finite_max'],['../struct_limits_3_01int32__t_01_4.html#aa9ed9f0e8c7400d8fc92e1cba9588794',1,'Limits< int32_t >::finite_max'],['../struct_limits_3_01int64__t_01_4.html#a6c7254b641878fa0fb9538814c45457a',1,'Limits< int64_t >::finite_max'],['../struct_limits_3_01half_01_4.html#aedaf0190aabf23da20510e558e2690b4',1,'Limits< half >::finite_max'],['../struct_limits_3_01float_01_4.html#a291eea590113fc1858b7f83f2e0c977d',1,'Limits< float >::finite_max'],['../struct_limits_3_01bfloat16__t_01_4.html#a6337dc35207b3f6f7185cd73eabac211',1,'Limits< bfloat16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< bfloat16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< bool >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< complex64_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< float >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< half >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int32_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int64_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int8_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint32_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint64_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint8_t >::finite_max']]], - ['finite_5fmin_25',['finite_min',['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits::finite_min'],['../struct_limits_3_01uint8__t_01_4.html#a60cea662971b09f78ef19f1da4760b73',1,'Limits< uint8_t >::finite_min'],['../struct_limits_3_01uint16__t_01_4.html#a1a7c029eccba4ab89743abdfaabfa7b4',1,'Limits< uint16_t >::finite_min'],['../struct_limits_3_01uint32__t_01_4.html#ad5d811fce62f44488190ff01d9e7608b',1,'Limits< uint32_t >::finite_min'],['../struct_limits_3_01uint64__t_01_4.html#a6556e7de6e0670da8f768bbc4479deae',1,'Limits< uint64_t >::finite_min'],['../struct_limits_3_01int8__t_01_4.html#a592797ce82cc2f7e27b0c477165b3452',1,'Limits< int8_t >::finite_min'],['../struct_limits_3_01int16__t_01_4.html#a158c4dbc9333939691b1637478e28e39',1,'Limits< int16_t >::finite_min'],['../struct_limits_3_01int32__t_01_4.html#ad9777dc6a84dcb9c63b598189ff0a4ff',1,'Limits< int32_t >::finite_min'],['../struct_limits_3_01int64__t_01_4.html#af80726162b44a741aae679f1fe85142a',1,'Limits< int64_t >::finite_min'],['../struct_limits_3_01half_01_4.html#a98d153748be68dbb428c50df3c0285ab',1,'Limits< half >::finite_min'],['../struct_limits_3_01float_01_4.html#afaa5162a47083447c5ac758d6dc02a8b',1,'Limits< float >::finite_min'],['../struct_limits_3_01bfloat16__t_01_4.html#ae4132a37154707cc31bbc1734636cf36',1,'Limits< bfloat16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< bfloat16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< bool >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< complex64_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< float >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< half >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int32_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int64_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int8_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint32_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint64_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint8_t >::finite_min']]], - ['flags_26',['Flags',['../structmlx_1_1core_1_1array_1_1_flags.html',1,'mlx::core::array']]], - ['flags_27',['flags',['../classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1',1,'mlx::core::array']]], - ['flatten_28',['Flatten',['../classmlx_1_1core_1_1_flatten.html',1,'mlx::core::Flatten'],['../classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780',1,'mlx::core::Flatten::Flatten()']]], - ['flatten_29',['flatten',['../group__ops.html#ga50aa98754b412bb57c083f6e3e95061f',1,'mlx::core::flatten(const array &a, int start_axis, int end_axis=-1, StreamOrDevice s={})'],['../group__ops.html#gaa6adbc9c86f0ab27d8810a02e9e719fd',1,'mlx::core::flatten(const array &a, StreamOrDevice s={})']]], - ['flip_30',['flip',['../struct_m_l_x_conv_params.html#a8b30cda15eda20f84f12db868f21d0ef',1,'MLXConvParams']]], - ['float16_31',['float16',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa098e7844282e240fdee28a9dac11c1c6',1,'mlx::core::Dtype::float16'],['../namespacemlx_1_1core.html#abf228ee9d8ec48c03bb15adcc4e1f3ec',1,'mlx::core::float16']]], - ['float16_5ft_32',['float16_t',['../backend_2metal_2kernels_2utils_8h.html#acb8ddf4a29129846b673c50ba7078773',1,'float16_t: utils.h'],['../namespacemlx_1_1core.html#afbd2769c30e721afc85a7b9fb55b8e52',1,'mlx::core::float16_t']]], - ['float32_33',['float32',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daad33ec2b0bbea6d471a4706cea030e1e3',1,'mlx::core::Dtype::float32'],['../namespacemlx_1_1core.html#a6894543b340321193dfb8052c438a319',1,'mlx::core::float32']]], - ['float64_34',['float64',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daafb7fa22ede616c04c68a7663d0f81e92',1,'mlx::core::Dtype::float64'],['../namespacemlx_1_1core.html#a474bf5eb8bca8c380207c9f659aef3b1',1,'mlx::core::float64']]], - ['float_5fto_5fbfloat_5fbits_35',['float_to_bfloat_bits',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31ce5e8e860295fa236e0d4b0befeae1',1,'bf16.h']]], - ['floating_36',['floating',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da374515b23d6f106696387776a6077d17',1,'mlx::core::Dtype::floating'],['../namespacemlx_1_1core.html#ac9f9ea13cf0661e671569d37d14a128a',1,'mlx::core::floating']]], - ['floor_37',['Floor',['../struct_floor.html',1,'Floor'],['../structmlx_1_1core_1_1detail_1_1_floor.html',1,'mlx::core::detail::Floor'],['../classmlx_1_1core_1_1_floor.html',1,'mlx::core::Floor'],['../classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340',1,'mlx::core::Floor::Floor()']]], - ['floor_38',['floor',['../namespacemlx_1_1core_1_1simd.html#a8e22c484298d9af10b6604c835e52052',1,'mlx::core::simd::floor(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa396efa6e9c94f4ac1f8381d5e07f069',1,'mlx::core::simd::floor(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#ad6b89aecafefe57b6ce69bec143ccd6e',1,'mlx::core::simd::floor(Simd< float16_t, N > a)'],['../namespacemetal.html#a020790f30c28a9982c4a83deaa258277',1,'metal::floor()'],['../namespacemetal_1_1fast.html#ac012ce1701c2339914f15cce9f2c632f',1,'metal::fast::floor()'],['../namespacemetal_1_1precise.html#a66e02b028e3cecfe7c80773460dc7925',1,'metal::precise::floor()'],['../group__ops.html#ga8d656904aa2690b60955ae745aecfc30',1,'mlx::core::floor(const array &a, StreamOrDevice s={})']]], - ['floor_5fdivide_39',['floor_divide',['../group__ops.html#ga05b4c6054d028107869511f927da01cd',1,'mlx::core']]], - ['floordivide_40',['FloorDivide',['../struct_floor_divide.html',1,'']]], - ['fma_41',['fma',['../namespacemlx_1_1core_1_1simd.html#a9ddc7f119cc1dc04372ec1adcaf55f70',1,'mlx::core::simd::fma(Simd< T, N > x, Simd< T, N > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a8aa81ebff4c26f21cae2253d885fd87a',1,'mlx::core::simd::fma(Simd< T, 1 > x, Simd< T, 1 > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a99099c338377518773b55d4042f9410d',1,'mlx::core::simd::fma(Simd< float16_t, N > x, Simd< float16_t, N > y, T z)'],['../namespacemetal.html#a6301a78d69ff14a06194ca85a0c7d326',1,'metal::fma()'],['../namespacemetal_1_1fast.html#aebcd6e951da6f7157ec219eb7a8f1ddd',1,'metal::fast::fma()'],['../namespacemetal_1_1precise.html#a49391a64d6b66fe3a212516b316a2144',1,'metal::precise::fma()']]], - ['fmax_42',['fmax',['../namespacemetal.html#a0558e56fdb94b456deea6a4eb53964ed',1,'metal::fmax()'],['../namespacemetal_1_1fast.html#a26e3257cf877154f8a0d434be0bdb034',1,'metal::fast::fmax()'],['../namespacemetal_1_1precise.html#ac7d49f921c2883caf9eec66efc4de1cd',1,'metal::precise::fmax()']]], - ['fmax3_43',['fmax3',['../namespacemetal.html#ae0c1a7ba1a7449adc64d00b2a29e67f6',1,'metal::fmax3()'],['../namespacemetal_1_1fast.html#a5c6a3a389f348e1f92e8392b765a32c7',1,'metal::fast::fmax3()'],['../namespacemetal_1_1precise.html#adf750e51bd83d569994d0967029e3bdc',1,'metal::precise::fmax3()']]], - ['fmedian3_44',['fmedian3',['../namespacemetal.html#aa35227450d943fb88cf43162aa9d8c49',1,'metal::fmedian3()'],['../namespacemetal_1_1fast.html#a923869181c3f576f2d86fba5bfa85633',1,'metal::fast::fmedian3()'],['../namespacemetal_1_1precise.html#a48d1d0be889de4043b775bb6b030a989',1,'metal::precise::fmedian3()']]], - ['fmin_45',['fmin',['../namespacemetal.html#a66ac19825ea79b8294e243ae6d0b3d3c',1,'metal::fmin()'],['../namespacemetal_1_1fast.html#a7e202ec52bf12bfabdf2265b300acbfa',1,'metal::fast::fmin()'],['../namespacemetal_1_1precise.html#a18df8eb481dfa56c92ad31b5bab8e069',1,'metal::precise::fmin()']]], - ['fmin3_46',['fmin3',['../namespacemetal.html#ae2acd25f2241f00aaf89ff48f132a879',1,'metal::fmin3()'],['../namespacemetal_1_1fast.html#a9531c6a4a520927523961e6eb6b94c1a',1,'metal::fast::fmin3()'],['../namespacemetal_1_1precise.html#a5bb710e6742996d32225a8f54a0f116c',1,'metal::precise::fmin3()']]], - ['fmod_47',['fmod',['../namespacemetal.html#a2ff952d4d596a7969b2a3035fc2fda58',1,'metal::fmod()'],['../namespacemetal_1_1fast.html#adbec09f18a89f773d7e368ef04a69526',1,'metal::fast::fmod()'],['../namespacemetal_1_1precise.html#aa99937178a1fc8158054e328eeeae648',1,'metal::precise::fmod()']]], - ['forward_48',['FORWARD',['../namespacepocketfft_1_1detail.html#aecc5444a333360628be65a6f91ceb824',1,'pocketfft::detail::FORWARD'],['../namespacepocketfft.html#aecc5444a333360628be65a6f91ceb824',1,'pocketfft::FORWARD']]], - ['forward_49',['forward',['../structpocketfft_1_1detail_1_1_exec_c2_c.html#a63e27292b327597674deede9debe1c43',1,'pocketfft::detail::ExecC2C::forward'],['../structpocketfft_1_1detail_1_1_exec_r2_r.html#a5ec66ebb2ccd079f62b068ddd1fc7bdf',1,'pocketfft::detail::ExecR2R::forward']]], - ['four_5fstep_5ffft_50',['four_step_fft',['../backend_2metal_2kernels_2fft_8h.html#a6558a8205ee4c3e4767bafa93f7606de',1,'fft.h']]], - ['fp16_2eh_51',['fp16.h',['../fp16_8h.html',1,'']]], - ['fp16_5fbf16_5fbinop_5fhelper_52',['fp16_bf16_binop_helper',['../half__types_8h.html#a1f0d5d395d403bde764fffe4846617f9',1,'half_types.h']]], - ['fract_53',['fract',['../namespacemetal.html#a6b1c15d251aeaacb1f4338a5e152ae78',1,'metal::fract()'],['../namespacemetal_1_1fast.html#aa8bb448827503e485eb649eb3edb2d4c',1,'metal::fast::fract()'],['../namespacemetal_1_1precise.html#a0f21c19332a90df1a8ff507a813b5757',1,'metal::precise::fract()']]], - ['frag_5fat_54',['frag_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const']]], - ['frag_5ftype_55',['frag_type',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::frag_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171',1,'mlx::steel::MMATile::frag_type'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::frag_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171',1,'mlx::steel::MMATile::frag_type']]], - ['free_56',['free',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#ae963d551be646ae0e13df2c16f2beefb',1,'mlx::core::allocator::Allocator::free()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a84b50d1a3cbffa12c1a6cf0ed8c71079',1,'mlx::core::allocator::CommonAllocator::free()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0',1,'mlx::core::metal::MetalAllocator::free()'],['../namespacemlx_1_1core_1_1allocator.html#a77f0a1215be242db6485612bcb273af5',1,'mlx::core::allocator::free()']]], - ['frexp_57',['frexp',['../namespacemetal.html#ac89d4ef524d21a301da6c37dbd95ff9f',1,'metal::frexp()'],['../namespacemetal_1_1fast.html#a23902df22aeaa859ef673a36381387c2',1,'metal::fast::frexp()'],['../namespacemetal_1_1precise.html#a0fbb1624c308b97380f894f92fd858b4',1,'metal::precise::frexp()']]], - ['full_58',['Full',['../classmlx_1_1core_1_1_full.html',1,'mlx::core::Full'],['../classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6',1,'mlx::core::Full::Full()']]], - ['full_59',['full',['../group__ops.html#ga1cf232308668fe3f4214c8b895ed4aee',1,'mlx::core::full(Shape shape, array vals, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga59f6c844cbb173e108c3eeb11801f8c6',1,'mlx::core::full(Shape shape, array vals, StreamOrDevice s={})'],['../group__ops.html#gaf073760b7b51fe35932da0d81c531a55',1,'mlx::core::full(Shape shape, T val, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaf6f2cce92aff9b71756a3cc3c961fd5a',1,'mlx::core::full(Shape shape, T val, StreamOrDevice s={})']]], - ['functionexporter_60',['FunctionExporter',['../structmlx_1_1core_1_1_function_exporter.html',1,'mlx::core::FunctionExporter'],['../structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c',1,'mlx::core::FunctionExporter::FunctionExporter(const FunctionExporter &)=delete'],['../structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2',1,'mlx::core::FunctionExporter::FunctionExporter(FunctionExporter &&other)=default']]] + ['finalize_23',['finalize',['../namespacemlx_1_1core_1_1metal.html#a5bfb8d4e6a7d1e51010d81ce008c3232',1,'mlx::core::metal']]], + ['finfo_24',['finfo',['../structmlx_1_1core_1_1finfo.html',1,'mlx::core::finfo'],['../structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109',1,'mlx::core::finfo::finfo()']]], + ['finite_5fmax_25',['finite_max',['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits::finite_max'],['../struct_limits_3_01uint8__t_01_4.html#a55f48b89033e8c8683f8540ec6b23f02',1,'Limits< uint8_t >::finite_max'],['../struct_limits_3_01uint16__t_01_4.html#a9d517d8265ea1898b6b16e91b8595146',1,'Limits< uint16_t >::finite_max'],['../struct_limits_3_01uint32__t_01_4.html#a0698139f3fe440d7aa08ac5029d72235',1,'Limits< uint32_t >::finite_max'],['../struct_limits_3_01uint64__t_01_4.html#aff101ff38be5ccdbb9790aecb3069071',1,'Limits< uint64_t >::finite_max'],['../struct_limits_3_01int8__t_01_4.html#a24cdab873e0fb778393c69f1dc9ecf73',1,'Limits< int8_t >::finite_max'],['../struct_limits_3_01int16__t_01_4.html#acb2936d1cdbf347a9a014c8e036a5782',1,'Limits< int16_t >::finite_max'],['../struct_limits_3_01int32__t_01_4.html#aa9ed9f0e8c7400d8fc92e1cba9588794',1,'Limits< int32_t >::finite_max'],['../struct_limits_3_01int64__t_01_4.html#a6c7254b641878fa0fb9538814c45457a',1,'Limits< int64_t >::finite_max'],['../struct_limits_3_01half_01_4.html#aedaf0190aabf23da20510e558e2690b4',1,'Limits< half >::finite_max'],['../struct_limits_3_01float_01_4.html#a291eea590113fc1858b7f83f2e0c977d',1,'Limits< float >::finite_max'],['../struct_limits_3_01bfloat16__t_01_4.html#a6337dc35207b3f6f7185cd73eabac211',1,'Limits< bfloat16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< bfloat16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< bool >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< complex64_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< float >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< half >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int32_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int64_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< int8_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint16_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint32_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint64_t >::finite_max'],['../struct_limits.html#a5a3eae6d244fbea2aa7b9200001463e5',1,'Limits< uint8_t >::finite_max']]], + ['finite_5fmin_26',['finite_min',['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits::finite_min'],['../struct_limits_3_01uint8__t_01_4.html#a60cea662971b09f78ef19f1da4760b73',1,'Limits< uint8_t >::finite_min'],['../struct_limits_3_01uint16__t_01_4.html#a1a7c029eccba4ab89743abdfaabfa7b4',1,'Limits< uint16_t >::finite_min'],['../struct_limits_3_01uint32__t_01_4.html#ad5d811fce62f44488190ff01d9e7608b',1,'Limits< uint32_t >::finite_min'],['../struct_limits_3_01uint64__t_01_4.html#a6556e7de6e0670da8f768bbc4479deae',1,'Limits< uint64_t >::finite_min'],['../struct_limits_3_01int8__t_01_4.html#a592797ce82cc2f7e27b0c477165b3452',1,'Limits< int8_t >::finite_min'],['../struct_limits_3_01int16__t_01_4.html#a158c4dbc9333939691b1637478e28e39',1,'Limits< int16_t >::finite_min'],['../struct_limits_3_01int32__t_01_4.html#ad9777dc6a84dcb9c63b598189ff0a4ff',1,'Limits< int32_t >::finite_min'],['../struct_limits_3_01int64__t_01_4.html#af80726162b44a741aae679f1fe85142a',1,'Limits< int64_t >::finite_min'],['../struct_limits_3_01half_01_4.html#a98d153748be68dbb428c50df3c0285ab',1,'Limits< half >::finite_min'],['../struct_limits_3_01float_01_4.html#afaa5162a47083447c5ac758d6dc02a8b',1,'Limits< float >::finite_min'],['../struct_limits_3_01bfloat16__t_01_4.html#ae4132a37154707cc31bbc1734636cf36',1,'Limits< bfloat16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< bfloat16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< bool >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< complex64_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< float >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< half >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int32_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int64_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< int8_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint16_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint32_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint64_t >::finite_min'],['../struct_limits.html#ae7469d21f2688797ca3e388d919ef05e',1,'Limits< uint8_t >::finite_min']]], + ['flags_27',['Flags',['../structmlx_1_1core_1_1array_1_1_flags.html',1,'mlx::core::array']]], + ['flags_28',['flags',['../classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1',1,'mlx::core::array']]], + ['flatten_29',['Flatten',['../classmlx_1_1core_1_1_flatten.html',1,'mlx::core::Flatten'],['../classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780',1,'mlx::core::Flatten::Flatten()']]], + ['flatten_30',['flatten',['../group__ops.html#ga50aa98754b412bb57c083f6e3e95061f',1,'mlx::core::flatten(const array &a, int start_axis, int end_axis=-1, StreamOrDevice s={})'],['../group__ops.html#gaa6adbc9c86f0ab27d8810a02e9e719fd',1,'mlx::core::flatten(const array &a, StreamOrDevice s={})']]], + ['flip_31',['flip',['../struct_m_l_x_conv_params.html#a8b30cda15eda20f84f12db868f21d0ef',1,'MLXConvParams']]], + ['float16_32',['float16',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daa098e7844282e240fdee28a9dac11c1c6',1,'mlx::core::Dtype::float16'],['../namespacemlx_1_1core.html#abf228ee9d8ec48c03bb15adcc4e1f3ec',1,'mlx::core::float16']]], + ['float16_5ft_33',['float16_t',['../backend_2metal_2kernels_2utils_8h.html#acb8ddf4a29129846b673c50ba7078773',1,'float16_t: utils.h'],['../namespacemlx_1_1core.html#afbd2769c30e721afc85a7b9fb55b8e52',1,'mlx::core::float16_t']]], + ['float32_34',['float32',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daad33ec2b0bbea6d471a4706cea030e1e3',1,'mlx::core::Dtype::float32'],['../namespacemlx_1_1core.html#a6894543b340321193dfb8052c438a319',1,'mlx::core::float32']]], + ['float64_35',['float64',['../structmlx_1_1core_1_1_dtype.html#ade845ef5dcebead13a37fe696436e1daafb7fa22ede616c04c68a7663d0f81e92',1,'mlx::core::Dtype::float64'],['../namespacemlx_1_1core.html#a474bf5eb8bca8c380207c9f659aef3b1',1,'mlx::core::float64']]], + ['float_5fto_5fbfloat_5fbits_36',['float_to_bfloat_bits',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31ce5e8e860295fa236e0d4b0befeae1',1,'bf16.h']]], + ['floating_37',['floating',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2da374515b23d6f106696387776a6077d17',1,'mlx::core::Dtype::floating'],['../namespacemlx_1_1core.html#ac9f9ea13cf0661e671569d37d14a128a',1,'mlx::core::floating']]], + ['floor_38',['Floor',['../struct_floor.html',1,'Floor'],['../structmlx_1_1core_1_1detail_1_1_floor.html',1,'mlx::core::detail::Floor'],['../classmlx_1_1core_1_1_floor.html',1,'mlx::core::Floor'],['../classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340',1,'mlx::core::Floor::Floor()']]], + ['floor_39',['floor',['../namespacemlx_1_1core_1_1simd.html#a8e22c484298d9af10b6604c835e52052',1,'mlx::core::simd::floor(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa396efa6e9c94f4ac1f8381d5e07f069',1,'mlx::core::simd::floor(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#ad6b89aecafefe57b6ce69bec143ccd6e',1,'mlx::core::simd::floor(Simd< float16_t, N > a)'],['../namespacemetal.html#a020790f30c28a9982c4a83deaa258277',1,'metal::floor()'],['../namespacemetal_1_1fast.html#ac012ce1701c2339914f15cce9f2c632f',1,'metal::fast::floor()'],['../namespacemetal_1_1precise.html#a66e02b028e3cecfe7c80773460dc7925',1,'metal::precise::floor()'],['../group__ops.html#ga8d656904aa2690b60955ae745aecfc30',1,'mlx::core::floor(const array &a, StreamOrDevice s={})']]], + ['floor_5fdivide_40',['floor_divide',['../group__ops.html#ga05b4c6054d028107869511f927da01cd',1,'mlx::core']]], + ['floordivide_41',['FloorDivide',['../struct_floor_divide.html',1,'']]], + ['fma_42',['fma',['../namespacemlx_1_1core_1_1simd.html#a9ddc7f119cc1dc04372ec1adcaf55f70',1,'mlx::core::simd::fma(Simd< T, N > x, Simd< T, N > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a8aa81ebff4c26f21cae2253d885fd87a',1,'mlx::core::simd::fma(Simd< T, 1 > x, Simd< T, 1 > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a99099c338377518773b55d4042f9410d',1,'mlx::core::simd::fma(Simd< float16_t, N > x, Simd< float16_t, N > y, T z)'],['../namespacemetal.html#a6301a78d69ff14a06194ca85a0c7d326',1,'metal::fma()'],['../namespacemetal_1_1fast.html#aebcd6e951da6f7157ec219eb7a8f1ddd',1,'metal::fast::fma()'],['../namespacemetal_1_1precise.html#a49391a64d6b66fe3a212516b316a2144',1,'metal::precise::fma()']]], + ['fmax_43',['fmax',['../namespacemetal.html#a0558e56fdb94b456deea6a4eb53964ed',1,'metal::fmax()'],['../namespacemetal_1_1fast.html#a26e3257cf877154f8a0d434be0bdb034',1,'metal::fast::fmax()'],['../namespacemetal_1_1precise.html#ac7d49f921c2883caf9eec66efc4de1cd',1,'metal::precise::fmax()']]], + ['fmax3_44',['fmax3',['../namespacemetal.html#ae0c1a7ba1a7449adc64d00b2a29e67f6',1,'metal::fmax3()'],['../namespacemetal_1_1fast.html#a5c6a3a389f348e1f92e8392b765a32c7',1,'metal::fast::fmax3()'],['../namespacemetal_1_1precise.html#adf750e51bd83d569994d0967029e3bdc',1,'metal::precise::fmax3()']]], + ['fmedian3_45',['fmedian3',['../namespacemetal.html#aa35227450d943fb88cf43162aa9d8c49',1,'metal::fmedian3()'],['../namespacemetal_1_1fast.html#a923869181c3f576f2d86fba5bfa85633',1,'metal::fast::fmedian3()'],['../namespacemetal_1_1precise.html#a48d1d0be889de4043b775bb6b030a989',1,'metal::precise::fmedian3()']]], + ['fmin_46',['fmin',['../namespacemetal.html#a66ac19825ea79b8294e243ae6d0b3d3c',1,'metal::fmin()'],['../namespacemetal_1_1fast.html#a7e202ec52bf12bfabdf2265b300acbfa',1,'metal::fast::fmin()'],['../namespacemetal_1_1precise.html#a18df8eb481dfa56c92ad31b5bab8e069',1,'metal::precise::fmin()']]], + ['fmin3_47',['fmin3',['../namespacemetal.html#ae2acd25f2241f00aaf89ff48f132a879',1,'metal::fmin3()'],['../namespacemetal_1_1fast.html#a9531c6a4a520927523961e6eb6b94c1a',1,'metal::fast::fmin3()'],['../namespacemetal_1_1precise.html#a5bb710e6742996d32225a8f54a0f116c',1,'metal::precise::fmin3()']]], + ['fmod_48',['fmod',['../namespacemetal.html#a2ff952d4d596a7969b2a3035fc2fda58',1,'metal::fmod()'],['../namespacemetal_1_1fast.html#adbec09f18a89f773d7e368ef04a69526',1,'metal::fast::fmod()'],['../namespacemetal_1_1precise.html#aa99937178a1fc8158054e328eeeae648',1,'metal::precise::fmod()']]], + ['forward_49',['FORWARD',['../namespacepocketfft_1_1detail.html#aecc5444a333360628be65a6f91ceb824',1,'pocketfft::detail::FORWARD'],['../namespacepocketfft.html#aecc5444a333360628be65a6f91ceb824',1,'pocketfft::FORWARD']]], + ['forward_50',['forward',['../structpocketfft_1_1detail_1_1_exec_c2_c.html#a63e27292b327597674deede9debe1c43',1,'pocketfft::detail::ExecC2C::forward'],['../structpocketfft_1_1detail_1_1_exec_r2_r.html#a5ec66ebb2ccd079f62b068ddd1fc7bdf',1,'pocketfft::detail::ExecR2R::forward']]], + ['four_5fstep_5ffft_51',['four_step_fft',['../backend_2metal_2kernels_2fft_8h.html#a6558a8205ee4c3e4767bafa93f7606de',1,'fft.h']]], + ['fp16_2eh_52',['fp16.h',['../fp16_8h.html',1,'']]], + ['fp16_5fbf16_5fbinop_5fhelper_53',['fp16_bf16_binop_helper',['../half__types_8h.html#a1f0d5d395d403bde764fffe4846617f9',1,'half_types.h']]], + ['fract_54',['fract',['../namespacemetal.html#a6b1c15d251aeaacb1f4338a5e152ae78',1,'metal::fract()'],['../namespacemetal_1_1fast.html#aa8bb448827503e485eb649eb3edb2d4c',1,'metal::fast::fract()'],['../namespacemetal_1_1precise.html#a0f21c19332a90df1a8ff507a813b5757',1,'metal::precise::fract()']]], + ['frag_5fat_55',['frag_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const']]], + ['frag_5ftype_56',['frag_type',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::frag_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171',1,'mlx::steel::MMATile::frag_type'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8536bfaa108031c2ea3e9ccdc766ee5b',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::frag_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aac25cd0a9bdf24aa2af809c95f0bd171',1,'mlx::steel::MMATile::frag_type']]], + ['free_57',['free',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#ae963d551be646ae0e13df2c16f2beefb',1,'mlx::core::allocator::Allocator::free()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a84b50d1a3cbffa12c1a6cf0ed8c71079',1,'mlx::core::allocator::CommonAllocator::free()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0',1,'mlx::core::metal::MetalAllocator::free()'],['../namespacemlx_1_1core_1_1allocator.html#a77f0a1215be242db6485612bcb273af5',1,'mlx::core::allocator::free()']]], + ['frexp_58',['frexp',['../namespacemetal.html#ac89d4ef524d21a301da6c37dbd95ff9f',1,'metal::frexp()'],['../namespacemetal_1_1fast.html#a23902df22aeaa859ef673a36381387c2',1,'metal::fast::frexp()'],['../namespacemetal_1_1precise.html#a0fbb1624c308b97380f894f92fd858b4',1,'metal::precise::frexp()']]], + ['full_59',['Full',['../classmlx_1_1core_1_1_full.html',1,'mlx::core::Full'],['../classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6',1,'mlx::core::Full::Full()']]], + ['full_60',['full',['../group__ops.html#ga1cf232308668fe3f4214c8b895ed4aee',1,'mlx::core::full(Shape shape, array vals, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga59f6c844cbb173e108c3eeb11801f8c6',1,'mlx::core::full(Shape shape, array vals, StreamOrDevice s={})'],['../group__ops.html#gaf073760b7b51fe35932da0d81c531a55',1,'mlx::core::full(Shape shape, T val, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaf6f2cce92aff9b71756a3cc3c961fd5a',1,'mlx::core::full(Shape shape, T val, StreamOrDevice s={})']]], + ['functionexporter_61',['FunctionExporter',['../structmlx_1_1core_1_1_function_exporter.html',1,'mlx::core::FunctionExporter'],['../structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c',1,'mlx::core::FunctionExporter::FunctionExporter(const FunctionExporter &)=delete'],['../structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2',1,'mlx::core::FunctionExporter::FunctionExporter(FunctionExporter &&other)=default']]] ]; diff --git a/docs/build/html/search/all_7.js b/docs/build/html/search/all_7.js index c958fd251..28aa62131 100644 --- a/docs/build/html/search/all_7.js +++ b/docs/build/html/search/all_7.js @@ -53,7 +53,7 @@ var searchData= ['get_5fcache_5fmemory_50',['get_cache_memory',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ad3cabbe638917ca4114eb74dcabe381f',1,'mlx::core::metal::MetalAllocator::get_cache_memory()'],['../namespacemlx_1_1core_1_1metal.html#a43307654f62ed7c58e014be7fb03909c',1,'mlx::core::metal::get_cache_memory()']]], ['get_5fcolocated_5fmtllib_5fpath_51',['get_colocated_mtllib_path',['../namespacemlx_1_1core_1_1metal.html#a5fd6ba2040e53a254b9d71ae7ebd315f',1,'mlx::core::metal']]], ['get_5fcommand_5fbuffer_52',['get_command_buffer',['../classmlx_1_1core_1_1metal_1_1_device.html#a5fe3970fbe92ccc55fce4241ffbe5210',1,'mlx::core::metal::Device']]], - ['get_5fcommand_5fencoder_53',['get_command_encoder',['../classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6',1,'mlx::core::metal::Device']]], + ['get_5fcommand_5fencoder_53',['get_command_encoder',['../classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6',1,'mlx::core::metal::Device::get_command_encoder()'],['../namespacemlx_1_1core_1_1cpu.html#a65b1789c4b339a108e64fda5f102d933',1,'mlx::core::cpu::get_command_encoder()']]], ['get_5fcoord_54',['get_coord',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::get_coord(ushort simd_lane_id)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::get_coord(ushort simd_lane_id)']]], ['get_5fcopy_5fkernel_55',['get_copy_kernel',['../namespacemlx_1_1core.html#a05a220cff45f12439fde775983c6df78',1,'mlx::core']]], ['get_5fdefault_5fstream_56',['get_default_stream',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a2366c7b888e433608e203752edc92282',1,'mlx::core::scheduler::Scheduler']]], diff --git a/docs/build/html/search/all_8.js b/docs/build/html/search/all_8.js index 8bb335aae..0654b5955 100644 --- a/docs/build/html/search/all_8.js +++ b/docs/build/html/search/all_8.js @@ -20,10 +20,10 @@ var searchData= ['half_5finplace_5fop_17',['half_inplace_op',['../fp16_8h.html#a6348c00d31a50b2df1b47d18af49c4b8',1,'fp16.h']]], ['half_5ftypes_2eh_18',['half_types.h',['../half__types_8h.html',1,'']]], ['has_5fbatch_19',['has_batch',['../steel__gemm__fused_8h.html#adffcdc900c19ff97f1523e43f1a5a6cc',1,'steel_gemm_fused.h']]], - ['has_5fmask_20',['has_mask',['../sdpa__vector_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81',1,'sdpa_vector.h']]], - ['has_5fmul_5foperand_5fmask_21',['has_mul_operand_mask',['../struct_g_e_m_v_kernel.html#ad47223ee49b3cb7bf3746a2cec45f883',1,'GEMVKernel::has_mul_operand_mask'],['../struct_g_e_m_v_t_kernel.html#a8db6f01f96a36b216acd801c34a96ef5',1,'GEMVTKernel::has_mul_operand_mask']]], - ['has_5fmul_5foutput_5fmask_22',['has_mul_output_mask',['../struct_g_e_m_v_kernel.html#a0edbf2dd6a6563e7afa6dab6b670615c',1,'GEMVKernel::has_mul_output_mask'],['../struct_g_e_m_v_t_kernel.html#a8eb06f6569e4042e24fee220b11fa10d',1,'GEMVTKernel::has_mul_output_mask']]], - ['has_5foperand_5fmask_23',['has_operand_mask',['../struct_g_e_m_v_kernel.html#ab00784dff1512a7b0919fcb4cfa5d50e',1,'GEMVKernel::has_operand_mask'],['../struct_g_e_m_v_t_kernel.html#a6729d6e63e76a1e9c7c8e78d9aac4869',1,'GEMVTKernel::has_operand_mask']]], - ['has_5foutput_5fmask_24',['has_output_mask',['../struct_g_e_m_v_kernel.html#ab8b64c94f4c8f6f09c0777415589b487',1,'GEMVKernel::has_output_mask'],['../struct_g_e_m_v_t_kernel.html#aaefdf8f023da255bbb70a0c3e3408626',1,'GEMVTKernel::has_output_mask']]], + ['has_5fmask_20',['has_mask',['../sdpa__vector_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81',1,'has_mask: sdpa_vector.h'],['../steel__attention_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81',1,'has_mask: steel_attention.h']]], + ['has_5fmul_5foperand_5fmask_21',['has_mul_operand_mask',['../struct_g_e_m_v_kernel.html#a09f0e646822d45dc2543e31509552258',1,'GEMVKernel::has_mul_operand_mask'],['../struct_g_e_m_v_t_kernel.html#a94f56f0ecf1f148f0513312325f33653',1,'GEMVTKernel::has_mul_operand_mask']]], + ['has_5fmul_5foutput_5fmask_22',['has_mul_output_mask',['../struct_g_e_m_v_kernel.html#ad54fb5c6f0f9a820365b638542693291',1,'GEMVKernel::has_mul_output_mask'],['../struct_g_e_m_v_t_kernel.html#a19df54577e341044dc8e57cc5b6147f3',1,'GEMVTKernel::has_mul_output_mask']]], + ['has_5foperand_5fmask_23',['has_operand_mask',['../struct_g_e_m_v_kernel.html#a68bad880d1e689228ae4d3c6958cc6c1',1,'GEMVKernel::has_operand_mask'],['../struct_g_e_m_v_t_kernel.html#aef8622b2f76d1ff272ced396c89e829d',1,'GEMVTKernel::has_operand_mask']]], + ['has_5foutput_5fmask_24',['has_output_mask',['../struct_g_e_m_v_kernel.html#a3b0b9ccf11bd5d7de50b9626fa9a22cc',1,'GEMVKernel::has_output_mask'],['../struct_g_e_m_v_t_kernel.html#a19bcb2d9377493a81da072f33711de33',1,'GEMVTKernel::has_output_mask']]], ['has_5fprimitive_25',['has_primitive',['../classmlx_1_1core_1_1array.html#aa5aceab15241e7826cbaf8b8a41440c1',1,'mlx::core::array']]] ]; diff --git a/docs/build/html/search/all_b.js b/docs/build/html/search/all_b.js index efc4da08b..95bde6ffc 100644 --- a/docs/build/html/search/all_b.js +++ b/docs/build/html/search/all_b.js @@ -20,11 +20,12 @@ var searchData= ['kind_17',['Kind',['../structmlx_1_1core_1_1_dtype.html#adb1ea8b45a0c53e04a0e73b168702715',1,'mlx::core::Dtype']]], ['kindof_18',['kindof',['../namespacemlx_1_1core.html#ad527b86818823db040195785efd7d724',1,'mlx::core']]], ['kl_19',['kL',['../structmlx_1_1steel_1_1_attn_params.html#a497b7404bcd25b535c3589c61f269f63',1,'mlx::steel::AttnParams']]], - ['knumfrags_20',['kNumFrags',['../structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3',1,'mlx::steel::MMATile']]], - ['kron_21',['kron',['../group__ops.html#ga6df16248cb68bc73644cdb1698967c19',1,'mlx::core']]], - ['krows_22',['kRows',['../structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993',1,'mlx::steel::CShape::kRows'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323',1,'mlx::steel::MMATile::kRows']]], - ['krowsperthread_23',['kRowsPerThread',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e',1,'mlx::steel::MMATile']]], - ['ktilecols_24',['kTileCols',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4',1,'mlx::steel::MMATile']]], - ['ktilerows_25',['kTileRows',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a',1,'mlx::steel::MMATile']]], - ['kwargs_26',['Kwargs',['../namespacemlx_1_1core.html#af3efb38b31c0bc08754a4edfda656b83',1,'mlx::core']]] + ['kl_5frem_20',['kL_rem',['../structmlx_1_1steel_1_1_attn_params.html#a752033afdf873d2c506aa83b02e38139',1,'mlx::steel::AttnParams']]], + ['knumfrags_21',['kNumFrags',['../structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3',1,'mlx::steel::MMATile']]], + ['kron_22',['kron',['../group__ops.html#ga6df16248cb68bc73644cdb1698967c19',1,'mlx::core']]], + ['krows_23',['kRows',['../structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993',1,'mlx::steel::CShape::kRows'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323',1,'mlx::steel::MMATile::kRows']]], + ['krowsperthread_24',['kRowsPerThread',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e',1,'mlx::steel::MMATile']]], + ['ktilecols_25',['kTileCols',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4',1,'mlx::steel::MMATile']]], + ['ktilerows_26',['kTileRows',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a',1,'mlx::steel::MMATile']]], + ['kwargs_27',['Kwargs',['../namespacemlx_1_1core.html#af3efb38b31c0bc08754a4edfda656b83',1,'mlx::core']]] ]; diff --git a/docs/build/html/search/all_c.js b/docs/build/html/search/all_c.js index bd8a11206..0798f6bd6 100644 --- a/docs/build/html/search/all_c.js +++ b/docs/build/html/search/all_c.js @@ -44,14 +44,14 @@ var searchData= ['linalg_2eh_41',['linalg.h',['../linalg_8h.html',1,'']]], ['linspace_42',['linspace',['../group__ops.html#ga968bcabed902311dcfbd903b0fb886ec',1,'mlx::core']]], ['load_43',['Load',['../classmlx_1_1core_1_1_load.html',1,'mlx::core::Load'],['../classmlx_1_1core_1_1_load.html#a3aa8a537cd90bab048df47dca1ed526a',1,'mlx::core::Load::Load()']]], - ['load_44',['load',['../struct_read_writer.html#a120eaf4b5f32e80972a18d14e82a2d75',1,'ReadWriter::load()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../struct_read_writer.html#a8a97ba42db5692898ef7391db08d8fd0',1,'ReadWriter::load() const'],['../struct_read_writer.html#a2506ee61be67826ac9494efb12a81900',1,'ReadWriter::load() const'],['../namespacemlx_1_1core.html#a954de19249da7c1fa39b89bdc47368aa',1,'mlx::core::load()'],['../namespacemlx_1_1core_1_1simd.html#a4041676517d96870293e5448c7e2b5a4',1,'mlx::core::simd::load()'],['../namespacemlx_1_1core.html#abada9bfa834d7423959362386720f3db',1,'mlx::core::load(std::shared_ptr< io::Reader > in_stream, StreamOrDevice s={})'],['../namespacemlx_1_1core.html#ac71a08bf4c052ae3c77e9e89cbea071d',1,'mlx::core::load(std::string file, StreamOrDevice s={})']]], - ['load_2eh_45',['load.h',['../backend_2common_2load_8h.html',1,'(Global Namespace)'],['../io_2load_8h.html',1,'(Global Namespace)']]], + ['load_44',['load',['../struct_read_writer.html#a120eaf4b5f32e80972a18d14e82a2d75',1,'ReadWriter::load()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../struct_read_writer.html#a8a97ba42db5692898ef7391db08d8fd0',1,'ReadWriter::load() const'],['../struct_read_writer.html#a2506ee61be67826ac9494efb12a81900',1,'ReadWriter::load() const'],['../namespacemlx_1_1core_1_1simd.html#a4041676517d96870293e5448c7e2b5a4',1,'mlx::core::simd::load()'],['../namespacemlx_1_1core.html#abada9bfa834d7423959362386720f3db',1,'mlx::core::load(std::shared_ptr< io::Reader > in_stream, StreamOrDevice s={})'],['../namespacemlx_1_1core.html#ac71a08bf4c052ae3c77e9e89cbea071d',1,'mlx::core::load(std::string file, StreamOrDevice s={})']]], + ['load_2eh_45',['load.h',['../load_8h.html',1,'']]], ['load_5fgguf_46',['load_gguf',['../namespacemlx_1_1core.html#a2aa12b351ce559deb14cda0a5292c2ce',1,'mlx::core']]], ['load_5fpadded_47',['load_padded',['../struct_read_writer.html#add5bd3f647793a5a19d63197a19df73c',1,'ReadWriter::load_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#af3ce6bbb1a8dfb3bab1ae18d3eb45bc0',1,'ReadWriter::load_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#ab116f4569bb9dc6eaef0d8d08472e239',1,'ReadWriter::load_padded(int length, const device float2 *w_k) const']]], - ['load_5fsafe_48',['load_safe',['../struct_g_e_m_v_kernel.html#a04bb72da9a93d6d1eba468fa311bbba7',1,'GEMVKernel::load_safe()'],['../struct_quantized_block_loader.html#a699dc9aa284b8fbf870310bbb224465b',1,'QuantizedBlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d',1,'mlx::steel::BlockLoaderT::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../scan_8h.html#ae8eb101e538b85f8a4bcf451489ae0ac',1,'load_safe(): scan.h']]], + ['load_5fsafe_48',['load_safe',['../struct_g_e_m_v_kernel.html#a047eca250e7cbc928bce0e13de98e558',1,'GEMVKernel::load_safe()'],['../struct_quantized_block_loader.html#a699dc9aa284b8fbf870310bbb224465b',1,'QuantizedBlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d',1,'mlx::steel::BlockLoaderT::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../scan_8h.html#ae8eb101e538b85f8a4bcf451489ae0ac',1,'load_safe(): scan.h']]], ['load_5fsafetensors_49',['load_safetensors',['../namespacemlx_1_1core.html#a96cc40e1af8c4626c813ce4859f70a5c',1,'mlx::core::load_safetensors(std::shared_ptr< io::Reader > in_stream, StreamOrDevice s={})'],['../namespacemlx_1_1core.html#af7eea1682a38d363c56a066321e6d526',1,'mlx::core::load_safetensors(const std::string &file, StreamOrDevice s={})']]], ['load_5fstrided_50',['load_strided',['../struct_read_writer.html#a998ef484bade81f726b9edfc6b878197',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a3d9c8cbc582cad6b5218339d0f721559',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a795a71a8e1f154a5af415ebe1b3f0713',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a0935b946b8bf2e769427fcbf2da2f7be',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a7d45368c74a8b7c632659504b3273a13',1,'ReadWriter::load_strided(int stride, int overall_n)']]], - ['load_5funsafe_51',['load_unsafe',['../struct_g_e_m_v_kernel.html#a6013e9c5b2f72fa1311dd038172df0ce',1,'GEMVKernel::load_unsafe()'],['../struct_quantized_block_loader.html#a86009527cb4b53e4c21fd6b1f78cfefc',1,'QuantizedBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38',1,'mlx::steel::BlockLoaderT::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55',1,'mlx::steel::Conv2DWeightBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../scan_8h.html#a9c415d07921f3961bad0a00a34f4a9a3',1,'load_unsafe(U values[N_READS], const device T *input): scan.h']]], + ['load_5funsafe_51',['load_unsafe',['../struct_g_e_m_v_kernel.html#af96a768a213a95e7a4d8f3ec1948034f',1,'GEMVKernel::load_unsafe()'],['../struct_quantized_block_loader.html#a86009527cb4b53e4c21fd6b1f78cfefc',1,'QuantizedBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38',1,'mlx::steel::BlockLoaderT::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55',1,'mlx::steel::Conv2DWeightBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../scan_8h.html#a9c415d07921f3961bad0a00a34f4a9a3',1,'load_unsafe(U values[N_READS], const device T *input): scan.h']]], ['load_5fvector_52',['load_vector',['../quantized_8h.html#a8dbace41de9e1e21dd59d016db11b3e9',1,'quantized.h']]], ['load_5fvector_5fsafe_53',['load_vector_safe',['../quantized_8h.html#aa69e143d646fad332c1a53e8c9b337b7',1,'quantized.h']]], ['loader_2eh_54',['loader.h',['../attn_2loader_8h.html',1,'(Global Namespace)'],['../conv_2loader_8h.html',1,'(Global Namespace)'],['../gemm_2loader_8h.html',1,'(Global Namespace)']]], diff --git a/docs/build/html/search/all_d.js b/docs/build/html/search/all_d.js index d7502646d..67867f61b 100644 --- a/docs/build/html/search/all_d.js +++ b/docs/build/html/search/all_d.js @@ -1,79 +1,79 @@ var searchData= [ ['m_0',['M',['../structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a2117fc93662d5177c8f3e7c2dbb9e2db',1,'mlx::steel::ImplicitGemmConv2DParams::M'],['../structmlx_1_1steel_1_1_g_e_m_m_params.html#a85b20a4c4558cc78d76fcbd045a9c694',1,'mlx::steel::GEMMParams::M'],['../structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a8bab0cf8a20d2abefe294a7505917e7e',1,'mlx::steel::GEMMSpiltKParams::M']]], - ['make_5farrays_1',['make_arrays',['../classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c',1,'mlx::core::array']]], - ['make_5fcontiguous_5fstrides_2',['make_contiguous_strides',['../namespacemlx_1_1core.html#a449ef1148816a37bbc7ffd43d3c586a0',1,'mlx::core']]], - ['make_5fstring_3',['make_string',['../namespacemlx_1_1core.html#aed148d95e7b5221f1312473deded0d27',1,'mlx::core']]], - ['make_5fsynchronize_5ftask_4',['make_synchronize_task',['../namespacemlx_1_1core_1_1metal.html#ab31abdda3052162d59f6590a89e38337',1,'mlx::core::metal']]], - ['make_5ftask_5',['make_task',['../namespacemlx_1_1core_1_1metal.html#a4552b7ccdfa7f3cc9895c09799d8048e',1,'mlx::core::metal']]], - ['make_5fvoid_6',['make_void',['../structmetal_1_1make__void.html',1,'metal']]], - ['malloc_7',['malloc',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a9a17d2c7a97772bf4a15e6c74af34ca4',1,'mlx::core::allocator::Allocator::malloc()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a4f3d5de6b8c0eba22e9403b28a5ef3f0',1,'mlx::core::allocator::CommonAllocator::malloc()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc',1,'mlx::core::metal::MetalAllocator::malloc()'],['../namespacemlx_1_1core_1_1allocator.html#a560d10a166e3c294f3757166f9bd6801',1,'mlx::core::allocator::malloc(size_t size)']]], - ['malloc_5for_5fwait_8',['malloc_or_wait',['../namespacemlx_1_1core_1_1allocator.html#a86ac0a11ff78f21e717f641716c34abc',1,'mlx::core::allocator']]], - ['mask_5fh_9',['mask_h',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], - ['mask_5ft_10',['mask_t',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a270ab3da7c98a12525a59952742cc97d',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], - ['mask_5fw_11',['mask_w',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], - ['mat_5fat_12',['mat_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)']]], - ['mat_5ftype_13',['mat_type',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mat_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a',1,'mlx::steel::MMATile::mat_type'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mat_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a',1,'mlx::steel::MMATile::mat_type']]], - ['math_2eh_14',['math.h',['../math_8h.html',1,'']]], - ['matmul_15',['Matmul',['../classmlx_1_1core_1_1_matmul.html',1,'mlx::core::Matmul'],['../classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7',1,'mlx::core::Matmul::Matmul()']]], - ['matmul_16',['matmul',['../namespacemlx_1_1core.html#aaacf0afe13d77a5c49ce96f1e833eb2d',1,'mlx::core::matmul(const array &a, const array &b, array &out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, float alpha, float beta)'],['../group__ops.html#ga753d59f5a9f5f2362865ee83b4dced2a',1,'mlx::core::matmul(const array &a, const array &b, StreamOrDevice s={})']]], - ['matmul_2eh_17',['matmul.h',['../matmul_8h.html',1,'']]], - ['max_18',['Max',['../struct_max.html',1,'Max< U >'],['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924ac00cf69bbba24f7ab08d3ad618705988',1,'mlx::core::distributed::AllReduce::Max'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a3d11c500ea4f7f639e20dd0755d39260',1,'mlx::core::Reduce::Max'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ad54b2905015a390708f79bae6cdac56d',1,'mlx::core::Scan::Max'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca1c2da7b96d743296fe660f5fc4072f16',1,'mlx::core::Scatter::Max']]], - ['max_19',['max',['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits::max'],['../struct_limits_3_01uint8__t_01_4.html#a1570fb640e2e41f96776db5ca08d500c',1,'Limits< uint8_t >::max'],['../struct_limits_3_01uint16__t_01_4.html#a228b33556ba4cb7e6137ab6258628488',1,'Limits< uint16_t >::max'],['../struct_limits_3_01uint32__t_01_4.html#a91fa8f7214ec936976a8324c7431c651',1,'Limits< uint32_t >::max'],['../struct_limits_3_01uint64__t_01_4.html#aa8c2257881a4e1fa8596fa07dba5e107',1,'Limits< uint64_t >::max'],['../struct_limits_3_01int8__t_01_4.html#a96fed01fa9249226be69760652643289',1,'Limits< int8_t >::max'],['../struct_limits_3_01int16__t_01_4.html#a12d64c398ca7609b7c906f3cf1a6f678',1,'Limits< int16_t >::max'],['../struct_limits_3_01int32__t_01_4.html#af756344b31e84222dd73d3445dcd5640',1,'Limits< int32_t >::max'],['../struct_limits_3_01int64__t_01_4.html#ac9c420604c0f3d237ddfb2b8a2439224',1,'Limits< int64_t >::max'],['../struct_limits_3_01half_01_4.html#a4f9515dbf2a622074f121bea39a7b175',1,'Limits< half >::max'],['../struct_limits_3_01float_01_4.html#aba172b22b388190aa3969ef16885d8a6',1,'Limits< float >::max'],['../struct_limits_3_01bfloat16__t_01_4.html#a0ead3618da6718629ea9fa4670b5005f',1,'Limits< bfloat16_t >::max'],['../struct_limits_3_01bool_01_4.html#acbd2132145888d51220558a101ffcff4',1,'Limits< bool >::max'],['../struct_limits_3_01complex64__t_01_4.html#ac01c274b224b90f5210b675a484f4607',1,'Limits< complex64_t >::max'],['../structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083',1,'mlx::core::finfo::max'],['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a92320d40a58218e40cc414986ac95c50',1,'metal::_numeric_limits_impl< bfloat16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334',1,'mlx::core::numeric_limits< float16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a',1,'mlx::core::numeric_limits< bfloat16_t >::max()'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bfloat16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bool >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< complex64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< float >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< half >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int8_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint8_t >::max'],['../namespacemlx_1_1core_1_1simd.html#a6fcea259041cecfd042d0c4e6afc4b8f',1,'mlx::core::simd::max(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a312ecd0ae1c38d32147cee71fd8539d7',1,'mlx::core::simd::max(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a995da0f1b4ca8077abbbc6f6a6dfd663',1,'mlx::core::simd::max(Simd< float16_t, N > x)'],['../namespacemetal.html#a853c80479ab2264d9c4587c7bcac767b',1,'metal::max()'],['../namespacemetal_1_1fast.html#a747e2e58092a27fb8b4dd3d16934fb52',1,'metal::fast::max()'],['../namespacemetal_1_1precise.html#a6a954a4e4e3753303d1dc734855a185f',1,'metal::precise::max()'],['../group__ops.html#ga7fed87d96cc7741d8267f4eac83f5fe7',1,'mlx::core::max(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga25be91d70a5f40341db0615a0b8bfedc',1,'mlx::core::max(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga1ca7b6b91fe2459a7d83897bf013827f',1,'mlx::core::max(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga7b638050e03a93f2896c981bc2850a47',1,'mlx::core::max(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['max3_20',['max3',['../namespacemetal.html#a00f9c0ad66d969794614f56912eed9c9',1,'metal::max3()'],['../namespacemetal_1_1fast.html#a6fc2cf18ffa8149561864c86dba0f803',1,'metal::fast::max3()'],['../namespacemetal_1_1precise.html#ac490e8614ebd2c9343af1ae6c0d4e82c',1,'metal::precise::max3()']]], - ['max_5fdigits10_21',['max_digits10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a8d3905e6f158379a0c52682266e8d0e2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['max_5fexponent_22',['max_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a61bb136f819fa392c50bdf3c38f3aad2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['max_5fexponent10_23',['max_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a76bfb2deb0e0afc011f77bf5a6d0ed94',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['max_5fmb_5fper_5fbuffer_24',['max_mb_per_buffer',['../namespacemlx_1_1core_1_1env.html#afc55d7755889157ded85d52cde14f413',1,'mlx::core::env']]], - ['max_5fops_5fper_5fbuffer_25',['max_ops_per_buffer',['../namespacemlx_1_1core_1_1env.html#aa532471d4506e11e0da615b9d6451083',1,'mlx::core::env']]], - ['max_5foutput_5fsize_26',['MAX_OUTPUT_SIZE',['../backend_2metal_2kernels_2fft_8h.html#a28d683cf067736d76f867f30c066317e',1,'fft.h']]], - ['max_5fradix_27',['MAX_RADIX',['../backend_2metal_2kernels_2fft_8h.html#a7b6e56afa21f022c5e754b000955735a',1,'MAX_RADIX: fft.h'],['../readwrite_8h.html#a7b6e56afa21f022c5e754b000955735a',1,'MAX_RADIX: readwrite.h']]], - ['max_5freduce_5fspecialized_5fdims_28',['MAX_REDUCE_SPECIALIZED_DIMS',['../defines_8h.html#a15629f1b81a2b6f1cca26d07a2734623',1,'defines.h']]], - ['max_5fsize_29',['max_size',['../namespacemlx_1_1core_1_1simd.html#ac91bd36c7caafd3c7ff176e7e2f81887',1,'mlx::core::simd']]], - ['max_5fsize_3c_20double_20_3e_30',['max_size< double >',['../namespacemlx_1_1core_1_1simd.html#a3fa3d1f571027c5cdd1dce5d2cd041e3',1,'mlx::core::simd']]], - ['max_5fsize_3c_20float_20_3e_31',['max_size< float >',['../namespacemlx_1_1core_1_1simd.html#ae745e117cacfe455df39aa4569c34c11',1,'mlx::core::simd']]], - ['max_5fsize_3c_20float16_5ft_20_3e_32',['max_size< float16_t >',['../namespacemlx_1_1core_1_1simd.html#a155df1de3c26e1a3725b63e9e97c0b53',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int_20_3e_33',['max_size< int >',['../namespacemlx_1_1core_1_1simd.html#ab25fc96fa6f00d0a8c335b8da293fbbb',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int16_5ft_20_3e_34',['max_size< int16_t >',['../namespacemlx_1_1core_1_1simd.html#a7e63a5eb08898b84fd4000dadc460fd9',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int64_5ft_20_3e_35',['max_size< int64_t >',['../namespacemlx_1_1core_1_1simd.html#a7913cb2854ffc37efcf26635a097f0a9',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int8_5ft_20_3e_36',['max_size< int8_t >',['../namespacemlx_1_1core_1_1simd.html#ac368e4701363cfece4935e57f3c709b1',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint16_5ft_20_3e_37',['max_size< uint16_t >',['../namespacemlx_1_1core_1_1simd.html#a0cc9ca2925c25d2eb225af9125bd6bc4',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint32_5ft_20_3e_38',['max_size< uint32_t >',['../namespacemlx_1_1core_1_1simd.html#a06cb29f91deeaec69471058044abd2aa',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint64_5ft_20_3e_39',['max_size< uint64_t >',['../namespacemlx_1_1core_1_1simd.html#ab367b9b65be2fda4830a56fc9cc0cd2f',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint8_5ft_20_3e_40',['max_size< uint8_t >',['../namespacemlx_1_1core_1_1simd.html#a8f731e5a287c714dfc92879fe37503d5',1,'mlx::core::simd']]], - ['max_5fthreads_41',['max_threads',['../namespacepocketfft_1_1detail_1_1threading.html#a2d5c0729f0b66cf061918baea4337d70',1,'pocketfft::detail::threading']]], - ['maximum_42',['Maximum',['../struct_maximum.html',1,'Maximum'],['../structmlx_1_1core_1_1detail_1_1_maximum.html',1,'mlx::core::detail::Maximum'],['../classmlx_1_1core_1_1_maximum.html',1,'mlx::core::Maximum'],['../classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816',1,'mlx::core::Maximum::Maximum()']]], - ['maximum_43',['maximum',['../namespacemlx_1_1core_1_1simd.html#a7f7a298284e71ddbd2ba0bb6d98b0d16',1,'mlx::core::simd::maximum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab54ff0f073be504e8428912f8e21effd',1,'mlx::core::simd::maximum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#ae1f11d9c2c15ebecf001d11b3fca5da2',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aa78385c9cf0b87aabc377b1b47b2929d',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a0ff63db5f193a57ef3b1fffa374eb15a',1,'mlx::core::simd::maximum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga7ade2ea305e2e4219c3609443fb5db8d',1,'mlx::core::maximum()']]], - ['maxop_44',['MaxOp',['../struct_max_op.html',1,'']]], - ['maybeinsertbarrier_45',['maybeInsertBarrier',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::metal::CommandEncoder::maybeInsertBarrier()'],['../structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::CommandEncoder::maybeInsertBarrier()']]], - ['mb_5fblock_5fmerge_46',['mb_block_merge',['../sort_8h.html#a9cd2751d251acde874a95330d35fac5f',1,'sort.h']]], - ['mb_5fblock_5fpartition_47',['mb_block_partition',['../sort_8h.html#a812f19ed1db562026edc24e29185fe8c',1,'sort.h']]], - ['mb_5fblock_5fsort_48',['mb_block_sort',['../sort_8h.html#ad1ebc6ed8452f970c37c8aad5414551f',1,'sort.h']]], - ['mean_49',['mean',['../group__ops.html#gade46e768fd46b8b640eb16f26abeecef',1,'mlx::core::mean(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga52b59fdd8e8430538e564f5bbcfa31e6',1,'mlx::core::mean(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga066161f3d3e395a1d76c638cb680d444',1,'mlx::core::mean(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga45fba73eab0e3b6e128ed3ce2f43a5da',1,'mlx::core::mean(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['median3_50',['median3',['../namespacemetal.html#aa3ff49457ce3c93fc1c0897fd1525157',1,'metal::median3()'],['../namespacemetal_1_1fast.html#a742b55f1e4369921ee7f60d70185bfbc',1,'metal::fast::median3()'],['../namespacemetal_1_1precise.html#a14555ff99c4388493fec48e070144ae2',1,'metal::precise::median3()']]], - ['merge_5fpartition_51',['merge_partition',['../struct_block_merge_sort.html#ad5bd0d853e9b4352ecfd902a706d7178',1,'BlockMergeSort::merge_partition()'],['../struct_kernel_multi_block_merge_sort.html#a811e72376de254af2bf5303133562a9a',1,'KernelMultiBlockMergeSort::merge_partition()']]], - ['merge_5fstep_52',['merge_step',['../struct_block_merge_sort.html#a0386ce33d7bcfd12dbb17558d26da1bb',1,'BlockMergeSort']]], - ['meshgrid_53',['meshgrid',['../group__ops.html#ga5ecddb74ba7861eb82eca8653501d5dc',1,'mlx::core']]], - ['metal_54',['metal',['../namespacemetal.html',1,'']]], - ['metal_2eh_55',['metal.h',['../metal_8h.html',1,'']]], - ['metal_3a_3afast_56',['fast',['../namespacemetal_1_1fast.html',1,'metal']]], - ['metal_3a_3aprecise_57',['precise',['../namespacemetal_1_1precise.html',1,'metal']]], - ['metal_5ffast_5fsynch_58',['metal_fast_synch',['../namespacemlx_1_1core_1_1env.html#afa1ecf087fe0c633d5460ddb2c31c945',1,'mlx::core::env']]], - ['metal_5fimpl_2eh_59',['metal_impl.h',['../metal__impl_8h.html',1,'']]], - ['metal_5fkernel_60',['metal_kernel',['../namespacemlx_1_1core_1_1fast.html#ab16436b465dc10ce472193d541d8426e',1,'mlx::core::fast']]], - ['metalallocator_61',['MetalAllocator',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html',1,'mlx::core::metal']]], - ['metalkernelfunction_62',['MetalKernelFunction',['../namespacemlx_1_1core_1_1fast.html#aa45bf61e7a5c4ad0114b82ed80ae0dbd',1,'mlx::core::fast']]], - ['min_63',['Min',['../struct_min.html',1,'Min< U >'],['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a4f685dcd48e6614d6bb2ccda4f2686ef',1,'mlx::core::distributed::AllReduce::Min'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a0d3d1f5c94725bdc42fa692e2c074418',1,'mlx::core::Reduce::Min'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a7d2ee8f14f2e70a9d47170fecc6da898',1,'mlx::core::Scan::Min'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613cad914e4c3475ce9858f2de4bf35dcfdbf',1,'mlx::core::Scatter::Min']]], - ['min_64',['min',['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits::min'],['../struct_limits_3_01uint8__t_01_4.html#a408bd5a337e7292f06e63da81193629a',1,'Limits< uint8_t >::min'],['../struct_limits_3_01uint16__t_01_4.html#ae173984c3be8b6750f27daed581805fe',1,'Limits< uint16_t >::min'],['../struct_limits_3_01uint32__t_01_4.html#ab0c3975e02053b234c7b606ababa66e1',1,'Limits< uint32_t >::min'],['../struct_limits_3_01uint64__t_01_4.html#a80627f39e951398283942cefa48f4dd0',1,'Limits< uint64_t >::min'],['../struct_limits_3_01int8__t_01_4.html#a7a809307d2bba80382f0645d277eaa4b',1,'Limits< int8_t >::min'],['../struct_limits_3_01int16__t_01_4.html#adca7139647801e223c35b0abc7da5240',1,'Limits< int16_t >::min'],['../struct_limits_3_01int32__t_01_4.html#af336a1b22a8ed6a83a4cfb5bf8869771',1,'Limits< int32_t >::min'],['../struct_limits_3_01int64__t_01_4.html#a1c90fb96af515badaccaa835b08f7428',1,'Limits< int64_t >::min'],['../struct_limits_3_01half_01_4.html#aca7b036c257878bf1b80912fb5d4516d',1,'Limits< half >::min'],['../struct_limits_3_01float_01_4.html#a3225e334d372ee86128c89a440d8648f',1,'Limits< float >::min'],['../struct_limits_3_01bfloat16__t_01_4.html#a2fd1811b9f615b2b897904bc27d1cb49',1,'Limits< bfloat16_t >::min'],['../struct_limits_3_01bool_01_4.html#a139f787b57536d455490b8ef801d37cc',1,'Limits< bool >::min'],['../struct_limits_3_01complex64__t_01_4.html#aa67b04aa7abcd67f7af0808737ab8e14',1,'Limits< complex64_t >::min'],['../structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a',1,'mlx::core::finfo::min'],['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#adaed80031f5ca0ff69d30ec4c5d0c98f',1,'metal::_numeric_limits_impl< bfloat16_t >::min()'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bfloat16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bool >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< complex64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< float >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< half >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int8_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint8_t >::min'],['../namespacemlx_1_1core_1_1simd.html#acd4196d0c66204cfae70b064c305e146',1,'mlx::core::simd::min(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a96db878d780a8da6abad19ac772d08ca',1,'mlx::core::simd::min(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a160075943b92d541f2e7f7472eaa5167',1,'mlx::core::simd::min(Simd< float16_t, N > x)'],['../namespacemetal.html#a6653b28c9473087141eddce39878d4d3',1,'metal::min()'],['../namespacemetal_1_1fast.html#a3e958e56a4712687c381a0b64d123e61',1,'metal::fast::min()'],['../namespacemetal_1_1precise.html#afed0da2f7df3505b5dffa2389c3cb36e',1,'metal::precise::min()'],['../group__ops.html#gab27599802617a4c8f9964ab5f4ffee12',1,'mlx::core::min(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga0140b91e9cdfc3fef0da8e332f65a9e8',1,'mlx::core::min(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga6efb83cd46436678c8f8c4af15cc00f5',1,'mlx::core::min(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga36fa315eef677f4143868f552cd26d03',1,'mlx::core::min(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['min3_65',['min3',['../namespacemetal.html#a005510c8c0f964ce2b8aad3ba76a7a3f',1,'metal::min3()'],['../namespacemetal_1_1fast.html#a606a4c1b34ce05ea89ca5af81724036f',1,'metal::fast::min3()'],['../namespacemetal_1_1precise.html#a4d37ce31c3549ca4772a4ee29798e231',1,'metal::precise::min3()']]], - ['min_5fexponent_66',['min_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a13829f8c7a7c0efdc8946eff5d3c9470',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['min_5fexponent10_67',['min_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#aeaed172780720e06b8731cef3177e277',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['minimum_68',['Minimum',['../struct_minimum.html',1,'Minimum'],['../structmlx_1_1core_1_1detail_1_1_minimum.html',1,'mlx::core::detail::Minimum'],['../classmlx_1_1core_1_1_minimum.html',1,'mlx::core::Minimum'],['../classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5',1,'mlx::core::Minimum::Minimum()']]], - ['minimum_69',['minimum',['../namespacemlx_1_1core_1_1simd.html#a1996e77a8c3c24b1ba706113ed9028c4',1,'mlx::core::simd::minimum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ac836568622a3e5957c275e115e2fcaf3',1,'mlx::core::simd::minimum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#abaa09259e92f0fe758dc979d54c327e8',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ae9ce2f34c97aba7b99223792a86d5c83',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a17f7baec6300f2ff96ec53fb1943cb49',1,'mlx::core::simd::minimum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga49ba00c090f81f331c91b0c97040bce0',1,'mlx::core::minimum()']]], - ['mlx_70',['mlx',['../namespacemlx.html',1,'']]], - ['mlx_2eh_71',['mlx.h',['../mlx_8h.html',1,'']]], - ['mlx_3a_3acore_72',['core',['../namespacemlx_1_1core.html',1,'mlx']]], - ['mlx_3a_3acore_3a_3aallocator_73',['allocator',['../namespacemlx_1_1core_1_1allocator.html',1,'mlx::core']]], + ['m_5fstrides_1',['M_strides',['../structmlx_1_1steel_1_1_attn_mask_params.html#aaf6c5822d2cb2dcf0992798dc08e27d6',1,'mlx::steel::AttnMaskParams']]], + ['make_5farrays_2',['make_arrays',['../classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c',1,'mlx::core::array']]], + ['make_5fcontiguous_5fstrides_3',['make_contiguous_strides',['../namespacemlx_1_1core.html#a449ef1148816a37bbc7ffd43d3c586a0',1,'mlx::core']]], + ['make_5fstring_4',['make_string',['../namespacemlx_1_1core.html#aed148d95e7b5221f1312473deded0d27',1,'mlx::core']]], + ['make_5fvoid_5',['make_void',['../structmetal_1_1make__void.html',1,'metal']]], + ['malloc_6',['malloc',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a9a17d2c7a97772bf4a15e6c74af34ca4',1,'mlx::core::allocator::Allocator::malloc()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a4f3d5de6b8c0eba22e9403b28a5ef3f0',1,'mlx::core::allocator::CommonAllocator::malloc()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc',1,'mlx::core::metal::MetalAllocator::malloc()'],['../namespacemlx_1_1core_1_1allocator.html#a560d10a166e3c294f3757166f9bd6801',1,'mlx::core::allocator::malloc(size_t size)']]], + ['malloc_5for_5fwait_7',['malloc_or_wait',['../namespacemlx_1_1core_1_1allocator.html#a86ac0a11ff78f21e717f641716c34abc',1,'mlx::core::allocator']]], + ['mask_5fh_8',['mask_h',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], + ['mask_5ft_9',['mask_t',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a270ab3da7c98a12525a59952742cc97d',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], + ['mask_5fw_10',['mask_w',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], + ['mat_5fat_11',['mat_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)']]], + ['mat_5ftype_12',['mat_type',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mat_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a',1,'mlx::steel::MMATile::mat_type'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a25675ae18947a97c6e04157b540103a9',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mat_type'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1eeb197c9bdf4db42892a39cdb9bd73a',1,'mlx::steel::MMATile::mat_type']]], + ['math_2eh_13',['math.h',['../math_8h.html',1,'']]], + ['matmul_14',['Matmul',['../classmlx_1_1core_1_1_matmul.html',1,'mlx::core::Matmul'],['../classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7',1,'mlx::core::Matmul::Matmul()']]], + ['matmul_15',['matmul',['../namespacemlx_1_1core.html#afd07258882634dcda1e6f18f10dc28d5',1,'mlx::core::matmul(const T *a, const T *b, T *out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, size_t ldc, float alpha, float beta, size_t batch_size, const Shape &a_shape, const Strides &a_strides, const Shape &b_shape, const Strides &b_strides)'],['../group__ops.html#ga753d59f5a9f5f2362865ee83b4dced2a',1,'mlx::core::matmul(const array &a, const array &b, StreamOrDevice s={})']]], + ['matmul_2eh_16',['matmul.h',['../matmul_8h.html',1,'']]], + ['max_17',['Max',['../struct_max.html',1,'Max< U >'],['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924ac00cf69bbba24f7ab08d3ad618705988',1,'mlx::core::distributed::AllReduce::Max'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a3d11c500ea4f7f639e20dd0755d39260',1,'mlx::core::Reduce::Max'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ad54b2905015a390708f79bae6cdac56d',1,'mlx::core::Scan::Max'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca1c2da7b96d743296fe660f5fc4072f16',1,'mlx::core::Scatter::Max']]], + ['max_18',['max',['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits::max'],['../struct_limits_3_01uint8__t_01_4.html#a1570fb640e2e41f96776db5ca08d500c',1,'Limits< uint8_t >::max'],['../struct_limits_3_01uint16__t_01_4.html#a228b33556ba4cb7e6137ab6258628488',1,'Limits< uint16_t >::max'],['../struct_limits_3_01uint32__t_01_4.html#a91fa8f7214ec936976a8324c7431c651',1,'Limits< uint32_t >::max'],['../struct_limits_3_01uint64__t_01_4.html#aa8c2257881a4e1fa8596fa07dba5e107',1,'Limits< uint64_t >::max'],['../struct_limits_3_01int8__t_01_4.html#a96fed01fa9249226be69760652643289',1,'Limits< int8_t >::max'],['../struct_limits_3_01int16__t_01_4.html#a12d64c398ca7609b7c906f3cf1a6f678',1,'Limits< int16_t >::max'],['../struct_limits_3_01int32__t_01_4.html#af756344b31e84222dd73d3445dcd5640',1,'Limits< int32_t >::max'],['../struct_limits_3_01int64__t_01_4.html#ac9c420604c0f3d237ddfb2b8a2439224',1,'Limits< int64_t >::max'],['../struct_limits_3_01half_01_4.html#a4f9515dbf2a622074f121bea39a7b175',1,'Limits< half >::max'],['../struct_limits_3_01float_01_4.html#aba172b22b388190aa3969ef16885d8a6',1,'Limits< float >::max'],['../struct_limits_3_01bfloat16__t_01_4.html#a0ead3618da6718629ea9fa4670b5005f',1,'Limits< bfloat16_t >::max'],['../struct_limits_3_01bool_01_4.html#acbd2132145888d51220558a101ffcff4',1,'Limits< bool >::max'],['../struct_limits_3_01complex64__t_01_4.html#ac01c274b224b90f5210b675a484f4607',1,'Limits< complex64_t >::max'],['../structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083',1,'mlx::core::finfo::max'],['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a92320d40a58218e40cc414986ac95c50',1,'metal::_numeric_limits_impl< bfloat16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334',1,'mlx::core::numeric_limits< float16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a',1,'mlx::core::numeric_limits< bfloat16_t >::max()'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bfloat16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bool >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< complex64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< float >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< half >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int8_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint8_t >::max'],['../namespacemlx_1_1core_1_1simd.html#a6fcea259041cecfd042d0c4e6afc4b8f',1,'mlx::core::simd::max(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a312ecd0ae1c38d32147cee71fd8539d7',1,'mlx::core::simd::max(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a995da0f1b4ca8077abbbc6f6a6dfd663',1,'mlx::core::simd::max(Simd< float16_t, N > x)'],['../namespacemetal.html#a853c80479ab2264d9c4587c7bcac767b',1,'metal::max()'],['../namespacemetal_1_1fast.html#a747e2e58092a27fb8b4dd3d16934fb52',1,'metal::fast::max()'],['../namespacemetal_1_1precise.html#a6a954a4e4e3753303d1dc734855a185f',1,'metal::precise::max()'],['../group__ops.html#ga7fed87d96cc7741d8267f4eac83f5fe7',1,'mlx::core::max(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga25be91d70a5f40341db0615a0b8bfedc',1,'mlx::core::max(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga1ca7b6b91fe2459a7d83897bf013827f',1,'mlx::core::max(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga7b638050e03a93f2896c981bc2850a47',1,'mlx::core::max(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], + ['max3_19',['max3',['../namespacemetal.html#a00f9c0ad66d969794614f56912eed9c9',1,'metal::max3()'],['../namespacemetal_1_1fast.html#a6fc2cf18ffa8149561864c86dba0f803',1,'metal::fast::max3()'],['../namespacemetal_1_1precise.html#ac490e8614ebd2c9343af1ae6c0d4e82c',1,'metal::precise::max3()']]], + ['max_5fdigits10_20',['max_digits10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a8d3905e6f158379a0c52682266e8d0e2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['max_5fexponent_21',['max_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a61bb136f819fa392c50bdf3c38f3aad2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['max_5fexponent10_22',['max_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a76bfb2deb0e0afc011f77bf5a6d0ed94',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['max_5fmb_5fper_5fbuffer_23',['max_mb_per_buffer',['../namespacemlx_1_1core_1_1env.html#afc55d7755889157ded85d52cde14f413',1,'mlx::core::env']]], + ['max_5fops_5fper_5fbuffer_24',['max_ops_per_buffer',['../namespacemlx_1_1core_1_1env.html#aa532471d4506e11e0da615b9d6451083',1,'mlx::core::env']]], + ['max_5foutput_5fsize_25',['MAX_OUTPUT_SIZE',['../backend_2metal_2kernels_2fft_8h.html#a28d683cf067736d76f867f30c066317e',1,'fft.h']]], + ['max_5fradix_26',['MAX_RADIX',['../backend_2metal_2kernels_2fft_8h.html#a7b6e56afa21f022c5e754b000955735a',1,'MAX_RADIX: fft.h'],['../readwrite_8h.html#a7b6e56afa21f022c5e754b000955735a',1,'MAX_RADIX: readwrite.h']]], + ['max_5freduce_5fspecialized_5fdims_27',['MAX_REDUCE_SPECIALIZED_DIMS',['../defines_8h.html#a15629f1b81a2b6f1cca26d07a2734623',1,'defines.h']]], + ['max_5fsize_28',['max_size',['../namespacemlx_1_1core_1_1simd.html#ac91bd36c7caafd3c7ff176e7e2f81887',1,'mlx::core::simd']]], + ['max_5fsize_3c_20double_20_3e_29',['max_size< double >',['../namespacemlx_1_1core_1_1simd.html#a3fa3d1f571027c5cdd1dce5d2cd041e3',1,'mlx::core::simd']]], + ['max_5fsize_3c_20float_20_3e_30',['max_size< float >',['../namespacemlx_1_1core_1_1simd.html#ae745e117cacfe455df39aa4569c34c11',1,'mlx::core::simd']]], + ['max_5fsize_3c_20float16_5ft_20_3e_31',['max_size< float16_t >',['../namespacemlx_1_1core_1_1simd.html#a155df1de3c26e1a3725b63e9e97c0b53',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int_20_3e_32',['max_size< int >',['../namespacemlx_1_1core_1_1simd.html#ab25fc96fa6f00d0a8c335b8da293fbbb',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int16_5ft_20_3e_33',['max_size< int16_t >',['../namespacemlx_1_1core_1_1simd.html#a7e63a5eb08898b84fd4000dadc460fd9',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int64_5ft_20_3e_34',['max_size< int64_t >',['../namespacemlx_1_1core_1_1simd.html#a7913cb2854ffc37efcf26635a097f0a9',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int8_5ft_20_3e_35',['max_size< int8_t >',['../namespacemlx_1_1core_1_1simd.html#ac368e4701363cfece4935e57f3c709b1',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint16_5ft_20_3e_36',['max_size< uint16_t >',['../namespacemlx_1_1core_1_1simd.html#a0cc9ca2925c25d2eb225af9125bd6bc4',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint32_5ft_20_3e_37',['max_size< uint32_t >',['../namespacemlx_1_1core_1_1simd.html#a06cb29f91deeaec69471058044abd2aa',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint64_5ft_20_3e_38',['max_size< uint64_t >',['../namespacemlx_1_1core_1_1simd.html#ab367b9b65be2fda4830a56fc9cc0cd2f',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint8_5ft_20_3e_39',['max_size< uint8_t >',['../namespacemlx_1_1core_1_1simd.html#a8f731e5a287c714dfc92879fe37503d5',1,'mlx::core::simd']]], + ['max_5fthreads_40',['max_threads',['../namespacepocketfft_1_1detail_1_1threading.html#a2d5c0729f0b66cf061918baea4337d70',1,'pocketfft::detail::threading']]], + ['maximum_41',['Maximum',['../struct_maximum.html',1,'Maximum'],['../structmlx_1_1core_1_1detail_1_1_maximum.html',1,'mlx::core::detail::Maximum'],['../classmlx_1_1core_1_1_maximum.html',1,'mlx::core::Maximum'],['../classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816',1,'mlx::core::Maximum::Maximum()']]], + ['maximum_42',['maximum',['../namespacemlx_1_1core_1_1simd.html#a7f7a298284e71ddbd2ba0bb6d98b0d16',1,'mlx::core::simd::maximum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab54ff0f073be504e8428912f8e21effd',1,'mlx::core::simd::maximum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#ae1f11d9c2c15ebecf001d11b3fca5da2',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aa78385c9cf0b87aabc377b1b47b2929d',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a0ff63db5f193a57ef3b1fffa374eb15a',1,'mlx::core::simd::maximum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga7ade2ea305e2e4219c3609443fb5db8d',1,'mlx::core::maximum()']]], + ['maxop_43',['MaxOp',['../struct_max_op.html',1,'']]], + ['maybeinsertbarrier_44',['maybeInsertBarrier',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::metal::CommandEncoder::maybeInsertBarrier()'],['../structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::CommandEncoder::maybeInsertBarrier()']]], + ['mb_5fblock_5fmerge_45',['mb_block_merge',['../sort_8h.html#a9cd2751d251acde874a95330d35fac5f',1,'sort.h']]], + ['mb_5fblock_5fpartition_46',['mb_block_partition',['../sort_8h.html#a812f19ed1db562026edc24e29185fe8c',1,'sort.h']]], + ['mb_5fblock_5fsort_47',['mb_block_sort',['../sort_8h.html#ad1ebc6ed8452f970c37c8aad5414551f',1,'sort.h']]], + ['mean_48',['mean',['../group__ops.html#gade46e768fd46b8b640eb16f26abeecef',1,'mlx::core::mean(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga52b59fdd8e8430538e564f5bbcfa31e6',1,'mlx::core::mean(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga066161f3d3e395a1d76c638cb680d444',1,'mlx::core::mean(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga45fba73eab0e3b6e128ed3ce2f43a5da',1,'mlx::core::mean(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], + ['median3_49',['median3',['../namespacemetal.html#aa3ff49457ce3c93fc1c0897fd1525157',1,'metal::median3()'],['../namespacemetal_1_1fast.html#a742b55f1e4369921ee7f60d70185bfbc',1,'metal::fast::median3()'],['../namespacemetal_1_1precise.html#a14555ff99c4388493fec48e070144ae2',1,'metal::precise::median3()']]], + ['merge_5fpartition_50',['merge_partition',['../struct_block_merge_sort.html#ad5bd0d853e9b4352ecfd902a706d7178',1,'BlockMergeSort::merge_partition()'],['../struct_kernel_multi_block_merge_sort.html#a811e72376de254af2bf5303133562a9a',1,'KernelMultiBlockMergeSort::merge_partition()']]], + ['merge_5fstep_51',['merge_step',['../struct_block_merge_sort.html#a0386ce33d7bcfd12dbb17558d26da1bb',1,'BlockMergeSort']]], + ['meshgrid_52',['meshgrid',['../group__ops.html#ga5ecddb74ba7861eb82eca8653501d5dc',1,'mlx::core']]], + ['metal_53',['metal',['../namespacemetal.html',1,'']]], + ['metal_2eh_54',['metal.h',['../metal_8h.html',1,'']]], + ['metal_3a_3afast_55',['fast',['../namespacemetal_1_1fast.html',1,'metal']]], + ['metal_3a_3aprecise_56',['precise',['../namespacemetal_1_1precise.html',1,'metal']]], + ['metal_5ffast_5fsynch_57',['metal_fast_synch',['../namespacemlx_1_1core_1_1env.html#afa1ecf087fe0c633d5460ddb2c31c945',1,'mlx::core::env']]], + ['metal_5fimpl_2eh_58',['metal_impl.h',['../metal__impl_8h.html',1,'']]], + ['metal_5fkernel_59',['metal_kernel',['../namespacemlx_1_1core_1_1fast.html#ab16436b465dc10ce472193d541d8426e',1,'mlx::core::fast']]], + ['metalallocator_60',['MetalAllocator',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html',1,'mlx::core::metal']]], + ['metalkernelfunction_61',['MetalKernelFunction',['../namespacemlx_1_1core_1_1fast.html#aa45bf61e7a5c4ad0114b82ed80ae0dbd',1,'mlx::core::fast']]], + ['min_62',['Min',['../struct_min.html',1,'Min< U >'],['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a4f685dcd48e6614d6bb2ccda4f2686ef',1,'mlx::core::distributed::AllReduce::Min'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a0d3d1f5c94725bdc42fa692e2c074418',1,'mlx::core::Reduce::Min'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1a7d2ee8f14f2e70a9d47170fecc6da898',1,'mlx::core::Scan::Min'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613cad914e4c3475ce9858f2de4bf35dcfdbf',1,'mlx::core::Scatter::Min']]], + ['min_63',['min',['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits::min'],['../struct_limits_3_01uint8__t_01_4.html#a408bd5a337e7292f06e63da81193629a',1,'Limits< uint8_t >::min'],['../struct_limits_3_01uint16__t_01_4.html#ae173984c3be8b6750f27daed581805fe',1,'Limits< uint16_t >::min'],['../struct_limits_3_01uint32__t_01_4.html#ab0c3975e02053b234c7b606ababa66e1',1,'Limits< uint32_t >::min'],['../struct_limits_3_01uint64__t_01_4.html#a80627f39e951398283942cefa48f4dd0',1,'Limits< uint64_t >::min'],['../struct_limits_3_01int8__t_01_4.html#a7a809307d2bba80382f0645d277eaa4b',1,'Limits< int8_t >::min'],['../struct_limits_3_01int16__t_01_4.html#adca7139647801e223c35b0abc7da5240',1,'Limits< int16_t >::min'],['../struct_limits_3_01int32__t_01_4.html#af336a1b22a8ed6a83a4cfb5bf8869771',1,'Limits< int32_t >::min'],['../struct_limits_3_01int64__t_01_4.html#a1c90fb96af515badaccaa835b08f7428',1,'Limits< int64_t >::min'],['../struct_limits_3_01half_01_4.html#aca7b036c257878bf1b80912fb5d4516d',1,'Limits< half >::min'],['../struct_limits_3_01float_01_4.html#a3225e334d372ee86128c89a440d8648f',1,'Limits< float >::min'],['../struct_limits_3_01bfloat16__t_01_4.html#a2fd1811b9f615b2b897904bc27d1cb49',1,'Limits< bfloat16_t >::min'],['../struct_limits_3_01bool_01_4.html#a139f787b57536d455490b8ef801d37cc',1,'Limits< bool >::min'],['../struct_limits_3_01complex64__t_01_4.html#aa67b04aa7abcd67f7af0808737ab8e14',1,'Limits< complex64_t >::min'],['../structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a',1,'mlx::core::finfo::min'],['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#adaed80031f5ca0ff69d30ec4c5d0c98f',1,'metal::_numeric_limits_impl< bfloat16_t >::min()'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bfloat16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bool >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< complex64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< float >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< half >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int8_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint8_t >::min'],['../namespacemlx_1_1core_1_1simd.html#acd4196d0c66204cfae70b064c305e146',1,'mlx::core::simd::min(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a96db878d780a8da6abad19ac772d08ca',1,'mlx::core::simd::min(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a160075943b92d541f2e7f7472eaa5167',1,'mlx::core::simd::min(Simd< float16_t, N > x)'],['../namespacemetal.html#a6653b28c9473087141eddce39878d4d3',1,'metal::min()'],['../namespacemetal_1_1fast.html#a3e958e56a4712687c381a0b64d123e61',1,'metal::fast::min()'],['../namespacemetal_1_1precise.html#afed0da2f7df3505b5dffa2389c3cb36e',1,'metal::precise::min()'],['../group__ops.html#gab27599802617a4c8f9964ab5f4ffee12',1,'mlx::core::min(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga0140b91e9cdfc3fef0da8e332f65a9e8',1,'mlx::core::min(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga6efb83cd46436678c8f8c4af15cc00f5',1,'mlx::core::min(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga36fa315eef677f4143868f552cd26d03',1,'mlx::core::min(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], + ['min3_64',['min3',['../namespacemetal.html#a005510c8c0f964ce2b8aad3ba76a7a3f',1,'metal::min3()'],['../namespacemetal_1_1fast.html#a606a4c1b34ce05ea89ca5af81724036f',1,'metal::fast::min3()'],['../namespacemetal_1_1precise.html#a4d37ce31c3549ca4772a4ee29798e231',1,'metal::precise::min3()']]], + ['min_5fexponent_65',['min_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a13829f8c7a7c0efdc8946eff5d3c9470',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['min_5fexponent10_66',['min_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#aeaed172780720e06b8731cef3177e277',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['minimum_67',['Minimum',['../struct_minimum.html',1,'Minimum'],['../structmlx_1_1core_1_1detail_1_1_minimum.html',1,'mlx::core::detail::Minimum'],['../classmlx_1_1core_1_1_minimum.html',1,'mlx::core::Minimum'],['../classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5',1,'mlx::core::Minimum::Minimum()']]], + ['minimum_68',['minimum',['../namespacemlx_1_1core_1_1simd.html#a1996e77a8c3c24b1ba706113ed9028c4',1,'mlx::core::simd::minimum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ac836568622a3e5957c275e115e2fcaf3',1,'mlx::core::simd::minimum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#abaa09259e92f0fe758dc979d54c327e8',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ae9ce2f34c97aba7b99223792a86d5c83',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a17f7baec6300f2ff96ec53fb1943cb49',1,'mlx::core::simd::minimum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga49ba00c090f81f331c91b0c97040bce0',1,'mlx::core::minimum()']]], + ['mlx_69',['mlx',['../namespacemlx.html',1,'']]], + ['mlx_2eh_70',['mlx.h',['../mlx_8h.html',1,'']]], + ['mlx_3a_3acore_71',['core',['../namespacemlx_1_1core.html',1,'mlx']]], + ['mlx_3a_3acore_3a_3aallocator_72',['allocator',['../namespacemlx_1_1core_1_1allocator.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3acpu_73',['cpu',['../namespacemlx_1_1core_1_1cpu.html',1,'mlx::core']]], ['mlx_3a_3acore_3a_3adetail_74',['detail',['../namespacemlx_1_1core_1_1detail.html',1,'mlx::core']]], ['mlx_3a_3acore_3a_3adistributed_75',['distributed',['../namespacemlx_1_1core_1_1distributed.html',1,'mlx::core']]], ['mlx_3a_3acore_3a_3adistributed_3a_3adetail_76',['detail',['../namespacemlx_1_1core_1_1distributed_1_1detail.html',1,'mlx::core::distributed']]], @@ -122,19 +122,17 @@ var searchData= ['mmatile_3c_20float_2c_201_2c_20tn_2c_20mlx_3a_3asteel_3a_3abasemmafrag_3c_20float_2c_20kfragsize_2c_20kfragsize_20_3e_20_3e_119',['MMATile< float, 1, TN, mlx::steel::BaseMMAFrag< float, kFragSize, kFragSize > >',['../structmlx_1_1steel_1_1_m_m_a_tile.html',1,'mlx::steel']]], ['mmatile_3c_20float_2c_20tm_2c_201_2c_20mlx_3a_3asteel_3a_3abasemmafrag_3c_20float_2c_20kfragsize_2c_20kfragsize_20_3e_20_3e_120',['MMATile< float, TM, 1, mlx::steel::BaseMMAFrag< float, kFragSize, kFragSize > >',['../structmlx_1_1steel_1_1_m_m_a_tile.html',1,'mlx::steel']]], ['mmatile_3c_20float_2c_20tm_2c_20tn_2c_20mlx_3a_3asteel_3a_3abasemmafrag_3c_20float_2c_20kfragsize_2c_20kfragsize_20_3e_20_3e_121',['MMATile< float, TM, TN, mlx::steel::BaseMMAFrag< float, kFragSize, kFragSize > >',['../structmlx_1_1steel_1_1_m_m_a_tile.html',1,'mlx::steel']]], - ['move_5for_5fcopy_122',['move_or_copy',['../namespacemlx_1_1core.html#a830a47d8a317dffb0c88e5a7afe6aee2',1,'mlx::core::move_or_copy(const array &in, array &out)'],['../namespacemlx_1_1core.html#a9fcb3711b150cb65c7778a35c51284b2',1,'mlx::core::move_or_copy(const array &in, array &out, const Strides &strides, array::Flags flags, size_t data_size, size_t offset=0)']]], - ['move_5fshared_5fbuffer_123',['move_shared_buffer',['../classmlx_1_1core_1_1array.html#ad41cc5e7aebfcad849ad15d697584cf8',1,'mlx::core::array::move_shared_buffer(array other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)'],['../classmlx_1_1core_1_1array.html#a38d7ad605f8282e5e49d0c09e0555c78',1,'mlx::core::array::move_shared_buffer(array other)']]], - ['moveaxis_124',['moveaxis',['../group__ops.html#ga24067d10a842db2c9d509ea48135a2c3',1,'mlx::core']]], - ['mpi_2eh_125',['mpi.h',['../mpi_8h.html',1,'']]], - ['mpinplace_126',['MPINPLACE',['../namespacepocketfft_1_1detail.html#af5eedf3cdfc83c0a30807092c39a9ce2',1,'pocketfft::detail']]], - ['mtl_5fconst_127',['MTL_CONST',['../defines_8h.html#a767ed9f2604de22b259cee02c4ce1d22',1,'defines.h']]], - ['mtl_5fdevice_128',['mtl_device',['../classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653',1,'mlx::core::metal::Device']]], - ['mtl_5fresidency_5fset_129',['mtl_residency_set',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9',1,'mlx::core::metal::ResidencySet']]], - ['mtlfclist_130',['MTLFCList',['../namespacemlx_1_1core_1_1metal.html#a616e09a1ef321d527770721cef264c54',1,'mlx::core::metal']]], - ['mtx_131',['mtx',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976',1,'mlx::core::scheduler::StreamThread']]], - ['mulop_132',['MulOp',['../struct_mul_op.html',1,'']]], - ['multi_5fiter_133',['multi_iter',['../classpocketfft_1_1detail_1_1multi__iter.html',1,'pocketfft::detail::multi_iter< N >'],['../classpocketfft_1_1detail_1_1multi__iter.html#a9be43bb18840202da6d17988fccc64b9',1,'pocketfft::detail::multi_iter::multi_iter()']]], - ['multiply_134',['Multiply',['../structmlx_1_1core_1_1detail_1_1_multiply.html',1,'mlx::core::detail::Multiply'],['../classmlx_1_1core_1_1_multiply.html',1,'mlx::core::Multiply'],['../struct_multiply.html',1,'Multiply'],['../classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c',1,'mlx::core::Multiply::Multiply()']]], - ['multiply_135',['multiply',['../group__ops.html#gaf57392e641640b5d06e4c99518391c38',1,'mlx::core']]], - ['multivariate_5fnormal_136',['multivariate_normal',['../namespacemlx_1_1core_1_1random.html#ae6a8407fbca0817a4b8c94e02952f77d',1,'mlx::core::random']]] + ['moveaxis_122',['moveaxis',['../group__ops.html#ga24067d10a842db2c9d509ea48135a2c3',1,'mlx::core']]], + ['mpi_2eh_123',['mpi.h',['../mpi_8h.html',1,'']]], + ['mpinplace_124',['MPINPLACE',['../namespacepocketfft_1_1detail.html#af5eedf3cdfc83c0a30807092c39a9ce2',1,'pocketfft::detail']]], + ['mtl_5fconst_125',['MTL_CONST',['../defines_8h.html#a767ed9f2604de22b259cee02c4ce1d22',1,'defines.h']]], + ['mtl_5fdevice_126',['mtl_device',['../classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653',1,'mlx::core::metal::Device']]], + ['mtl_5fresidency_5fset_127',['mtl_residency_set',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9',1,'mlx::core::metal::ResidencySet']]], + ['mtlfclist_128',['MTLFCList',['../namespacemlx_1_1core_1_1metal.html#a616e09a1ef321d527770721cef264c54',1,'mlx::core::metal']]], + ['mtx_129',['mtx',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976',1,'mlx::core::scheduler::StreamThread']]], + ['mulop_130',['MulOp',['../struct_mul_op.html',1,'']]], + ['multi_5fiter_131',['multi_iter',['../classpocketfft_1_1detail_1_1multi__iter.html',1,'pocketfft::detail::multi_iter< N >'],['../classpocketfft_1_1detail_1_1multi__iter.html#a9be43bb18840202da6d17988fccc64b9',1,'pocketfft::detail::multi_iter::multi_iter()']]], + ['multiply_132',['Multiply',['../structmlx_1_1core_1_1detail_1_1_multiply.html',1,'mlx::core::detail::Multiply'],['../classmlx_1_1core_1_1_multiply.html',1,'mlx::core::Multiply'],['../struct_multiply.html',1,'Multiply'],['../classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c',1,'mlx::core::Multiply::Multiply()']]], + ['multiply_133',['multiply',['../group__ops.html#gaf57392e641640b5d06e4c99518391c38',1,'mlx::core']]], + ['multivariate_5fnormal_134',['multivariate_normal',['../namespacemlx_1_1core_1_1random.html#ae6a8407fbca0817a4b8c94e02952f77d',1,'mlx::core::random']]] ]; diff --git a/docs/build/html/search/all_e.js b/docs/build/html/search/all_e.js index c0b367ec9..b1bf89303 100644 --- a/docs/build/html/search/all_e.js +++ b/docs/build/html/search/all_e.js @@ -13,7 +13,7 @@ var searchData= ['nbytes_10',['nbytes',['../classmlx_1_1core_1_1array.html#a387b67cd3ef5cfc1e749c371766c4a05',1,'mlx::core::array']]], ['ndarr_11',['ndarr',['../classpocketfft_1_1detail_1_1ndarr.html',1,'pocketfft::detail::ndarr< T >'],['../classpocketfft_1_1detail_1_1ndarr.html#a8f0037a172d96cb1ad915a5069175fa2',1,'pocketfft::detail::ndarr::ndarr()']]], ['ndim_12',['ndim',['../struct_indices.html#a7dec359e91d0eb2b64e5461b54308313',1,'Indices::ndim'],['../structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#ae605df33f449872e3da9777d97008051',1,'mlx::core::fast::CustomKernelShapeInfo::ndim'],['../classpocketfft_1_1detail_1_1arr__info.html#ac608c8af2a59a28a0012e308be7ee414',1,'pocketfft::detail::arr_info::ndim()'],['../classmlx_1_1core_1_1array.html#a53006e77d13d9d88b525ef577748939f',1,'mlx::core::array::ndim()']]], - ['needs_5ftgp_5freduction_13',['needs_tgp_reduction',['../struct_g_e_m_v_kernel.html#ae8113fddf6fb637acfd12efd978b704c',1,'GEMVKernel::needs_tgp_reduction'],['../struct_g_e_m_v_t_kernel.html#a67be7ec69c3791f02e97ccdb00ae0e03',1,'GEMVTKernel::needs_tgp_reduction']]], + ['needs_5ftgp_5freduction_13',['needs_tgp_reduction',['../struct_g_e_m_v_kernel.html#ae1c8e57e6718f22732570cc92d9bcf99',1,'GEMVKernel::needs_tgp_reduction'],['../struct_g_e_m_v_t_kernel.html#a0cb1a4fa56fab7090b7c0fdc69a5470a',1,'GEMVTKernel::needs_tgp_reduction']]], ['negative_14',['Negative',['../structmlx_1_1core_1_1detail_1_1_negative.html',1,'mlx::core::detail::Negative'],['../classmlx_1_1core_1_1_negative.html',1,'mlx::core::Negative'],['../struct_negative.html',1,'Negative'],['../classmlx_1_1core_1_1_negative.html#aa3b73395d9fa5b7215dca488bc0d3c70',1,'mlx::core::Negative::Negative()']]], ['negative_15',['negative',['../group__ops.html#ga95d9a9425533b5ed1707eb00184dffc6',1,'mlx::core']]], ['neon_5ffp16_5fsimd_2eh_16',['neon_fp16_simd.h',['../neon__fp16__simd_8h.html',1,'']]], diff --git a/docs/build/html/search/all_f.js b/docs/build/html/search/all_f.js index 32f6c205d..c2f328492 100644 --- a/docs/build/html/search/all_f.js +++ b/docs/build/html/search/all_f.js @@ -1,7 +1,7 @@ var searchData= [ ['o_0',['O',['../struct_m_l_x_conv_params.html#ad55ff586d30072d8154865f9dfe92d97',1,'MLXConvParams']]], - ['o_5fbinary_1',['O_BINARY',['../io_2load_8h.html#a36fa9b2e726512bc17a7a6d3e39002be',1,'load.h']]], + ['o_5fbinary_1',['O_BINARY',['../load_8h.html#a36fa9b2e726512bc17a7a6d3e39002be',1,'load.h']]], ['o_5fstrides_2',['O_strides',['../structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7',1,'mlx::steel::AttnParams']]], ['offset_3',['offset',['../struct_looped_elem_to_loc.html#acdffe540c383a67417604b6080704791',1,'LoopedElemToLoc::offset'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01true_01_4.html#a3a18944c158e2747a6ddebb420299a3b',1,'LoopedElemToLoc< 1, OffsetT, true >::offset'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01false_01_4.html#af792b1fd4e8286f97b9b863c127a2d9a',1,'LoopedElemToLoc< 1, OffsetT, false >::offset'],['../struct_looped_elem_to_loc.html#acdffe540c383a67417604b6080704791',1,'LoopedElemToLoc< 1, OffsetT, false >::offset'],['../struct_looped_elem_to_loc.html#acdffe540c383a67417604b6080704791',1,'LoopedElemToLoc< 1, OffsetT, true >::offset']]], ['offset_5fneg_5fidx_4',['offset_neg_idx',['../kernels_2indexing_8h.html#a58a65ea6215999cd4ccb4fe757cc2dc8',1,'indexing.h']]], @@ -10,58 +10,57 @@ var searchData= ['ones_5flike_7',['ones_like',['../group__ops.html#ga94f8d3b1906fee99da9cbe39f7be7d42',1,'mlx::core']]], ['oofs_8',['oofs',['../classpocketfft_1_1detail_1_1multi__iter.html#aae63e67caac095d474ddd32daa5ffa34',1,'pocketfft::detail::multi_iter::oofs(size_t i) const'],['../classpocketfft_1_1detail_1_1multi__iter.html#a9236047e7419e5d21379cbf95eb3a78e',1,'pocketfft::detail::multi_iter::oofs(size_t j, size_t i) const']]], ['op_9',['Op',['../classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23d',1,'mlx::core::BitwiseBinary']]], - ['op_10',['op',['../structmlx_1_1core_1_1_vector_scalar.html#a5fe1744adb58aaa845acca1e46725537',1,'mlx::core::VectorScalar::op'],['../structmlx_1_1core_1_1_scalar_vector.html#ac9c2214744bc972150740e169b603b9b',1,'mlx::core::ScalarVector::op'],['../structmlx_1_1core_1_1_vector_vector.html#a6d69d070c75cf0281e11e36e0717ab50',1,'mlx::core::VectorVector::op']]], - ['operations_11',['Core array operations',['../group__ops.html',1,'']]], - ['operator_20bool_12',['operator bool',['../struct___no_mask.html#ad3723c1e70e46beefd283ce6317416cb',1,'_NoMask::operator bool()'],['../struct___no_mask.html#aafbf8a3201e1cc1abf74dd1f1b7272cd',1,'_NoMask::operator bool() const threadgroup'],['../struct___no_mask.html#a73e9612a619885cbc97cbd8f40df71e7',1,'_NoMask::operator bool() const device'],['../struct___no_mask.html#a4bf336d472bc677028250f76b9cdc08c',1,'_NoMask::operator bool() const constant'],['../struct___no_mask.html#ad3723c1e70e46beefd283ce6317416cb',1,'_NoMask::operator bool()'],['../struct___no_mask.html#aafbf8a3201e1cc1abf74dd1f1b7272cd',1,'_NoMask::operator bool() const threadgroup'],['../struct___no_mask.html#a73e9612a619885cbc97cbd8f40df71e7',1,'_NoMask::operator bool() const device'],['../struct___no_mask.html#a4bf336d472bc677028250f76b9cdc08c',1,'_NoMask::operator bool() const constant']]], - ['operator_20dtype_13',['operator Dtype',['../structmlx_1_1core_1_1_type_to_dtype.html#aefdd0fd6a5bbf0197a3996ccd4adea13',1,'mlx::core::TypeToDtype']]], - ['operator_20float_14',['operator float',['../structmlx_1_1core_1_1___m_l_x___b_float16.html#aaae72e5340ce91325f1925be36ba46cb',1,'mlx::core::_MLX_BFloat16::operator float()'],['../structmlx_1_1core_1_1complex128__t.html#a3e2faf180c0b785646a0e4296f709a5e',1,'mlx::core::complex128_t::operator float()'],['../structmlx_1_1core_1_1complex64__t.html#a90d224dd37308345086bb9cc882ef6fc',1,'mlx::core::complex64_t::operator float()'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a363de5054f3673bddc90293fc3c9bb99',1,'mlx::core::_MLX_Float16::operator float()']]], - ['operator_20simd_3c_20float_2c_20n_20_3e_15',['operator Simd< float, N >',['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a98affc184d83627d8654e3530ab52d75',1,'mlx::core::simd::Simd< float16_t, N >']]], - ['operator_20simd_3c_20int16_5ft_2c_20n_20_3e_16',['operator Simd< int16_t, N >',['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a823af21442333505114fd3fdac9f24de',1,'mlx::core::simd::Simd< float16_t, N >']]], - ['operator_20t_17',['operator T',['../structcomplex64__t.html#a70e9b16031eeaff3baa601f400023fcd',1,'complex64_t::operator T() const thread'],['../structcomplex64__t.html#a4f3beea7ab6001189b782a74d1746b67',1,'complex64_t::operator T() const threadgroup'],['../structcomplex64__t.html#a9f4f7eca89ffe6c8d126a4145df6d9f2',1,'complex64_t::operator T() const device'],['../structcomplex64__t.html#ac33e2e5263fec76a4fb4418c6e1d8d14',1,'complex64_t::operator T() const constant'],['../struct___m_l_x___b_float16.html#aa7dfefdf0d15e102d2b8258c9ab01836',1,'_MLX_BFloat16::operator T() const thread'],['../struct___m_l_x___b_float16.html#a2546a8afa77e14ed5b3c5da79a281260',1,'_MLX_BFloat16::operator T() const threadgroup'],['../struct___m_l_x___b_float16.html#a1d523f87740fcb852db6ab57896c245a',1,'_MLX_BFloat16::operator T() const device'],['../struct___m_l_x___b_float16.html#a95acd29283024d7093a0bc58c9468a0a',1,'_MLX_BFloat16::operator T() const constant']]], - ['operator_20val_18',['operator Val',['../structmlx_1_1core_1_1_dtype.html#a3b3bc059be5836476da3cb88a4f5e9fd',1,'mlx::core::Dtype']]], - ['operator_20value_5ftype_19',['operator value_type',['../structmlx_1_1steel_1_1integral__constant.html#a0c11203bed44a6a2c387b365134dcd64',1,'mlx::steel::integral_constant']]], - ['operator_21_20',['operator!',['../namespacemlx_1_1core_1_1simd.html#a745e05627c77152ec13d8d90c19cc9bf',1,'mlx::core::simd::operator!(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#afaa6ce61de4d80a4b7e9b2ab7454fff4',1,'mlx::core::simd::operator!(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#aadb0ed44c238d8d643c056298d5b20ca',1,'mlx::core::simd::operator!(Simd< float16_t, N > v)']]], - ['operator_21_3d_21',['operator!=',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a971aa511ab2e7ae1caae09556643a0bd',1,'mlx::core::array::ArrayIterator::operator!=()'],['../namespacemlx_1_1core_1_1simd.html#a4971bfe7f9f9319f859b3040c18f39ca',1,'mlx::core::simd::operator!=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a5c49123bf2647a5ca4f0579a54f3e53a',1,'mlx::core::simd::operator!=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a125cbaa7c5dd0931b0abd11003ab584a',1,'mlx::core::simd::operator!=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a757838b9d56e132e797a381d3bb0dc86',1,'mlx::core::simd::operator!=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ae8ca6615d51866d876b5efb3425600ed',1,'mlx::core::simd::operator!=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a7f1cebaff9cb88df59b5ec7557b5d167',1,'mlx::core::simd::operator!=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a6cce6db46c391a5d06dcb262e21b81fc',1,'mlx::core::simd::operator!=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a3699410174385f5e597cfccad57fc736',1,'mlx::core::simd::operator!=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#abc6a26b6e28d3d532fc356f96c97df1d',1,'mlx::core::simd::operator!=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afc6e4fc5589bbf30f978f34868dd4e55',1,'operator!=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6baa722c22d66c7510786bb275cb8cc2',1,'operator!=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa8d9f01582a0a9f01a666d110c74db2a',1,'operator!=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa504a474ab6e00ebe2b1b7ed2f7d1ffb',1,'operator!=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abf5f3040227f021a5b84cf2eda248b2f',1,'operator!=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a347c9bbf816bad2e9e5e91aa448f8b65',1,'operator!=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a33ea086b561c652f25833a5e1ded34dd',1,'operator!=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2bbdcece13148826d3fe33af727bb79b',1,'operator!=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aeb1efa47c5f22cc0b35d49ccce73c406',1,'operator!=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa6b99cde403405df1865c989e4ce845a',1,'operator!=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a204d13a881ae8d337f6efbb98673790c',1,'operator!=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3602117b4c61d5cd4fd72fb8e5f68bd6',1,'operator!=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2721c088adfc9d73cde442d6badd2a6c',1,'operator!=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aa4364eda56525cf7576ff00e550175e6',1,'mlx::steel::operator!=()'],['../namespacemlx_1_1core.html#a94d00a1b7f8a4717ab3f26f45e4da655',1,'mlx::core::operator!=(const Device &lhs, const Device &rhs)'],['../group__ops.html#ga0ac483d85f23252ca8757e9926d5a3c5',1,'mlx::core::operator!=(const array &a, const array &b)'],['../group__ops.html#ga3fecba9f3cb9a19afd8ca492cf509ce0',1,'mlx::core::operator!=(T a, const array &b)'],['../group__ops.html#gaebbf1cfde388c7480159a03c92c9a385',1,'mlx::core::operator!=(const array &a, T b)'],['../namespacemlx_1_1core.html#a164f109bc19c927b2b3bcc47a5021419',1,'mlx::core::operator!=(const Stream &lhs, const Stream &rhs)'],['../namespacemlx_1_1core.html#ad2f9e1c230ec35d5c406dd616e8f4dea',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af5899b4d5644682cb0ac2a488f630d55',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a72ac8edd190601d7a46782582cedecd8',1,'mlx::core::operator!=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a8084162ba2dd3f9b89195d2bebc3fbb0',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a514263e63f6825b490203ca586864687',1,'mlx::core::operator!=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a1c482bb3d9f9d4c62dee5865892c1f96',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a0030fe7ad09837c670cdfb7d51279519',1,'mlx::core::operator!=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ade3791bc723b8f10fbab22eadb0f705a',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ad78c664f242cd36247c13868547e3dd4',1,'mlx::core::operator!=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab0743a1a1dcb92d40f41ca42d36f242c',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ae7a0f810e546a166c7d05849b5d41f30',1,'mlx::core::operator!=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a676a40637a563f013c725d24fa33fdc8',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a9fcb662b1561e4136bac0106cfb63b6c',1,'mlx::core::operator!=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abcca7fd43590c4347e0f5df8f134030c',1,'mlx::core::operator!=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af3ede3688a2e3b3ba8cb2da180ffe151',1,'mlx::core::operator!=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a54f48469fabd1414bef5097bcded0002',1,'mlx::core::operator!=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af8c648e892cbc6973de535aa17dc2cfe',1,'mlx::core::operator!=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#abc855e1c0584b64d7d995e33211361ab',1,'mlx::core::operator!=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad3684d660d18a54505c759ab286bd936',1,'mlx::core::operator!=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a8afdda14b14262ab5ce0a00c7745d7e8',1,'mlx::core::operator!=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7ccc479be236f2bf3f7725729c5ba201',1,'mlx::core::operator!=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a26a721b8111fce3a1dec9bf724034cd4',1,'mlx::core::operator!=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad5f8c221a53a89e8095aa39fd1f61867',1,'mlx::core::operator!=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a017b52ecf30b33da4aa8da35ccc43220',1,'mlx::core::operator!=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a43c10ca5fb05ee7d0ee63ba56f8a08a3',1,'mlx::core::operator!=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a81284b6ac737f91a8d1ffbbbbf938fe5',1,'mlx::core::operator!=(uint64_t lhs, _MLX_Float16 rhs)']]], - ['operator_25_22',['operator%',['../backend_2metal_2kernels_2complex_8h.html#aaf53122a07c8eca858b5a8e38ae280e0',1,'operator%(): complex.h'],['../group__ops.html#gab3bfbf82b1e4de7b00bbcf1a2255fbde',1,'mlx::core::operator%(const array &a, const array &b)'],['../group__ops.html#ga50817666f0b82afcbf4a123486af9908',1,'mlx::core::operator%(T a, const array &b)'],['../group__ops.html#ga46c01daa07433542a477d216e13a8480',1,'mlx::core::operator%(const array &a, T b)'],['../namespacemlx_1_1core.html#a8723d145dd49021bfcb8e6c99e1c91a5',1,'mlx::core::operator%(complex64_t a, complex64_t b)']]], - ['operator_26_23',['operator&',['../namespacemlx_1_1core_1_1simd.html#a0727c897502944659b3e32b3cde9ee9b',1,'mlx::core::simd::operator&(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a832bbc02ed5589e70106c831c04500f1',1,'mlx::core::simd::operator&(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ac790406f4cf51cbc40d750d377dd741b',1,'mlx::core::simd::operator&(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a3c42ac1dc74f6c0bb934dfa45986875b',1,'mlx::core::simd::operator&(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value &b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a8beb567724ab9735b616afb777b93abd',1,'mlx::core::simd::operator&(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a &b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a3a060a225b6ead483ca93247c9ad8e4d',1,'mlx::core::simd::operator&(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value &b), 1 >'],['../group__ops.html#gaf0d232de4cbfffda1e2c838f8afdf6ff',1,'mlx::core::operator&(const array &a, const array &b)'],['../namespacemlx_1_1core.html#a9ee95f97bbd69262d99d7bea3bf77631',1,'mlx::core::operator&(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0fefc3ae4f1350ebe05ec6098fd6bae3',1,'mlx::core::operator&(_MLX_BFloat16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a1e4cb758ccfe5c267baed9aeb0044834',1,'mlx::core::operator&(uint16_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab9d0f9910070231695d61de08cadb930',1,'mlx::core::operator&(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a889d401f425db79d1868aa3beea4829b',1,'mlx::core::operator&(_MLX_Float16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a76dcd1fa3c68b386bc1d1d899a68a120',1,'mlx::core::operator&(uint16_t lhs, _MLX_Float16 rhs)']]], - ['operator_26_26_24',['operator&&',['../namespacemlx_1_1core_1_1simd.html#a85c23e7ed6fe0ec6dfe4c61f7412a362',1,'mlx::core::simd::operator&&(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a8a2c8aea209236b06c594c8451017ecb',1,'mlx::core::simd::operator&&(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a070f1fa094cf2da5ab7d6baecbbf4f56',1,'mlx::core::simd::operator&&(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a82676bd32059d1172296f8074a841de6',1,'mlx::core::simd::operator&&(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value &&b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#af97917ef704103c6ea1d0e44f22ec0d3',1,'mlx::core::simd::operator&&(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a &&b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a1eca7cf07b2a238307459c28204319fb',1,'mlx::core::simd::operator&&(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value &&b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a2a381e5ec89406074b8d1921304238bb',1,'mlx::core::simd::operator&&(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#af9d5f107ce0c40c3b6a2f176cbb70cd7',1,'mlx::core::simd::operator&&(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#af8f245dfc5154c04c0865a208ab1cfe9',1,'mlx::core::simd::operator&&(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1steel.html#a6353bf11881842e25c46b56f92b7044f',1,'mlx::steel::operator&&()'],['../group__ops.html#gaee1d774bb0843601d7a0a4257d616ae3',1,'mlx::core::operator&&(const array &a, const array &b)']]], - ['operator_26_3d_25',['operator&=',['../namespacemlx_1_1core.html#a60c263ef46e552c3954688869734b513',1,'mlx::core::operator&=(_MLX_BFloat16 &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af9670fc8088339669c54c68b3a320e25',1,'mlx::core::operator&=(_MLX_BFloat16 &lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#ad1f96f0a02024f347b4c4431629407fc',1,'mlx::core::operator&=(_MLX_Float16 &lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae0540f16c4e7bd55d0e86a88495e4967',1,'mlx::core::operator&=(_MLX_Float16 &lhs, uint16_t rhs)']]], - ['operator_28_29_26',['operator()',['../structpocketfft_1_1detail_1_1_exec_c2_c.html#a4fd637f1a6d335826789af28ac089ecb',1,'pocketfft::detail::ExecC2C::operator()()'],['../structpocketfft_1_1detail_1_1_exec_hartley.html#a67c98b38d12440781053552b9a33bba1',1,'pocketfft::detail::ExecHartley::operator()()'],['../structpocketfft_1_1detail_1_1_exec_dcst.html#a67f4f56e3574c491695f8cb8a1e983d8',1,'pocketfft::detail::ExecDcst::operator()()'],['../structpocketfft_1_1detail_1_1_exec_r2_r.html#acdba1650962714e6afff51e9ca456970',1,'pocketfft::detail::ExecR2R::operator()()'],['../structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f',1,'mlx::core::VectorScalar::operator()()'],['../structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1',1,'mlx::core::ScalarVector::operator()()'],['../structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215',1,'mlx::core::VectorVector::operator()()'],['../structmlx_1_1core_1_1detail_1_1_add.html#a95cf053f89883d82f31ec53154b430a0',1,'mlx::core::detail::Add::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_add.html#a2d6011c35768b5fcd2bb75747b944353',1,'mlx::core::detail::Add::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan2.html#a01da277adf65232bd67b252a31baedd7',1,'mlx::core::detail::ArcTan2::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan2.html#af0cfd2ea4d541379b9c427fd4054828d',1,'mlx::core::detail::ArcTan2::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_divide.html#a9a3eab9eaf77b5a94ede2db8c7cef9f2',1,'mlx::core::detail::Divide::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_divide.html#a5e0d22e2084c4ca81bec0d457a46c662',1,'mlx::core::detail::Divide::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_multiply.html#a9dda09d0bf0f4153abf37ba894df37d4',1,'mlx::core::detail::Multiply::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_multiply.html#a898b090966b047723513224b8d3b22f1',1,'mlx::core::detail::Multiply::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_subtract.html#a48913052e0a051648b7a69376ec3e3e1',1,'mlx::core::detail::Subtract::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_subtract.html#a72ef05830615a2d5d9662926ed82672a',1,'mlx::core::detail::Subtract::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_logical_and.html#a5fb547e51ea53517deb54d89c76b4860',1,'mlx::core::detail::LogicalAnd::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_logical_and.html#a046536c1f2f9367983f052a213d7b7d8',1,'mlx::core::detail::LogicalAnd::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_logical_or.html#a4701821e656931d808815753ee529bad',1,'mlx::core::detail::LogicalOr::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_logical_or.html#afb134dbab79307d4ba597843c61d0b1a',1,'mlx::core::detail::LogicalOr::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_and.html#a91cff5472e47b13fd9d291b17d2e877b',1,'mlx::core::detail::BitwiseAnd::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_and.html#ae0bed77f95fe2b2f0b594addddd04700',1,'mlx::core::detail::BitwiseAnd::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_or.html#abd39ee9af548b16e3fabe4ae956b6f1c',1,'mlx::core::detail::BitwiseOr::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_or.html#a5ab05734c5000b454975de6647a08d20',1,'mlx::core::detail::BitwiseOr::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a8ed25d90a73141938a71ddddfd40b83d',1,'mlx::core::detail::BitwiseXor::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a0989e3bcd064ae06c33f660696a869a0',1,'mlx::core::detail::BitwiseXor::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_left_shift.html#a50bcbc53e2278483d9063decf7ad78d8',1,'mlx::core::detail::LeftShift::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_left_shift.html#a9385f580830a6ad163dd9bb8c4905e7a',1,'mlx::core::detail::LeftShift::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_right_shift.html#aa86d02e4ca59bc7ffacdc342841a0ea9',1,'mlx::core::detail::RightShift::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_right_shift.html#a154528ba50e89a4c532a181f135b1620',1,'mlx::core::detail::RightShift::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_remainder.html#a8b672df71eea3f31f5e2aa50662f3b19',1,'mlx::core::detail::Remainder::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_remainder.html#ac1bcf314046fa1c76e5491336cf68e02',1,'mlx::core::detail::Remainder::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_maximum.html#a1edfed0e0b33227b67c7709691f846c7',1,'mlx::core::detail::Maximum::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_maximum.html#a1a3bd09f6c4e61982ebf1a9bfaa38059',1,'mlx::core::detail::Maximum::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_minimum.html#a28b51060b9345fb2021d5176cd607778',1,'mlx::core::detail::Minimum::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_minimum.html#a5cdc82cc78adbc9854aa9b1c4417d6d3',1,'mlx::core::detail::Minimum::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_power.html#ad047c7d25e1b0f32dc17a03d826cf0a0',1,'mlx::core::detail::Power::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_power.html#a5d3c31365fcf2de52f78c3695da83152',1,'mlx::core::detail::Power::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_equal.html#a5d3f7423078444e5d690fb6d50fcce23',1,'mlx::core::detail::Equal::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_equal.html#a2994cf1884e7126e76d0a20b215fe3ab',1,'mlx::core::detail::Equal::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_greater.html#a9186b3e29c84700ea93ca9470556b0b3',1,'mlx::core::detail::Greater::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_greater.html#aa3844c2bae3c7a981739f642aa0dd094',1,'mlx::core::detail::Greater::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_greater_equal.html#a8da40f79562ef8ffbd30ddcf40d83e0f',1,'mlx::core::detail::GreaterEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_greater_equal.html#a3b005f85522ad0e4b57044eed930ac30',1,'mlx::core::detail::GreaterEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_less.html#a8e9c159887284420b1161421e58a0bda',1,'mlx::core::detail::Less::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_less.html#a0b4032dff1ad2b387745cb000aabdcbb',1,'mlx::core::detail::Less::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_less_equal.html#a5f7f700be5fdf4629a96ab271caf5440',1,'mlx::core::detail::LessEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_less_equal.html#a31e70f8830a07557697541301555a7a7',1,'mlx::core::detail::LessEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_not_equal.html#a99d16a3d7f637901869bf650b1ea6e13',1,'mlx::core::detail::NotEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_not_equal.html#a23d662b5fd968dc17d3bee2595b5f99d',1,'mlx::core::detail::NotEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a441e5e8552be45ced34001b465d251e1',1,'mlx::core::detail::NaNEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a073b20b0d8d41ec8364b7c477421b9bf',1,'mlx::core::detail::NaNEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_log_add_exp.html#a434da15bcb95dc979c73ec795cfec339',1,'mlx::core::detail::LogAddExp::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_log_add_exp.html#ad1663fd809acaa4038f90666436599e5',1,'mlx::core::detail::LogAddExp::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_select.html#a930f9da2e6b3453e04f21382435a2cfb',1,'mlx::core::detail::Select::operator()(bool condition, T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_select.html#a8c5135e3098cfd2521a2a266ba08f1e4',1,'mlx::core::detail::Select::operator()(Simd< bool, N > condition, Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_abs.html#acb9168d40f09d73a2243f75f13bbadc2',1,'mlx::core::detail::Abs::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_abs.html#a0d657bc9a381dca1b5860b9a1b5a5702',1,'mlx::core::detail::Abs::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cos.html#a1b927a97bbef1478c768bb85cb764c94',1,'mlx::core::detail::ArcCos::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cos.html#a04b4c9d1fc0160973aa28b1f809b9d51',1,'mlx::core::detail::ArcCos::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a4436be0278ceaced10ef98eb6f30f789',1,'mlx::core::detail::ArcCosh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a767d354bec863942822ee0b9b6742a88',1,'mlx::core::detail::ArcCosh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sin.html#ab1ad6339c662305bd682b14f8d8afd6c',1,'mlx::core::detail::ArcSin::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sin.html#ac69091929815e5317308b4088f5c2f46',1,'mlx::core::detail::ArcSin::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac6e45e41f931f556697c060a2a858816',1,'mlx::core::detail::ArcSinh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac7bf9bac66fef917f75494b2345e6aaf',1,'mlx::core::detail::ArcSinh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan.html#a697b7f12f30d642ee5f0c54aaf86a8ec',1,'mlx::core::detail::ArcTan::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan.html#aee87bf10c278a70ca788085d1b499afe',1,'mlx::core::detail::ArcTan::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a93a660ea073526e1f75b2d3c4ac6c366',1,'mlx::core::detail::ArcTanh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a601e8c52bb938eb3a616756a35419e8b',1,'mlx::core::detail::ArcTanh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#a82a68523f66008c83dc6ebea184b5fe4',1,'mlx::core::detail::BitwiseInvert::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#ad6cdfbd47f1fb2d8c251ce0da92c22c6',1,'mlx::core::detail::BitwiseInvert::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_ceil.html#a2354e9fa1502d1743834b98cdec17653',1,'mlx::core::detail::Ceil::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_ceil.html#a672f65e47d65e4e8d88be252bce0164b',1,'mlx::core::detail::Ceil::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_conjugate.html#a33bbfcc195781eb33df0a4efc50569ed',1,'mlx::core::detail::Conjugate::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_conjugate.html#a386b583d24a2cf1ba8dcc3ba52c226f5',1,'mlx::core::detail::Conjugate::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_cos.html#a663065fd41e5d85e8f044e9f81070568',1,'mlx::core::detail::Cos::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_cos.html#ad4caef573f9d9071f8945a8efed231ad',1,'mlx::core::detail::Cos::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_cosh.html#ae94b6da9ceb47e9d4aaf61451126f58d',1,'mlx::core::detail::Cosh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_cosh.html#a63591f49776d9aadc02200036ae38317',1,'mlx::core::detail::Cosh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_erf.html#a4f5986391863d30e0e7b17bd1996a5f6',1,'mlx::core::detail::Erf::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_erf.html#a168f8ccc6c8053b05dd1a48904ca8fd4',1,'mlx::core::detail::Erf::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_erf_inv.html#a0cdd8d6e71222695d0f148b9ad048429',1,'mlx::core::detail::ErfInv::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_erf_inv.html#acc93c0511141404208b35f302f8c1fcb',1,'mlx::core::detail::ErfInv::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_exp.html#aad7fb8de7561479c7aa3c741322a3101',1,'mlx::core::detail::Exp::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_exp.html#a0846300cee28315e5b42f74acafbd1a1',1,'mlx::core::detail::Exp::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_expm1.html#a2c78a15f0dd01d13f3a78ac45347ed3e',1,'mlx::core::detail::Expm1::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_expm1.html#abf7e61b8387521e9d44334ce88d833a0',1,'mlx::core::detail::Expm1::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_floor.html#a5c41fb72ec3da9289c24b92802e28f2e',1,'mlx::core::detail::Floor::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_floor.html#a16c13cfe736098bffc81d655e172294a',1,'mlx::core::detail::Floor::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log.html#a0041795bfd063a9769a3747bd7a91d61',1,'mlx::core::detail::Log::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log.html#a0012a4e1744dbe9a28c3b5652be6e1c6',1,'mlx::core::detail::Log::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log2.html#a83258d8a3fe12e082d0b317fcfafb28b',1,'mlx::core::detail::Log2::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log2.html#a467bd4c995674721ff5fff6df33aead8',1,'mlx::core::detail::Log2::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log10.html#ade464425f69e5b76bf61b5ba3da75089',1,'mlx::core::detail::Log10::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log10.html#a2633c5b772bbc9f8b66cffd4a3e01a3f',1,'mlx::core::detail::Log10::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log1p.html#abed96d56b07c6a96666b770c9711e52e',1,'mlx::core::detail::Log1p::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log1p.html#a3220de8c6090c44aa2070b1fbb2dc340',1,'mlx::core::detail::Log1p::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_logical_not.html#a4978cc3a63e70a1a4fee6470764ae9d9',1,'mlx::core::detail::LogicalNot::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_logical_not.html#a79799668ea5c364b0b4e2bc330e76253',1,'mlx::core::detail::LogicalNot::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_negative.html#a93a1dfb47eba54aff44b2945d131c97e',1,'mlx::core::detail::Negative::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_negative.html#afc4595c70ef7196df374cf4b2cc5e526',1,'mlx::core::detail::Negative::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_round.html#acd099ba81c8c281e9660cf8c0fed0cd1',1,'mlx::core::detail::Round::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_round.html#a653f29c059bbfa6192378732a8a23351',1,'mlx::core::detail::Round::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sin.html#a07c357c49dbf6b0579b1e771c6eb5766',1,'mlx::core::detail::Sin::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sin.html#ae95671816529cc2188389af37a2f1a13',1,'mlx::core::detail::Sin::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sinh.html#a1e299cd64bc0c7aaa1ceeac35dfe7831',1,'mlx::core::detail::Sinh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sinh.html#a9663ddf0fa4c0003576b48f3d5385f00',1,'mlx::core::detail::Sinh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sqrt.html#acac518e8e7cf3dd103f4f72f22b23221',1,'mlx::core::detail::Sqrt::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sqrt.html#aa5a4830b3ef7efab20ea88a110667efd',1,'mlx::core::detail::Sqrt::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_rsqrt.html#ac6720a6270393152ab2924a77bfb17b2',1,'mlx::core::detail::Rsqrt::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_rsqrt.html#a9af247be16bab83243038aac54446b79',1,'mlx::core::detail::Rsqrt::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_tan.html#a9c8d3570a1e4daa054bb41999043d9e9',1,'mlx::core::detail::Tan::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_tan.html#aba397cd7ac05bbe06dfa9e3a64bdb05f',1,'mlx::core::detail::Tan::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_tanh.html#a79eeba686f3dd5dce097ff5b9b27dd7c',1,'mlx::core::detail::Tanh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_tanh.html#a1749ba1edfd53095ed7d45c0e53bab61',1,'mlx::core::detail::Tanh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_imag.html#a070cf43bc4e30871f8f32d4b84be05c8',1,'mlx::core::detail::Imag::operator()(Simd< complex64_t, N > x)'],['../structmlx_1_1core_1_1detail_1_1_imag.html#a5bd82e2185f3779e398c179d42a3e782',1,'mlx::core::detail::Imag::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_real.html#a7c6c6c188d611e2084dba66b7489c21f',1,'mlx::core::detail::Real::operator()(Simd< complex64_t, N > x)'],['../structmlx_1_1core_1_1detail_1_1_real.html#ae84a939fdb5916257a7731cda66d4d61',1,'mlx::core::detail::Real::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sigmoid.html#a12a3d53f0fd797b5cdd9d04d048ce1a4',1,'mlx::core::detail::Sigmoid::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sigmoid.html#a64b72561bfaf758632167f00648f4c89',1,'mlx::core::detail::Sigmoid::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sign.html#a913c095e25668c8a6bb6e3243e150606',1,'mlx::core::detail::Sign::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sign.html#a64ed5013cee7ff18c7fe70bc04737e7b',1,'mlx::core::detail::Sign::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_square.html#abab2378a94c4c38dffeb06a74b0f81ee',1,'mlx::core::detail::Square::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_square.html#a54e9e3c0d0896e142289e8282eab1099',1,'mlx::core::detail::Square::operator()(T x)'],['../struct_add.html#ac5c66b63d63a222d3ae0ab8cc7c90eb5',1,'Add::operator()()'],['../struct_floor_divide.html#a2b328e4d768e718fa439f955c524666a',1,'FloorDivide::operator()(T x, T y)'],['../struct_floor_divide.html#afc16a2b2a745225e0bc95640f3fc0219',1,'FloorDivide::operator()(float x, float y)'],['../struct_floor_divide.html#ae91719a15f7e643d552129f476089c6a',1,'FloorDivide::operator()(half x, half y)'],['../struct_floor_divide.html#a4aa9f858626583e02bd79f747229bbca',1,'FloorDivide::operator()(bfloat16_t x, bfloat16_t y)'],['../struct_divide.html#a0a16b9194abc2ab7c61129f81a9bbb3d',1,'Divide::operator()()'],['../struct_remainder.html#ab7875512ff4341c580c6dc372e64fc58',1,'Remainder::operator()(T x, T y)'],['../struct_remainder.html#a18150b5f4425e30b95ffabc6bb25cede',1,'Remainder::operator()(T x, T y)'],['../struct_remainder.html#ab3b75f54b56fd357c9755daadb2cafc2',1,'Remainder::operator()(T x, T y)'],['../struct_remainder.html#ae918ce0e246937d4fe04e2ea36e4b2c1',1,'Remainder::operator()(complex64_t x, complex64_t y)'],['../struct_equal.html#aa498087080900d4428ba428a6496a769',1,'Equal::operator()()'],['../struct_na_n_equal.html#a00220898e02db656d21dde9e9354a8dc',1,'NaNEqual::operator()(T x, T y)'],['../struct_na_n_equal.html#a6185e4554dce5b4659d21673c576be51',1,'NaNEqual::operator()(complex64_t x, complex64_t y)'],['../struct_greater.html#a98d7d8ee360cd0f469c6eb9a017560f5',1,'Greater::operator()()'],['../struct_greater_equal.html#ae69a3bccc567a46506cf0d296294ce80',1,'GreaterEqual::operator()()'],['../struct_less.html#a5ee0b31b2d9123dc4504f2979a5854d3',1,'Less::operator()()'],['../struct_less_equal.html#ae9f9a1b2eae548977139704f0044acfe',1,'LessEqual::operator()()'],['../struct_log_add_exp.html#ab32417f18e8ff68c15f78aceeb624edf',1,'LogAddExp::operator()()'],['../struct_maximum.html#a3ea0f42bc4cd80b68a98f189f9fa859c',1,'Maximum::operator()(T x, T y)'],['../struct_maximum.html#a0bc8fadc87f2c49fc440d625bfc97ca6',1,'Maximum::operator()(T x, T y)'],['../struct_maximum.html#a907e8793900be5927625377dab199644',1,'Maximum::operator()(complex64_t x, complex64_t y)'],['../struct_minimum.html#aa6113dfac3986c0f571fa53f65c5330e',1,'Minimum::operator()(T x, T y)'],['../struct_minimum.html#a0c939921de87ab9c6959238aac81a059',1,'Minimum::operator()(T x, T y)'],['../struct_minimum.html#a800fba087280f79c2f7e9aff75bed093',1,'Minimum::operator()(complex64_t x, complex64_t y)'],['../struct_multiply.html#a1327fc5a0713931afe997b0d4d2988e0',1,'Multiply::operator()()'],['../struct_not_equal.html#af008d73a5d9cde0b8309b7e8ee7438b2',1,'NotEqual::operator()(T x, T y)'],['../struct_not_equal.html#a14de494cea4e4869351202cad1149f17',1,'NotEqual::operator()(complex64_t x, complex64_t y)'],['../struct_power.html#a2b6df2a9e48155ff9734caca8504a79f',1,'Power::operator()(T base, T exp)'],['../struct_power.html#a36829163d42973034a1f8a7ecc57a1de',1,'Power::operator()(T base, T exp)'],['../struct_power.html#a27cdfb313c4e82b63bdcdaee923cbbef',1,'Power::operator()(complex64_t x, complex64_t y)'],['../struct_subtract.html#ae0856cd8d449074ca287baa7e460f68a',1,'Subtract::operator()()'],['../struct_logical_and.html#a8bc6bdabc0ea0678a46e2cf6217cb3a6',1,'LogicalAnd::operator()()'],['../struct_logical_or.html#ade6a931324a604a3119d2220d6f5460d',1,'LogicalOr::operator()()'],['../struct_bitwise_and.html#afb48af090b01dd0200963bc12d842e36',1,'BitwiseAnd::operator()()'],['../struct_bitwise_or.html#a41f847463daafa99ee56f4035578390f',1,'BitwiseOr::operator()()'],['../struct_bitwise_xor.html#a3a3e8a56caab739d40262d9349c9c485',1,'BitwiseXor::operator()()'],['../struct_left_shift.html#aa729747784c38bfdbba34794fcf5175b',1,'LeftShift::operator()()'],['../struct_right_shift.html#a2cc59b400c68342b0e43050431323c17',1,'RightShift::operator()()'],['../struct_arc_tan2.html#ac9b7729753e13be293ab700231d061ac',1,'ArcTan2::operator()()'],['../struct_div_mod.html#a8b5758f2ea18d4c903b462331b25abfe',1,'DivMod::operator()()'],['../struct_cum_prod_3_01bool_01_4.html#ad634be0b139d10ce6d21332eef0d936b',1,'CumProd< bool >::operator()()'],['../struct_cum_max.html#a781b9b955c5412466da6af6c70d73c06',1,'CumMax::operator()()'],['../struct_cum_min.html#ae0b8c3761e04fa538d304ca842281a66',1,'CumMin::operator()()'],['../struct_less_than.html#a2798eb377b411c93a4ed30cf35caade2',1,'LessThan::operator()()'],['../struct_select.html#adb51692aae3038de07dd745891bf9848',1,'Select::operator()()'],['../struct_abs.html#a9e7481dfcc162509769852026ff4a344',1,'Abs::operator()(T x)'],['../struct_abs.html#a0ca113fd036151c443df3f83cc667f28',1,'Abs::operator()(uint8_t x)'],['../struct_abs.html#adaeab32a7e377dc990077ab15f3dc4c2',1,'Abs::operator()(uint16_t x)'],['../struct_abs.html#a99d2a2f37a6cddd3168b0224f2a9b963',1,'Abs::operator()(uint32_t x)'],['../struct_abs.html#ac9cbc02422d930479303f240a7ea6c71',1,'Abs::operator()(uint64_t x)'],['../struct_abs.html#ac30835b27784d451bd2e4524c8eb9e11',1,'Abs::operator()(bool x)'],['../struct_abs.html#ab82917d6b30a2c579e7eb879d305c5fc',1,'Abs::operator()(complex64_t x)'],['../struct_arc_cos.html#a5553cecf58511e24e76ac97f2d90b9ac',1,'ArcCos::operator()()'],['../struct_arc_cosh.html#a5c9e7712c14c97298b23ec48e19abc58',1,'ArcCosh::operator()()'],['../struct_arc_sin.html#a0343872f2da93bae2bb0baadf49da022',1,'ArcSin::operator()()'],['../struct_arc_sinh.html#a3066fb7dc7c3180100fb55ff94af6a7a',1,'ArcSinh::operator()()'],['../struct_arc_tan.html#af3a0aec6acec8ae8f5e4c4d5cf8c91ba',1,'ArcTan::operator()()'],['../struct_arc_tanh.html#a37dc3e01ec2830de7e82ed6c6363ac88',1,'ArcTanh::operator()()'],['../struct_bitwise_invert.html#a8f0c83f39bbb475368494568acdb794c',1,'BitwiseInvert::operator()()'],['../struct_ceil.html#a5e2a4ef1b012f5d352064489156e5e44',1,'Ceil::operator()(T x)'],['../struct_ceil.html#a455cd8083ba859993077f2e078ae165b',1,'Ceil::operator()(int8_t x)'],['../struct_ceil.html#a2acb61bc658c7a216795e7f76ebcf98a',1,'Ceil::operator()(int16_t x)'],['../struct_ceil.html#aef8c37f7a8ee3fc80700d605a09891fb',1,'Ceil::operator()(int32_t x)'],['../struct_ceil.html#a93d0110511ad5dd200e12d37a3d7d6e3',1,'Ceil::operator()(int64_t x)'],['../struct_ceil.html#aa335b745fa26e0f443cdb36298105484',1,'Ceil::operator()(uint8_t x)'],['../struct_ceil.html#ade17e13b7f30f5c590fae1581a2013ac',1,'Ceil::operator()(uint16_t x)'],['../struct_ceil.html#a411c75cc35cdc088402e176a1defd22d',1,'Ceil::operator()(uint32_t x)'],['../struct_ceil.html#a9ac660ca29eef7a7429fceb7b917a68a',1,'Ceil::operator()(uint64_t x)'],['../struct_ceil.html#a40de367e62f06ebd7e1330afa93a9ad9',1,'Ceil::operator()(bool x)'],['../struct_cos.html#ae222f8710f6b8254c471ebd475aa5bda',1,'Cos::operator()(T x)'],['../struct_cos.html#a5f26feb1dcc4bec5f59a9ff511c5b163',1,'Cos::operator()(complex64_t x)'],['../struct_cosh.html#a5847ebeebb236fdc926798ddc16475ba',1,'Cosh::operator()(T x)'],['../struct_cosh.html#aefdd91298dac16d528d29ee47e2f7252',1,'Cosh::operator()(complex64_t x)'],['../struct_conjugate.html#acb0a2694285f1f57c7654b371ce8cbd8',1,'Conjugate::operator()()'],['../struct_erf.html#a80719402ad7f7d418859a6677d7b604d',1,'Erf::operator()()'],['../struct_erf_inv.html#afbf3668d1a512e889f093a0bc7673309',1,'ErfInv::operator()()'],['../struct_exp.html#a5ef395868e055348c0802fd5fe45669c',1,'Exp::operator()(T x)'],['../struct_exp.html#a2b341ac400c4d145397950eb60734336',1,'Exp::operator()(complex64_t x)'],['../struct_expm1.html#a4b834d42cf0b84daf03fec62c222091a',1,'Expm1::operator()()'],['../struct_floor.html#ace3551f28429081e9f3a3dab0c84212b',1,'Floor::operator()(T x)'],['../struct_floor.html#a10d7fd05b4c224c9f135451246d13014',1,'Floor::operator()(int8_t x)'],['../struct_floor.html#a2865a04a492e3590302f4bd3215a10d7',1,'Floor::operator()(int16_t x)'],['../struct_floor.html#a41012343ff0463ec44b4d06196f41182',1,'Floor::operator()(int32_t x)'],['../struct_floor.html#aae3181d15856796aa0628cf30c92aa2e',1,'Floor::operator()(int64_t x)'],['../struct_floor.html#ac6cf38d82c8e270911afdca4c69ad51b',1,'Floor::operator()(uint8_t x)'],['../struct_floor.html#a78969b9e2b53ae248e72a67259eea5d8',1,'Floor::operator()(uint16_t x)'],['../struct_floor.html#a959009320ed622ed45b39becab1d5b98',1,'Floor::operator()(uint32_t x)'],['../struct_floor.html#a7d04b83c3345cd867315cae2d7ff68ab',1,'Floor::operator()(uint64_t x)'],['../struct_floor.html#abea845fe5e8e6b93bd4bca8717337e0b',1,'Floor::operator()(bool x)'],['../struct_imag.html#a3b29e9f8a46c194d683f6a9938314400',1,'Imag::operator()()'],['../struct_log.html#a32a383cb6be06e616a75f23bf49089c3',1,'Log::operator()()'],['../struct_log2.html#ac1e067ecdcbdbffb6106e789c2b98b64',1,'Log2::operator()()'],['../struct_log10.html#ac596a74c1642a00f3eced07ee3334122',1,'Log10::operator()()'],['../struct_log1p.html#a4464c6e7bdbe55ffd7d961c695cd13ce',1,'Log1p::operator()()'],['../struct_logical_not.html#a8a620bac957ab8c09ac85adfddd96708',1,'LogicalNot::operator()()'],['../struct_negative.html#af6879b374314a559faa321e8cce3d710',1,'Negative::operator()()'],['../struct_real.html#a85b9c5b9e65297994fa26ff68e19e809',1,'Real::operator()()'],['../struct_round.html#aa06a0195867e2ceb679c403b6909a1c4',1,'Round::operator()(T x)'],['../struct_round.html#ad3a08f2276ff1033900bc0a7da812655',1,'Round::operator()(complex64_t x)'],['../struct_sigmoid.html#a75a24cd75cb4d4c9a072811b2d70ad55',1,'Sigmoid::operator()()'],['../struct_sign.html#aa3304c6b43bcad53061614b741d8403c',1,'Sign::operator()(T x)'],['../struct_sign.html#ac48992b675b8b28be1e27e1f2ec5d2f7',1,'Sign::operator()(uint32_t x)'],['../struct_sign.html#ae07a4249e1b61419a3b9ca6c337b7bb5',1,'Sign::operator()(complex64_t x)'],['../struct_sin.html#a7caf98c777521fa5d5c6ddaaa3b779fd',1,'Sin::operator()(T x)'],['../struct_sin.html#aa510cf4595b6d49065ab6b602d8fcb14',1,'Sin::operator()(complex64_t x)'],['../struct_sinh.html#a02cf32bcf560657b9ee34fb1affed8e2',1,'Sinh::operator()(T x)'],['../struct_sinh.html#a1f8ba1858d352ee68861cd6ea861af43',1,'Sinh::operator()(complex64_t x)'],['../struct_square.html#afde739fc544e45dd30964c02dca94310',1,'Square::operator()()'],['../struct_sqrt.html#ab9b16d2b9b03a1c54190f4479a56a4ad',1,'Sqrt::operator()()'],['../struct_rsqrt.html#ae16699fd829e40416436247a39233fda',1,'Rsqrt::operator()()'],['../struct_tan.html#a1e6fb8c691621c69cb9bd393de4f6e78',1,'Tan::operator()(T x)'],['../struct_tan.html#a2ef120c9f92b0d2e9cec8389eda05724',1,'Tan::operator()(complex64_t x)'],['../struct_tanh.html#adce11a7ad33226c6ecff34f46f5c45d7',1,'Tanh::operator()(T x)'],['../struct_tanh.html#aa8423b43c725bb4b88965a11e8cf20f6',1,'Tanh::operator()(complex64_t x)'],['../structmlx_1_1core_1_1_function_exporter.html#ada4e13daeb3ba0f5ebe20ec0663727b3',1,'mlx::core::FunctionExporter::operator()(const std::initializer_list< array > &args)'],['../structmlx_1_1core_1_1_function_exporter.html#a82aeb5fa32ef5638f42dc2372278427e',1,'mlx::core::FunctionExporter::operator()(const Args &args)'],['../structmlx_1_1core_1_1_function_exporter.html#ac8b8fa0a23d58a94e2e9b923dc7324e8',1,'mlx::core::FunctionExporter::operator()(const Kwargs &kwargs)'],['../structmlx_1_1core_1_1_function_exporter.html#a35a3c1d94249ce0fe0e82b0ea047d441',1,'mlx::core::FunctionExporter::operator()(const Args &args, const Kwargs &kwargs)'],['../structmlx_1_1core_1_1_imported_function.html#a3555db23026d30eaeee265fed99947b2',1,'mlx::core::ImportedFunction::operator()(const std::initializer_list< array > &args) const'],['../structmlx_1_1core_1_1_imported_function.html#a5953b3f47c094cc47bcbb0845379ca8d',1,'mlx::core::ImportedFunction::operator()(const Args &args) const'],['../structmlx_1_1core_1_1_imported_function.html#a10fec4eab5851ed825a9b46a31cedcc9',1,'mlx::core::ImportedFunction::operator()(const Kwargs &kwargs) const'],['../structmlx_1_1core_1_1_imported_function.html#a7d1accece61230eec256e0f70610776d',1,'mlx::core::ImportedFunction::operator()(const Args &args, const Kwargs &kwargs) const']]], - ['operator_2a_27',['operator*',['../structpocketfft_1_1detail_1_1cmplx.html#a26bf3d709a58f06228e502af6db8e5ac',1,'pocketfft::detail::cmplx::operator*(const T2 &other) const -> cmplx< decltype(r *other)>'],['../structpocketfft_1_1detail_1_1cmplx.html#ad9c591ef8ae976293f207937d273e9a1',1,'pocketfft::detail::cmplx::operator*(const cmplx< T2 > &other) const -> cmplx< decltype(r+other.r)>'],['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a153756072fda6d3e53bcca11b46a1238',1,'mlx::core::array::ArrayIterator::operator*()'],['../namespacemlx_1_1core_1_1simd.html#a08c1e7a00b1b4bc60e30d1554f4f46f2',1,'mlx::core::simd::operator*(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#ae4ec5f1f081d20b46b13eb83eb1b6431',1,'mlx::core::simd::operator*(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a4555cd6a3b50af00700f97fdf00f63a7',1,'mlx::core::simd::operator*(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab6a73491bcb185cd91ae4db6b0f21e49',1,'mlx::core::simd::operator*(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value *b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a4030444ea38ce1529a8cbb8c183a28bd',1,'mlx::core::simd::operator*(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a *b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#acd5ac48dc7895f06daf55f0a7e0667fb',1,'mlx::core::simd::operator*(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value *b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a6f6d26e3fe39ee1ba0a7380d0ecf7b45',1,'mlx::core::simd::operator*(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a5373c1af09825b5f701ebd106508fa6b',1,'mlx::core::simd::operator*(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#ac50da923a4b7ac682554bd1d74c306d9',1,'mlx::core::simd::operator*(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a681d4fb076973f58f7dac894ec62a385',1,'operator*(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8f06316063fc91747533105f256b55b5',1,'operator*(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7b3bce3f6f17089d87e13e91f580a581',1,'operator*(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a54ae7216b82c5cea362f6b83e1df3a9b',1,'operator*(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a852689073c17596de4fb545bc046b380',1,'operator*(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a168300bbd04d8e97c5e4218cb14ae378',1,'operator*(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6278bd2e0e2805090b33ef666bf7f6bb',1,'operator*(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aecf703522d9ce32dfeefe1e6e903db06',1,'operator*(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7cd44d27fa9a4f13df39894c34fdb348',1,'operator*(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aee64dc1890abb6d1035361cb8c751f96',1,'operator*(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad1a559ab88dbbb4fd2c7509d2c94e55b',1,'operator*(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a495ae2d9be5d97c4c6448fc4e50a03e1',1,'operator*(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a87ab4b7a502430da664ccb8abd383058',1,'operator*(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5f997839cf49c24ab594a0dff486a7bc',1,'operator*(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aa0c2d29950926ae579adf6337fbea64b',1,'mlx::steel::operator*()'],['../group__ops.html#ga26c33f5cdb6fc10d272acd6e208034e0',1,'mlx::core::operator*(const array &a, const array &b)'],['../group__ops.html#gac22a67f7de797b1ae59029843cbdcab6',1,'mlx::core::operator*(T a, const array &b)'],['../group__ops.html#ga6f2369ed5fae8ff9b1528670a004dde2',1,'mlx::core::operator*(const array &a, T b)'],['../namespacemlx_1_1core.html#a0cc824d6318f97f7058918ab64ddfc25',1,'mlx::core::operator*(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a81e1c727c3fc48910b030cb65a9e7afa',1,'mlx::core::operator*(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a861d948220d8f48d46c68d2ddb16a096',1,'mlx::core::operator*(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a13d16561812679b36e68185dc4b2d04d',1,'mlx::core::operator*(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a5287610200ff573730c9c92413f48881',1,'mlx::core::operator*(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a377ccc6b4ef36767abca102dca56dc10',1,'mlx::core::operator*(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a5d696b63635ce6967526d6a410f7f6b1',1,'mlx::core::operator*(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abe90e9527bfa3e1c813d41df4a2372e7',1,'mlx::core::operator*(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a5f14963c77f96bcb5a3bef5661a86ba4',1,'mlx::core::operator*(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#acfb06fe9f5fee01dbb5a2b23bccfd0d3',1,'mlx::core::operator*(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#afc9a87f1fccbac05242b91bfbb35c24d',1,'mlx::core::operator*(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0b9678af9b487900cacf6639a4693de0',1,'mlx::core::operator*(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ad5950619081389e6ed7512f38358d33d',1,'mlx::core::operator*(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a65d25d082374761c05b056e1046d1d4e',1,'mlx::core::operator*(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a759191fb984e7737f0ef529c2053ad73',1,'mlx::core::operator*(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a3a52675c3d4552b319dd9707844abdec',1,'mlx::core::operator*(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a45d67f5d80fba4d42e34c682a8d22beb',1,'mlx::core::operator*(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ad25880c67bbcbfafbe54dc16418bf736',1,'mlx::core::operator*(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a63c836e1141e07ae72cee770bad01200',1,'mlx::core::operator*(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a265a37b8ee4a97390213e9ec49693e66',1,'mlx::core::operator*(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab5a457da04dcb157a0b5172c4b2244b6',1,'mlx::core::operator*(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#aa56a8bda08be9ef3711496e216a75c95',1,'mlx::core::operator*(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af89612098dd355b1eefb841c753b36ab',1,'mlx::core::operator*(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a4552687a0637f710b5d55bb6378fcabe',1,'mlx::core::operator*(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af69db7def588d7da430434a69456e29c',1,'mlx::core::operator*(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a00af6e5095888f00791ee0ab6d993ad6',1,'mlx::core::operator*(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab48feddc1aa304383e5493923506ad7a',1,'mlx::core::operator*(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a0367b582e85162b4180e086f725e49e9',1,'mlx::core::operator*(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a45f0479526fbccdb00bc73ea7f3b7625',1,'mlx::core::operator*(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a394797646010ba9ef2a1f9b9a4b8ddd9',1,'mlx::core::operator*(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#acaaa86b59c7ceb2e092ac07f2a75225c',1,'mlx::core::operator*(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#a067d47823a322b88043cce7ce4a3ec78',1,'mlx::core::operator*(bfloat16_t lhs, float16_t rhs)']]], - ['operator_2a_3d_28',['operator*=',['../structpocketfft_1_1detail_1_1cmplx.html#a683fd490182c9189fa2c05b1823edd93',1,'pocketfft::detail::cmplx::operator*=(T2 other)'],['../structpocketfft_1_1detail_1_1cmplx.html#a06f2c26c6fc4722e61b44da4c242ed87',1,'pocketfft::detail::cmplx::operator*=(const cmplx< T2 > &other)'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7232b0a0e193b3c6172d6fc2578bf419',1,'operator*=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ade65ebca11e38d56408c512df89b99f4',1,'operator*=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af4348ce3425dd99d069e8fdf06e25a3c',1,'operator*=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2c3c5f793b3d957d7295d7f1faabebee',1,'operator*=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac66657077d55e94197b52b63acb50b7d',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a383165ea838cc3feeee4d9cf54aa77cc',1,'operator*=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab706af260b61f735b28464877d02137c',1,'operator*=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a979374b1dd4e0eaf602326fa901336d1',1,'operator*=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac815eec2c1b15a47b1c6ea6790e77d24',1,'operator*=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8110fae7bcc34a0de5927546b24aa935',1,'operator*=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae4acef3e7ae7dfe359422503f894e885',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adc268cdbc30500f3009f5de2b2f0f67a',1,'operator*=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a81f65b04a87a25c7eb1a751d1be9fa55',1,'operator*=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08c1f916302eb9d48c93f8b7260538fe',1,'operator*=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adc8e82b8f593b12c6d405e2250ab0f62',1,'operator*=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4611728172afea51860a77fdb06cafa0',1,'operator*=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0b8736e2ae24758b6e24ea72668df5b4',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad920df9579603f0b0ee2689eba330617',1,'operator*=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae97ab6c3ddcc2754b24f86319a5398be',1,'operator*=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3ff4ff59f411010ac8502cfabda4bd6f',1,'operator*=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abd3d82e2dec1847e97eb8fc3bab2985a',1,'operator*=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a738078eb7d5ff94ff48156a555d763a5',1,'operator*=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a435f2f4256aadb1b57fd62bb7f733cf7',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0e4377b120d6305335d296e031ee5b30',1,'operator*=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a917354f77eac26189da8a2f610a00074',1,'operator*=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af725f935bfa0405e5ff17ede3ac47283',1,'operator*=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7c56980c234a04260b8b19298085e526',1,'operator*=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab840ff9de0cdd0e9afffb8baa2a850a3',1,'operator*=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a73416a7415f3fe31525e33419e5e8aab',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a16978f4b16d954ef4d4cf0f32f6c0b94',1,'operator*=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a99aa4cc110d1c7aa3b4c8c5cbf9235b7',1,'operator*=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2179abbc91ce8763e96e39e1917bfa6e',1,'operator*=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab070ea4676d10a10ff3e9379a4068a57',1,'operator*=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0197e039d4c65bf49649a6f250c2d436',1,'operator*=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad3565cc6fd1e088d052b1108aa065851',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a711693988c437c2fb4d7da505982fe21',1,'operator*=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aeff4c28986f98c23de1df17043edb0f5',1,'operator*=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7dbf0c75df4817cb4ef8b60c417a89d0',1,'operator*=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a323a80492cd17a49e2c3dd18f8c8b5cc',1,'operator*=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adb465776d3868bda0525d632ffc4d129',1,'operator*=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a12a98d71d670b409b8065e0d61672d55',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5d00eb2ec2b0e15b2753d100694c45ae',1,'operator*=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1a2a683ff40490226eb1371fb905023d',1,'operator*=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4126fb7ed5bbb27a2332c543cf56a337',1,'operator*=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab092d9790ef20fc0386707530aee89db',1,'operator*=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abff1fd2439e31e6e64a3d2fdee3c7821',1,'operator*=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a625dcb133f1f953f263e6200399866c6',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08b6071245513e1726ec68e3b63edc53',1,'operator*=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a13aa79165ec87710e977f33fe0361e91',1,'operator*=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3796dcf819adb1ef8152f57ba63ff6b1',1,'operator*=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aaab79d0b4c9e9bdc059ace6ec58c5b00',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a0dd3893abc8986901872c8365ab1509d',1,'mlx::core::operator*=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a3cc5c154e4ad9a83ad43da8513146fdc',1,'mlx::core::operator*=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a600e77dbc72e78207b5f5dbf4b298781',1,'mlx::core::operator*=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a54833be1d44bc3adfc9ea218fc3685bd',1,'mlx::core::operator*=(float &lhs, _MLX_Float16 rhs)']]], - ['operator_2b_29',['operator+',['../structpocketfft_1_1detail_1_1cmplx.html#a76447ef141c8732d57421749fc81b236',1,'pocketfft::detail::cmplx::operator+()'],['../structmlx_1_1core_1_1array_1_1_array_iterator.html#ae2adde594b5a4853f6bc78263a957d85',1,'mlx::core::array::ArrayIterator::operator+()'],['../namespacemlx_1_1core_1_1simd.html#aac6acd134f1498b4fb45fdbc882335bf',1,'mlx::core::simd::operator+(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a8b622c47d07b171b2303ea744bf72284',1,'mlx::core::simd::operator+(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#aed655ffa017ade5e0f954f906d9f7ae6',1,'mlx::core::simd::operator+(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a27dfc3843dbefbbebed5b7137bacbb59',1,'mlx::core::simd::operator+(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value+b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aa78806bf6a3be64b44e9a1f04bad3862',1,'mlx::core::simd::operator+(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a+b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a98b77f1ca24bff373f48ef62f0013a02',1,'mlx::core::simd::operator+(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value+b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#ae690b57b386cbad40565487d6d2393bb',1,'mlx::core::simd::operator+(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a417109cdd61f35954ba2cc37af9b4460',1,'mlx::core::simd::operator+(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#ac33643b5f3cdbd3be0fa7d5784e35007',1,'mlx::core::simd::operator+(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#ad6af5c6c5ed4898b49758618e5aee189',1,'operator+(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a09c1a797eb7f43742578680899932f50',1,'operator+(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a551b970f73bb4a3b287653021d000b60',1,'operator+(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a43a225e7e548bb041f3a5d844faaf0da',1,'operator+(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8b6c3fd9d068a2159084359df8b9b449',1,'operator+(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0a5bfe15d95ba540795f4c25ebfa4f07',1,'operator+(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa415ce182fe7582d885fe633fc3527ce',1,'operator+(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a62f891b7dbba0000749cf338f594bedb',1,'operator+(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab43932322f81bf322aa1b0deeee9a987',1,'operator+(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acd15d46ea5827a2a39898ccbb8352eb8',1,'operator+(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a006763fae6e0577fc168ec9446f0f747',1,'operator+(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a12a47e8ac0be788edff57ae0a96d7830',1,'operator+(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af87dfa2122e9c76042dc41fb7f338a87',1,'operator+(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af2737d09c887ee8cd43fdeabceddbe82',1,'operator+(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a12ff4f38aa8474bf76770c7b8e3e18cb',1,'mlx::steel::operator+()'],['../group__ops.html#ga26e5a043eaaaf066d1400adac9c11d0c',1,'mlx::core::operator+(const array &a, const array &b)'],['../group__ops.html#ga7d0ec8d01e7cefa6a6b25f11876761b5',1,'mlx::core::operator+(T a, const array &b)'],['../group__ops.html#ga7cc080a4f9d4a667f2099aa0dbfefadd',1,'mlx::core::operator+(const array &a, T b)'],['../namespacemlx_1_1core.html#ac14b984970cafd8fbe24d080949515cc',1,'mlx::core::operator+(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab076069c6f0047c548a8dc29d35dd36a',1,'mlx::core::operator+(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aab9d96b0a168f4d05146000a6212b5d8',1,'mlx::core::operator+(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac4e6f03d7e4ae701b4eefa784f36185b',1,'mlx::core::operator+(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a4cabd600a5271b0d416c91e8d31dd9c1',1,'mlx::core::operator+(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af26df9dc279d71b7cc10892c72162b58',1,'mlx::core::operator+(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#ac3b97eecec9bd8efb313f8f201560343',1,'mlx::core::operator+(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2e3bb121cbde30c2e6d806df0d41ff59',1,'mlx::core::operator+(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ac87ecce4b44b0826e666a169ddc6f878',1,'mlx::core::operator+(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aed3d9cd32698ef0fe65b1280f103b3f5',1,'mlx::core::operator+(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6fa13b9359cf3f575fbda5260e6e035d',1,'mlx::core::operator+(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af240a6471ff827819192808bffeb857a',1,'mlx::core::operator+(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ac25a05679f312b724c406d8b282803c9',1,'mlx::core::operator+(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a54863a54f258acf2b5c734950618e4e1',1,'mlx::core::operator+(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a9f81f5ea8909db9660197217612ee446',1,'mlx::core::operator+(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a13e26c38da0a4e332e0ae4eb0aed9cb8',1,'mlx::core::operator+(const std::complex< float > &x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a59bb13a0bb7f748c8de34415b248bc57',1,'mlx::core::operator+(const complex64_t &x, const std::complex< float > &y)'],['../namespacemlx_1_1core.html#a38a44c412c8be4c8b952d3082cc7db74',1,'mlx::core::operator+(const complex64_t &x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a011dbdbd2413e59e744cf82b05431340',1,'mlx::core::operator+(bool x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a230e3b7c479add1b171fa0aaa3a8b13c',1,'mlx::core::operator+(const complex64_t &x, bool y)'],['../namespacemlx_1_1core.html#a3a6f43c2485f0d42293184f1aecbeaee',1,'mlx::core::operator+(uint32_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a766157c5d5d00fdf3da95eb7cb2981b9',1,'mlx::core::operator+(const complex64_t &x, uint32_t y)'],['../namespacemlx_1_1core.html#a64dceec2bb03eee963a2a1bc1ac69284',1,'mlx::core::operator+(uint64_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#ae36badb78a17cd7d13663a69645fc328',1,'mlx::core::operator+(const complex64_t &x, uint64_t y)'],['../namespacemlx_1_1core.html#ac1afa5d4c856e4b58109eff086e70ffd',1,'mlx::core::operator+(int32_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a8978def3c2cfe2a96314d564613b80db',1,'mlx::core::operator+(const complex64_t &x, int32_t y)'],['../namespacemlx_1_1core.html#a5b8af5ca4c0e37aba0b7530542bd64c2',1,'mlx::core::operator+(int64_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a3eaa72850205c18450c3af9a01cda219',1,'mlx::core::operator+(const complex64_t &x, int64_t y)'],['../namespacemlx_1_1core.html#ad38b38a3faf050735d45eed4438ee27a',1,'mlx::core::operator+(float16_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a358e66ff205bda3e8542427b6d2edadc',1,'mlx::core::operator+(const complex64_t &x, float16_t y)'],['../namespacemlx_1_1core.html#af56d4b85e329e39a825c01a50e3a2522',1,'mlx::core::operator+(bfloat16_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a806a495a129ebaab69cc57ca7db831d6',1,'mlx::core::operator+(const complex64_t &x, bfloat16_t y)'],['../namespacemlx_1_1core.html#a09fc6ebda917969383783a112a8547e7',1,'mlx::core::operator+(float x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a7ed0e2cdb65612f54e67166762cb6408',1,'mlx::core::operator+(const complex64_t &x, float y)'],['../namespacemlx_1_1core.html#af7577c91b8c43682f0ebc9eb9758aae4',1,'mlx::core::operator+(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#abe36af9951afd8dd3ffe90ceedeb7f2b',1,'mlx::core::operator+(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#afb9f780dd056a4f975518f71a3b021ee',1,'mlx::core::operator+(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a6a8e093b24c4c789b7cd160f7e7f7de9',1,'mlx::core::operator+(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#af3a603690fd3de9e4f7f2035a4d25621',1,'mlx::core::operator+(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#afa2a4bccfeea9688ac922cb638341511',1,'mlx::core::operator+(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a6111e94d51de12391e5d68b765f28fc3',1,'mlx::core::operator+(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7c7dd6d346e0cdf398a896f2c6958258',1,'mlx::core::operator+(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a00872a443f462b0ae0a30c84fb001bc0',1,'mlx::core::operator+(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a4f5d80d03bae6d8d90455d3c47a8c116',1,'mlx::core::operator+(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a78f1f388f9d81ed93f60311f4645d8d0',1,'mlx::core::operator+(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aa43e1d6958c5d5a6fa9a625a1660e741',1,'mlx::core::operator+(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ae877e1d5e3cf57734da8b49535fe3fb3',1,'mlx::core::operator+(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a9a5ae769f67f886d59c8e292a8218550',1,'mlx::core::operator+(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a058878237ce50baa4c909d8d15448d7e',1,'mlx::core::operator+(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a95fd207028f125eefbafe9e0522407fe',1,'mlx::core::operator+(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#abc6425a3fbb386f5ea5964b42507e989',1,'mlx::core::operator+(bfloat16_t lhs, float16_t rhs)']]], - ['operator_2b_2b_30',['operator++',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a3efe69356a84d0d4438f033992fcbd9d',1,'mlx::core::array::ArrayIterator']]], - ['operator_2b_3d_31',['operator+=',['../structpocketfft_1_1detail_1_1cmplx.html#ad4e69dcd89bdb7764c9c5807168f911e',1,'pocketfft::detail::cmplx::operator+=(const cmplx &other)'],['../structpocketfft_1_1detail_1_1cmplx.html#affa618d8850a7c232793b7c61db6d184',1,'pocketfft::detail::cmplx::operator+=(const cmplx< T2 > &other)'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab04f480aea9fbba0895068c7558dd400',1,'operator+=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a251780ac4592cc2b1a543e417ff57770',1,'operator+=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a24381d991c2d570aa953694f396a69b5',1,'operator+=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7595740d4cc12924905d6bd1b99ee4da',1,'operator+=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac1498acb8c3623b5f412f70ab6a6528b',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abce5ab327110c164f054b43ed47f79a0',1,'operator+=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae0c70198e236ffe1a98f79987c686419',1,'operator+=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a13b3338935440ae51ecc4a356093efc5',1,'operator+=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5a0cb8544b4ebd2906ba8e7f2868e8de',1,'operator+=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7b134429ea0c8493800ff8b465410f9c',1,'operator+=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4154f90ab7857ca856f9e15fe1bf5acf',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab9ae6a51e2027b02cac9966e05f3ba68',1,'operator+=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab93ce536eb7998bee00de4af868e31a9',1,'operator+=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad0ae9e2b4874f991a2c853e1c1fe735d',1,'operator+=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a194a6670cc25ade35a24b566f31af785',1,'operator+=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3d0d689516c99003659c5d026847bd2e',1,'operator+=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a007f58508b98bb79e5c323ed0dec89b6',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa7198e580e2a83c1fd01a4b6fdf86a80',1,'operator+=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a15573fefd880adefbba079b1c1bd8082',1,'operator+=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a104cf94cb9e359d1b6ef92ced2ce0c27',1,'operator+=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa04cfcb52191fd23205a1a3572b46ae0',1,'operator+=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad684bc2ae1a2a627cd3e4a4c641e2d77',1,'operator+=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad1e28448e35f4934075b397c34ba3d66',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8ad16afd7f1711de83c0cec5af868f76',1,'operator+=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac45e9ca0c7155caebe3d0f7261518077',1,'operator+=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3c62ac679d6aa515144d40ebafe4a188',1,'operator+=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9ff5ab3aef1057fa083b53a65c8aba03',1,'operator+=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae74bb0a3c12cd1a23f3d29ce307d6fb1',1,'operator+=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac188bd19f236b098d603b0d8acd08921',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aef9fa600d107b509f2e3df7d6b080e01',1,'operator+=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af5713afb3a62967a02c3c20661951ee4',1,'operator+=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7f1b84352a3ed6171444a43da1fc7e92',1,'operator+=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af1983edd26245e6e51c6e47354095e32',1,'operator+=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8cd55d1a579540eb450e12a8a8a950be',1,'operator+=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a588ef0f7e03f306758524d378278976f',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a74751abec7086f85f4f26ced44f1ca1f',1,'operator+=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4dd3cf0e5aa116ff330352a50c18cde7',1,'operator+=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afb9a0e18c0e40c77e6143fb7d84ebfba',1,'operator+=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adf0cfd9a608a6fb3d57933e32e7d81d2',1,'operator+=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4bd92db6c8b9b5dc96332c7ae3eff8c7',1,'operator+=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5d628a5bc4fa755610392f47a523a1f1',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7c790442f77f2437b482c4a55e224fc3',1,'operator+=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a77bab4481b41be50297b257e95058706',1,'operator+=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7816a97d16b1d2f8a90227bb1da2f6ac',1,'operator+=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac244d140c6149726ea44174d3e836ca3',1,'operator+=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af802541c4c65ee4442acd495de4d27fe',1,'operator+=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac06eb2fea47a09a8a8abdaa1aa9b4603',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5263b2463fecdc97f9521d00bffea059',1,'operator+=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a24ca436ab299a710263d65302532dd3b',1,'operator+=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aee1bdf0ab2e445293708b476e8cfde3b',1,'operator+=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a190e27077f0fba642a86f5c8f488bcc2',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a9f2c9d2f21fbf9fbbacd940c6967c9d1',1,'mlx::core::operator+=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a0b1b3c48afc0a785282e43435bba8418',1,'mlx::core::operator+=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a7b763db8194e6fcb1b87eab143dfa47a',1,'mlx::core::operator+=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a827167f6a1ae55428fd218ddd51ec3b6',1,'mlx::core::operator+=(float &lhs, _MLX_Float16 rhs)']]], - ['operator_2d_32',['operator-',['../structpocketfft_1_1detail_1_1cmplx.html#a460da5db36d1c72fb1ed3496fd3abde4',1,'pocketfft::detail::cmplx::operator-()'],['../namespacemlx_1_1core_1_1simd.html#af5be79b8dada8f8e91ae7c03c16606ec',1,'mlx::core::simd::operator-(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ad5761065b4a655cd086d88846ae08d97',1,'mlx::core::simd::operator-(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#acc490f7f5195acfa7b7c5df7afb39438',1,'mlx::core::simd::operator-(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a678cddce777549a39474449d56fd1de6',1,'mlx::core::simd::operator-(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a70563bcd6c28802d11199812ffef38c8',1,'mlx::core::simd::operator-(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#ab1f7f553d3a9176a70404a29cad06619',1,'mlx::core::simd::operator-(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value - b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aa73282cb05b65b931b97ce35c46bae20',1,'mlx::core::simd::operator-(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a - b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#ab35a129d6e31b86c06b61252c7b26d4e',1,'mlx::core::simd::operator-(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value - b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a727a13b3d26f9e7cae7f091105867904',1,'mlx::core::simd::operator-(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a6e39cc693b30ad8e530392baf4bb5b0e',1,'mlx::core::simd::operator-(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aad9cc064528e4189a5b7dd816a134ae6',1,'mlx::core::simd::operator-(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a7434ba1ab2ad798fe8557a9b45035e81',1,'mlx::core::simd::operator-(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a226cfd54d49f02e35c5aab3139c7596b',1,'operator-(complex64_t x): complex.h'],['../backend_2metal_2kernels_2complex_8h.html#af5608264cf920688607059b4e8cd3117',1,'operator-(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6aedc8d6d0980134ac69b96f22d9a855',1,'operator-(_MLX_BFloat16 x): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a333f67614dbf8027439a7e124052cb85',1,'operator-(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a891aa4bf46c20a26a55061736aba25f1',1,'operator-(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7ad7ff44a3200853711869f7a577d931',1,'operator-(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af69ef8f1d8ecae0e6f755bf1c46cf075',1,'operator-(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5bd875a54b79b2dcedf674807c3e53c5',1,'operator-(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab02f8646b47806e1d2038f248df03f06',1,'operator-(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab27b26182c7c6e08af37e6d511fd9253',1,'operator-(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5868c85c988ec3432cf86d7df40e464d',1,'operator-(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad03ef47e6cc7521bbfb45740dee20f88',1,'operator-(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab789f8a400512ff27e36b3373170f0c5',1,'operator-(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7f601b22ecc480132d82ad782e5363bf',1,'operator-(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a152366ab4e2ccc867e919af6c74ced91',1,'operator-(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a42bead8ef0beb9f3452128d64cd4df9d',1,'operator-(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aca8ef21c16984ccb329b3bd0c1e4be48',1,'mlx::steel::operator-()'],['../group__ops.html#gade2eea48989f4caaf36e89f7bd2a8816',1,'mlx::core::operator-(const array &a)'],['../group__ops.html#ga0c7f3cb36d4ca516c7a33142f88b9181',1,'mlx::core::operator-(const array &a, const array &b)'],['../group__ops.html#gae68d3d0691ba951501218e98439f3465',1,'mlx::core::operator-(T a, const array &b)'],['../group__ops.html#gaf5e5d882c51ad0a0ea315c274d5439b2',1,'mlx::core::operator-(const array &a, T b)'],['../namespacemlx_1_1core.html#a622ce842fe44e4b6a95e03242341b459',1,'mlx::core::operator-(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af32a99d930d49e9b178472d7a65531ab',1,'mlx::core::operator-(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a3555a2b31fc0925850d3240e85e03ec5',1,'mlx::core::operator-(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a46080889fd9e5c3f9916508e97dff5ad',1,'mlx::core::operator-(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a9ca27fd1e512c8ed126342e565da12ae',1,'mlx::core::operator-(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a3803f8d36558d32bb7dd6e580ea683b4',1,'mlx::core::operator-(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#af5d865528989ca66b3d357e5ce4e0300',1,'mlx::core::operator-(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#afb784b960f55aeb4edd7f567fa74d443',1,'mlx::core::operator-(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a29cbacf4b399c24728fb0808fad498f9',1,'mlx::core::operator-(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aececc0e451237aa6c0d1a2c3d828c86e',1,'mlx::core::operator-(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a383a26cc2689c98fd6c4435ade8dc669',1,'mlx::core::operator-(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad6311ef8df59bdfb212b5cf8169246b2',1,'mlx::core::operator-(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a23b7329bc1c93c8ac0a1f576565fefb0',1,'mlx::core::operator-(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad8d650bf63998abd716ee0ca28e1cbb9',1,'mlx::core::operator-(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a7339b33201254e9119d99d3a728ded72',1,'mlx::core::operator-(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a064318b7a16e5cb6d0a6407501b5c7dc',1,'mlx::core::operator-(_MLX_BFloat16 lhs)'],['../namespacemlx_1_1core.html#a7bae3ff296d9a60ff3c7e448f7fbc6bd',1,'mlx::core::operator-(const complex64_t &v)'],['../namespacemlx_1_1core.html#afb5069ecebdfd9d388c26f83df12c93c',1,'mlx::core::operator-(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a8d126e3f3fa9f8c1c1ae1b09f94df487',1,'mlx::core::operator-(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ad04f1ccd2cd7c487a2f2aaa055939f64',1,'mlx::core::operator-(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a15eb2ea76508ff823fa0591e811d0b7d',1,'mlx::core::operator-(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a96d9577db38d6809d022893e32feeda1',1,'mlx::core::operator-(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a5d9c02765c1672930757416411567bf2',1,'mlx::core::operator-(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a6105d3b5266666b7c6bb9469285a9ec3',1,'mlx::core::operator-(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a777aa772dfb205b25d26f3180d98a2f6',1,'mlx::core::operator-(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a085eb092f4ada47f8169de62886cff90',1,'mlx::core::operator-(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab25e5d211e2c8785b45c3a81a6282e2b',1,'mlx::core::operator-(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#abf5d09561a81b0f0b32d59d77e32e16f',1,'mlx::core::operator-(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a4ce6867dbb4d1631d1870dac14022dbb',1,'mlx::core::operator-(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a8a049e646e0442064cfe9e202d7047c5',1,'mlx::core::operator-(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a78e2a1cfc65453185bcca13bd4f523cf',1,'mlx::core::operator-(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#af143cf68673e06390d4bb2ec2892bd22',1,'mlx::core::operator-(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a46d502dfe0b027955950d4e716c2eb26',1,'mlx::core::operator-(_MLX_Float16 lhs)'],['../namespacemlx_1_1core.html#a2631e78c6f0a602f6754ac577ec75f83',1,'mlx::core::operator-(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#a73d79cbd75d543d0837b8a51bf103f9e',1,'mlx::core::operator-(bfloat16_t lhs, float16_t rhs)']]], - ['operator_2d_3d_33',['operator-=',['../structpocketfft_1_1detail_1_1cmplx.html#a12441ff423274bd1b54245933d69ad7e',1,'pocketfft::detail::cmplx::operator-=()'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab225043bd02bb423930bc98aae9c2bca',1,'operator-=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac2f1e1f2365cfa531b1519aa9ff67695',1,'operator-=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a513501355a5912a1263fd8b10864142b',1,'operator-=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab4f4ecd62c3d8b3363d02019573dc9f1',1,'operator-=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a92d1348f201d78fcd474f75d5b23ef68',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3eefe9a7f5fb226335ea687012f32d5c',1,'operator-=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aef62c7e3e494b6a511a7833c0d942a60',1,'operator-=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad30726cc8b69fd300d33c2a46e123c28',1,'operator-=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8859b5b8dc241e4f58243c85d2630cc8',1,'operator-=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7003e1e5881e3d106257f22b6a3e59fe',1,'operator-=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3165e37d393be50c2cfa9ddcba153684',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a76f5bd895b7214cbc3cea3440992718a',1,'operator-=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7167343d90eb70e5a0d5fa9ec5398e94',1,'operator-=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9b31c363ebc93d592b6fa0e27b00335a',1,'operator-=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a967a1d7b5664f616e5b6f2d257367f0c',1,'operator-=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aff19193e1b2cee29a8737318e95cc74a',1,'operator-=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aede0cc4179507b739849948f1a2fed4b',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7e1a6056f9c96f3c89fe204dbf103be5',1,'operator-=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9d06cceea5c179bcc608452188bd7d6a',1,'operator-=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0aa9ffe056f49fda181bbacbd60556ea',1,'operator-=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ada5685d99c2d6708d1c4ef826d68e879',1,'operator-=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a726cecf778b8584b6f7c37db1b064576',1,'operator-=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3816a35f8468156d59c239256c12dcf3',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa332fae098e7c6dc23b98bc0026f1070',1,'operator-=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afb3cd302e0b78902c62111dce4494fe8',1,'operator-=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abb884888f14086cc674657677cb4b8bc',1,'operator-=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a38bb89f925eca4f9c042f6ee7a2c0193',1,'operator-=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac30c580713f354916088a7dc049ae4cd',1,'operator-=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a715c824ee8c87e0256114a85624d9949',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7bc91aaaf476a37063264d1d53d862cc',1,'operator-=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab155f418f15cabd86ff942c6f9472ddb',1,'operator-=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aaa66dc6d7b2c5efbfaa97ca9c7872bd8',1,'operator-=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a696978d9401e09200045b2d8aad045c2',1,'operator-=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae998d8f423a9fb73405cfbd4b836bc72',1,'operator-=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a279d09ab8542f1c1a8dc8173b65946b6',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a491dadfae957cd7cc0c36188d910f6f6',1,'operator-=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9a837c3b9c4e42f53d7cd1ed0d266e2f',1,'operator-=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acf7af2284269544064b68e807064bba4',1,'operator-=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a28d297705e29009197418546ef435393',1,'operator-=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a948579a4d9ba276523190b03b09578fb',1,'operator-=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5a4b98a0a11db5b77cf9168df37c8bc7',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31a3d8f2ff8038f7e0d717845c039808',1,'operator-=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1dac193d9f1c8c0eb4473441895f8c58',1,'operator-=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad2817d53fdd4b112babfb6f0b38c8f39',1,'operator-=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa705d87cf4b78e9d7c6b07dd0c66cac6',1,'operator-=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a542affc376726840647a6e93acf2c1a7',1,'operator-=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#add18cfe4c0d38e95c6dff6bab3e7a932',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab1de7e7e7304ff3598925d2e69134764',1,'operator-=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0d3fb52437c677c5d0f1a3642384b15c',1,'operator-=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adda64cae388baac1f138b06dc8595237',1,'operator-=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af20874a61c6c3f4c3fd045a96e806644',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a8b8a55690df46d97fcfc2a60120783af',1,'mlx::core::operator-=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#ab03949b1f60fa035ce454a894cd73ae9',1,'mlx::core::operator-=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#adaf70bbfb3667df0d08fd3c99896e20a',1,'mlx::core::operator-=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a321c98e5a78621d3c9a3895f707f2f1c',1,'mlx::core::operator-=(float &lhs, _MLX_Float16 rhs)']]], - ['operator_2f_34',['operator/',['../namespacemlx_1_1core_1_1simd.html#ac86a54a5e2ccc79bc92739f143bc0bef',1,'mlx::core::simd::operator/(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#ac5d10f465c21ab259041042ff0159187',1,'mlx::core::simd::operator/(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a18a2689f4ae197c5b204fe9b3370da4c',1,'mlx::core::simd::operator/(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a1d45c3b97cecfff86a2e43ae1f7fa185',1,'mlx::core::simd::operator/(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value/b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a89be64949908f19dd42aa7e38b320b0c',1,'mlx::core::simd::operator/(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a/b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a1c61bd3ac3ec5d8d2da65b45d59f543e',1,'mlx::core::simd::operator/(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value/b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aab8837750c84794369e630d8ea0b408c',1,'mlx::core::simd::operator/(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a0585ea196b665710115e48b7ebef0fc1',1,'mlx::core::simd::operator/(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a075f637ff3f983ada0fd6288ab8d91d7',1,'mlx::core::simd::operator/(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#ae6a708f67d6fd9b0962aa8877cec6d35',1,'operator/(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9f16a44e1c9836ca57edc1d7b93b5d7c',1,'operator/(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aacaedf12f862c76457133336dd6fc446',1,'operator/(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a584a513596de20663dad951a5b81695e',1,'operator/(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad8f7b11669736fbd6ed2e28211d877d4',1,'operator/(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a59515695ebc48844345fa5120511aed1',1,'operator/(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8c8ac6736440fdca366ebdefe2a12b9f',1,'operator/(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad6859b04680d0d26d75fd6c4dd74ee24',1,'operator/(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4720cc79ab2b8e39952ea9ef20e51250',1,'operator/(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a72d10ec0e62949247da129eb3a83fb9b',1,'operator/(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad6399ba2b8708899739b4cdbb44add8d',1,'operator/(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a998b1ba877a606aedf722ab46b290403',1,'operator/(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa3277ae33976c70f7bd937ddff027b72',1,'operator/(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa708a970a200822c99c0489f389469fa',1,'operator/(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a6bde717aca2051499f73a3eee199bfdd',1,'mlx::steel::operator/()'],['../group__ops.html#gaeedf77f722b394429f1a7f6c367883bf',1,'mlx::core::operator/(const array &a, const array &b)'],['../group__ops.html#ga7366ec7f453be2a4dc449f0faa1bf554',1,'mlx::core::operator/(double a, const array &b)'],['../group__ops.html#gadfb324ae9b4feb2c7ea0ac6ade639f38',1,'mlx::core::operator/(const array &a, double b)'],['../namespacemlx_1_1core.html#a7573ac3b93ddecd69e9c88a26fc84ba9',1,'mlx::core::operator/(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a40e868dad70401d9aa9ee9c32235c315',1,'mlx::core::operator/(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a7587c28fbd2023b134e5fc12bb0dde23',1,'mlx::core::operator/(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a92cdd377c408becf4cf83c1ee9b7085d',1,'mlx::core::operator/(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#aef89566301cb133d98c8e7bdd2b7bec6',1,'mlx::core::operator/(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a94e7b51185590492b46916685641276f',1,'mlx::core::operator/(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a04584788c08180835219d0ea1e2b97b1',1,'mlx::core::operator/(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad5af96e2ff09d207eb1e1980fe3e7c2d',1,'mlx::core::operator/(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ac2217bf760038cd011781158923149ed',1,'mlx::core::operator/(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aea414c04bddc4b9b609262e97398f1b4',1,'mlx::core::operator/(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a27fe23230cd082c0363b9451b731ce6b',1,'mlx::core::operator/(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abdd9bb8fb4411e5924f3eb7ef1bb52f8',1,'mlx::core::operator/(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a50bae338a7353f8b0ed3441071bb0cf6',1,'mlx::core::operator/(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aab26a3284dd3ac7d47c8b5b3a3290ce3',1,'mlx::core::operator/(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a749f48db01de38f259a0c6750a97fa77',1,'mlx::core::operator/(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a32a6a08a2a4652975b0a1bd1fcf3eafd',1,'mlx::core::operator/(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a4b66fb38ddc5cc0c2489583d5c499602',1,'mlx::core::operator/(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a45726f1905b709cf8253e6efa046027b',1,'mlx::core::operator/(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#afd4170c1e364384f30e6bae341146fa6',1,'mlx::core::operator/(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#aef85739d150b9d5609973da8a3f1086a',1,'mlx::core::operator/(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af52a941f8ed9b25eec91402c7b9e281f',1,'mlx::core::operator/(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a477cade78296bc85894170f62db68870',1,'mlx::core::operator/(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a22f5a2257e11423fc2fe18e2dce91590',1,'mlx::core::operator/(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a640d3574dfe6ad934c720ae8bdd78bfa',1,'mlx::core::operator/(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a6f65d8fd0cdddc96fc01f6af95804873',1,'mlx::core::operator/(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a517019d42d4e426b7b98e1c719bb47ce',1,'mlx::core::operator/(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a0beb7a223c542015a4eff4aed814a9dd',1,'mlx::core::operator/(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#abc9b1bd5018d46514bc19d23db2e5063',1,'mlx::core::operator/(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af22937df654ddbd6e398ef12764d18c0',1,'mlx::core::operator/(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a775aed5f49b530c57e71cbac81404d45',1,'mlx::core::operator/(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a97efcd96d6be666e5608034ae77289ef',1,'mlx::core::operator/(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#a899851f85dbddd96f9d36319b82542a0',1,'mlx::core::operator/(bfloat16_t lhs, float16_t rhs)']]], - ['operator_2f_3d_35',['operator/=',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5aa3b8c68a2b58d41ea33eaabbf83095',1,'operator/=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a90a1c5130db515db48624d8587edbb91',1,'operator/=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a65f30a2dc199134e35bc7c5d431b2263',1,'operator/=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7172d84db640e6c49dff0d08dd64b53e',1,'operator/=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acf7cb9927bf09022088401923f2e1916',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a86b2a001cbec0d3a8d762a3c7ff47b0b',1,'operator/=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a744f72ba83522fe3cc2a49a007b42543',1,'operator/=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a77c678665b34df7652dcde053ca73185',1,'operator/=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae0614b6b199d8a65ae95d4621b118b82',1,'operator/=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa846fde89c7d2d18b18ef180a8a9c8a3',1,'operator/=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08e778be18e4a291c108fcc528b981d3',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6b9e49ad9ea256d2d0220c0d81552602',1,'operator/=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab933bc3cdf9adfea10ab9dba5292c812',1,'operator/=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a25e7c5d2ecf3375756d59074f333858f',1,'operator/=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4ae4a80fde67eea9a0a37b2803946544',1,'operator/=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a912393b7208fa45bd1e87f30b218b68b',1,'operator/=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a18963246f2b640874bef6dca7049f64d',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0e2c2c2cb50b3a55ff213f18978aca35',1,'operator/=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a64f1136b17006f168ef837e17240814f',1,'operator/=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae46d75b8046d557452d74513f1106710',1,'operator/=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08d2460e259b9106d90d889481ad60d5',1,'operator/=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f7fd418408806ef498745c6fdb2c062',1,'operator/=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac703495cb370b52526a5a2d36ae26038',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4ca11d43174baf0a729f93b35eabcbea',1,'operator/=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9f835a0a80c411580c97b65fdc5bdfd3',1,'operator/=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a17f47ec9cff60f8e1b3477a2793b7ac0',1,'operator/=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5be23e296bbed3a885586a6424b1666e',1,'operator/=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afba39221eb54e272aae79910b3cd7ef5',1,'operator/=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac057d95a2bf087575584aa6f9a2c6bf5',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab986ae2cec780a1f494b7b4468b7ba11',1,'operator/=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a44522c2304c6396bbe6b9d32000f4b6f',1,'operator/=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aef8e7e499ea9d432aa743d83c076f945',1,'operator/=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3a0a3edbf1ba2314551454059c3f422b',1,'operator/=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acb9f0aef9fbdfde8a4f46e33b0d6c52f',1,'operator/=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a303dfcc81ffd355f866f863d7d9f0fa5',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a359edd4bcb8776861ceb26a3005624c0',1,'operator/=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adc9f32cc6f40768df4285fba2e4783c7',1,'operator/=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae71f66d814a03f6377c9d86cf0a2b5d7',1,'operator/=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad0125b6baba3065a87a174ec27aa9a61',1,'operator/=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5cc74ad3e522d7104e6e2117751151ad',1,'operator/=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab3b594321fb42b0c2da99954d1e0976c',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4a0023e2fd08875156cd6ef747fbb5cd',1,'operator/=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4358ee606e66ba2081fcf94f9c3b5915',1,'operator/=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad1e7ef6f065695d4b1d017547b60ef62',1,'operator/=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a284dfc702f0f67b9c233b87162eeabdd',1,'operator/=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab8f211ea896fc5190004f3ad6ad8932f',1,'operator/=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7e1bcf3bc06cbcbc304c0cdf729802bc',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abbe42648a46092137b303ccd08f7df86',1,'operator/=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af1a12a1efb618a57da6dd41ae18cb53c',1,'operator/=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a94686039356dfa9aa45608a8b0562fdc',1,'operator/=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa251d6483d3b099d1b5311fbe6f0bce2',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a045ff27257cb6d8ab7a94771ba5a17e6',1,'mlx::core::operator/=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a58112951a56a0f9f8c90b60fe74f9508',1,'mlx::core::operator/=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae736defc89a04fbaf7627ad2695bb838',1,'mlx::core::operator/=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#ab1f260710251256ef737dd59be9e143c',1,'mlx::core::operator/=(float &lhs, _MLX_Float16 rhs)']]], - ['operator_3c_36',['operator<',['../namespacemlx_1_1core_1_1simd.html#a6cd6e41660608d17ca8d38658d5e385c',1,'mlx::core::simd::operator<(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#ad9bebf95b37fa0c6517be82af5ccd4eb',1,'mlx::core::simd::operator<(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ac962a14c88c87082fc70a9c0370f35b0',1,'mlx::core::simd::operator<(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a23b59272b0760326844fffe20db9b3e2',1,'mlx::core::simd::operator<(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a01259c9188e6ecd48979cdc2fd766372',1,'mlx::core::simd::operator<(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#acf35d81032bb9043804fd1de43540f60',1,'mlx::core::simd::operator<(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a3f63139b42029ba8d7b3b8ef10f5ac96',1,'mlx::core::simd::operator<(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aaf29bfdcfdbb9a0acb9f4a6ed622868f',1,'mlx::core::simd::operator<(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a9e0c9b3e986809be5e87aacc4612bb8e',1,'mlx::core::simd::operator<(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a67674e32596a9dae2258bb8e0e6a2058',1,'operator<(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9ef6a57b7185e9ca49e255fec1a44e25',1,'operator<(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aab02c65bc38ea66335b2192ead4095a8',1,'operator<(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae91686513e284bcc9635833744bbdda1',1,'operator<(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2486f3b5de85b0d57f458d8f21f82b42',1,'operator<(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a435a2aec4c777b4b184ff5d24992e8a1',1,'operator<(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abdd04257e6a73883b5f56f1186d0e906',1,'operator<(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a69984aaa05ae1d4fccccf7f57e8ecb4a',1,'operator<(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a501cc01d5bf15d9f03aa28545f9624ea',1,'operator<(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1b029e4ca72125a5f9471f582c819705',1,'operator<(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0736a76f56578d26ba1422dc8b744a18',1,'operator<(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a24b1fa8998c892f90f8dde7c34fb10a5',1,'operator<(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af80ff2020ec2c4b406c5fdae3fe55e63',1,'operator<(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac03f6eefb836373d37dc280b0d813d78',1,'operator<(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#adb5f24b57d98214fc215a06475f21412',1,'mlx::steel::operator<()'],['../group__ops.html#gaee41e2b8f61d563200ff03575ac1d6c3',1,'mlx::core::operator<(const array &a, const array &b)'],['../group__ops.html#ga1ef8ea11cf15ce628c54201fa42748ef',1,'mlx::core::operator<(T a, const array &b)'],['../group__ops.html#ga95e72226dc7a79c40b3d16f990922050',1,'mlx::core::operator<(const array &a, T b)'],['../namespacemlx_1_1core.html#a987d631e1508e8df55d98ddd57e4d086',1,'mlx::core::operator<(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad3fb46370cd8f0992866fad9e2c64a3c',1,'mlx::core::operator<(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a3026691bf7ee5095243a8611bf3411aa',1,'mlx::core::operator<(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0d42d6c1d5f77a96e2f296b8ebd79ee6',1,'mlx::core::operator<(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ab5ce08a7de0a0ca00d61f7a7f8ea3ab4',1,'mlx::core::operator<(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abce8b7f24b61e5ec0f9a3afe20845caf',1,'mlx::core::operator<(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#aff97612627ae1ed260c43c0a7af0d306',1,'mlx::core::operator<(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a9119e518234df7923cae2b3802d59bf2',1,'mlx::core::operator<(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#aefb9b05ce8864ada99a920ab32017b89',1,'mlx::core::operator<(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abc55f3676c2d112a6e9ab276bd6b1796',1,'mlx::core::operator<(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#afe6581a2c45f24d7fab1e4006c1e3c70',1,'mlx::core::operator<(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aca1d50cdd9506481dcc4cd1ad4a4f734',1,'mlx::core::operator<(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a310720f513b6a2490e9df80c65f1bfb3',1,'mlx::core::operator<(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a29e457a170b6cefb6ba1e394c96c6f7b',1,'mlx::core::operator<(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#afd4519985b6b207ec41ad8530d1036df',1,'mlx::core::operator<(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae1e41ca94022e43a00cdfc5845102daa',1,'mlx::core::operator<(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ac80f4022bffd95b57526685ce8e1cbc1',1,'mlx::core::operator<(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a3a8f6f0af477788c4f0aa98abfc5f1ab',1,'mlx::core::operator<(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a3728ed9b6cbd152bf675251a0501b466',1,'mlx::core::operator<(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a5b9ad811a5e1358100c5423dd70ea387',1,'mlx::core::operator<(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a5c77e1db83995d3e06a8a26265bce5d6',1,'mlx::core::operator<(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab8a0a3f70664049b35ce1887bd8ff5c2',1,'mlx::core::operator<(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6652d93bfb2d426e261a1712a181a4d2',1,'mlx::core::operator<(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a03758b8d13da2de07cc4f4fc45d2854b',1,'mlx::core::operator<(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a325161b81a9ff179fd37d949780a17ba',1,'mlx::core::operator<(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a92eca79fce8233e4299343eee3996511',1,'mlx::core::operator<(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#adb016662b8f7eb680abfe1a421eabe72',1,'mlx::core::operator<(uint64_t lhs, _MLX_Float16 rhs)']]], - ['operator_3c_3c_37',['operator<<',['../namespacemlx_1_1core_1_1simd.html#ae21cbfd232edd7fe0f6f6c9fa11a354e',1,'mlx::core::simd::operator<<(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a56fccba38270fe3ae9fa7b2ecdeb5e87',1,'mlx::core::simd::operator<<(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a4ecd782ffa497ac7dc2482a232b0dd00',1,'mlx::core::simd::operator<<(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a33232e2342d5a3e542c9428924a25830',1,'mlx::core::simd::operator<<(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value<< b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a50044315dc365f026830416f6b615c77',1,'mlx::core::simd::operator<<(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a<< b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a68e7b952915e629d246d1ffac98b54ce',1,'mlx::core::simd::operator<<(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value<< b), 1 >'],['../group__ops.html#gad656c30f9fd7d9467e405657b325aa7e',1,'mlx::core::operator<<(const array &a, const array &b)'],['../namespacemlx_1_1core.html#a1e5c30e316afa30c14bc48b92afdb794',1,'mlx::core::operator<<(std::ostream &os, const Device &d)'],['../namespacemlx_1_1core.html#a4ddd07021b36c848d6fb1dd9ac276822',1,'mlx::core::operator<<(std::ostream &os, const Stream &s)'],['../namespacemlx_1_1core.html#a0023c267cf81345fad65e7a797954cd3',1,'mlx::core::operator<<(std::ostream &os, const Dtype &d)'],['../namespacemlx_1_1core.html#a1fd58658474fb842d648dcf8f7d9f078',1,'mlx::core::operator<<(std::ostream &os, const Dtype::Kind &k)'],['../namespacemlx_1_1core.html#a123331f01188bd76e37623b63b6b4340',1,'mlx::core::operator<<(std::ostream &os, array a)'],['../namespacemlx_1_1core.html#a4e733bba89760abed32393e085812b22',1,'mlx::core::operator<<(std::ostream &os, const std::vector< int > &v)'],['../namespacemlx_1_1core.html#a5e5bd5c57b1cf19776bdb41e732861d9',1,'mlx::core::operator<<(std::ostream &os, const std::vector< int64_t > &v)'],['../namespacemlx_1_1core.html#a42a19c8442b173606e714364227e7d45',1,'mlx::core::operator<<(std::ostream &os, const complex64_t &v)'],['../namespacemlx_1_1core.html#a57eb97a5eba99a846ac429795e407574',1,'mlx::core::operator<<(std::ostream &os, const float16_t &v)'],['../namespacemlx_1_1core.html#a7db909d54cf07375e89424c32c07a29c',1,'mlx::core::operator<<(std::ostream &os, const bfloat16_t &v)']]], - ['operator_3c_3d_38',['operator<=',['../namespacemlx_1_1core_1_1simd.html#a4d5e4c31af23d2871e09b88c1f6e418c',1,'mlx::core::simd::operator<=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#ae0fcb84973e4762a543ad3843db4f153',1,'mlx::core::simd::operator<=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aadd49786edc08f867e592d234327a031',1,'mlx::core::simd::operator<=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aec6783f79ca181d6782a810ffb267482',1,'mlx::core::simd::operator<=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a05240b8fd6f54632b676d4b66449f799',1,'mlx::core::simd::operator<=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a914e821c358e05dfe8d0208888646793',1,'mlx::core::simd::operator<=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#ad1570f6937d194a09e61d0e3a70ef578',1,'mlx::core::simd::operator<=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a46c6ea18a9edd2a9cdba2ab62ca4782c',1,'mlx::core::simd::operator<=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#accd17f741cab18590fdbe388d4783967',1,'mlx::core::simd::operator<=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#aee04c9a63c6716a99a027418354debb0',1,'operator<=(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af469c58cffeab488c681f4b33f02cd05',1,'operator<=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5a81eae168dfafd299c2b94e3e8558cf',1,'operator<=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f486bf02c6ad5b9b6a96d3450f03e47',1,'operator<=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acba9efe192d22b7781b4622103c7a944',1,'operator<=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aff100489cc40ad276c2d5d67a9df67db',1,'operator<=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7eac96f64ca42991caf819c8e8c8d2bc',1,'operator<=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a88c11cd37600de5480570da3d2ae5732',1,'operator<=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08c7d12a0d16565fbf052dba2db8b22d',1,'operator<=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2b9de9624c0a507b4ead85f898ad9daf',1,'operator<=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a28f8d21c5eef047c701cf690ce9c2ef0',1,'operator<=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a14b56c687053ee2432398a25663c068f',1,'operator<=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f360806708b95a3be400af0b8871b57',1,'operator<=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a80d288f22cadfdf5e904410349e616a1',1,'operator<=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a6cc3bab5e7f6e7c719c82afa90ad2827',1,'mlx::steel::operator<=()'],['../group__ops.html#ga4c8b8a1632944acaae50f0de6c23ece6',1,'mlx::core::operator<=(const array &a, const array &b)'],['../group__ops.html#ga150a9be467c9f91482a6d6fc13504bc4',1,'mlx::core::operator<=(T a, const array &b)'],['../group__ops.html#ga624eeccef0cc4b130e1325abfea057cb',1,'mlx::core::operator<=(const array &a, T b)'],['../namespacemlx_1_1core.html#a0066a47cb21223ddebc77992ee874fb9',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2593dbace3ce50e7146d9514726a543f',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a88654bcf6c9728517a2933ca2e29a7c1',1,'mlx::core::operator<=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a5d4f449e9c1699b99fcf894dd15e8af3',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a6b678bea8fdcda1f11c6691b56a15211',1,'mlx::core::operator<=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae8aacc606ea16f018a90eae758830a35',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a25668dea4ffb51c7c00eeecb9530d1d8',1,'mlx::core::operator<=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a084558b6a5487549799c49c37c9e9652',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ade2e2a0daa79d5c52f278f85f03dde2e',1,'mlx::core::operator<=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a750a2d2b4976ad94b08994d081f83445',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ade5a175ff45347689ac4c798d04c8ffc',1,'mlx::core::operator<=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae25e0c01b46612f039313a4825ba6428',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a5c90f16d8f6edf4b75c96b945b9fa591',1,'mlx::core::operator<=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a8cd6583fa0fc9957f993e00b2ec01d91',1,'mlx::core::operator<=(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a012130a0458cbc30b88365e0e0eab232',1,'mlx::core::operator<=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae8c890bdcffadee8c5dab85c907f57eb',1,'mlx::core::operator<=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a43cb070553c1f2fffb32ef6670e30980',1,'mlx::core::operator<=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ac759b7798d668a99535e59e26d6ba192',1,'mlx::core::operator<=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a70e528a789b5660d98e783b045aaa379',1,'mlx::core::operator<=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a40bd8abb8a4d989ddabbb298518bd7f5',1,'mlx::core::operator<=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a4155d4b0c76f37ab5e0b54f9cd683f35',1,'mlx::core::operator<=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad8bb648d0603a206e0392990c911ca0b',1,'mlx::core::operator<=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ace72a5853f2afd6510dcb97d54fa650d',1,'mlx::core::operator<=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab38f7a0d3c0809071ff5d3af859018d6',1,'mlx::core::operator<=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a7904b886d7b535a6af0a885d00597323',1,'mlx::core::operator<=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a57952168bd0b54c2677204d4ab1cb6e5',1,'mlx::core::operator<=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a6235dc5f4db517618bb3449b08c96e8b',1,'mlx::core::operator<=(uint64_t lhs, _MLX_Float16 rhs)']]], - ['operator_3d_39',['operator=',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a027b84cddc8d476f736ac1f1a9991fe4',1,'mlx::core::allocator::Allocator::operator=(const Allocator &other)=delete'],['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a2e971b47339b1d0849a334a902a9df3c',1,'mlx::core::allocator::Allocator::operator=(Allocator &&other)=delete'],['../classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36',1,'mlx::core::array::operator=(const array &other) &&=delete'],['../classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd',1,'mlx::core::array::operator=(array &&other) &&=delete'],['../classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479',1,'mlx::core::array::operator=(array &&other) &=default'],['../classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147',1,'mlx::core::array::operator=(const array &other) &'],['../structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748',1,'mlx::core::array::Data::operator=()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::metal::CommandEncoder::operator=()'],['../classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73',1,'mlx::core::metal::Device::operator=()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45',1,'mlx::core::metal::ResidencySet::operator=()'],['../structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7',1,'mlx::core::FunctionExporter::operator=()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25',1,'mlx::core::io::FileWriter::operator=()'],['../classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b',1,'mlx::core::Primitive::operator=(const Primitive &other)=delete'],['../classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e',1,'mlx::core::Primitive::operator=(Primitive &&other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22',1,'mlx::core::UnaryPrimitive::operator=(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5',1,'mlx::core::UnaryPrimitive::operator=(UnaryPrimitive &&other)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db',1,'mlx::core::scheduler::Scheduler::operator=(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379',1,'mlx::core::scheduler::Scheduler::operator=(Scheduler &&)=delete'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3',1,'mlx::core::_MLX_BFloat16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14',1,'mlx::core::_MLX_BFloat16::operator=(const float &x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c',1,'mlx::core::_MLX_Float16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d',1,'mlx::core::_MLX_Float16::operator=(const float &x)'],['../structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::CommandEncoder::operator=()']]], - ['operator_3d_3d_40',['operator==',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a1afd6d2a19a2b0d712063f221ab4eba7',1,'mlx::core::array::ArrayIterator::operator==()'],['../namespacemlx_1_1core_1_1simd.html#a273fcc5387c1c9878e658ba6bc32f00c',1,'mlx::core::simd::operator==(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a46ede415296683771bb22246a813482a',1,'mlx::core::simd::operator==(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a63768090c16e5dcffccadf550d169abc',1,'mlx::core::simd::operator==(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a7928482ed5d25932be80413c7239125c',1,'mlx::core::simd::operator==(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a51de2acf3dcd55c7c52e3ce7ed6ed9d7',1,'mlx::core::simd::operator==(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a4877ae5406d081680b785a86ad656e03',1,'mlx::core::simd::operator==(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#acafae9e62680565cd1f1c50c64d7ce4f',1,'mlx::core::simd::operator==(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aa837052ddcb02f4d9bc39b07399b4d91',1,'mlx::core::simd::operator==(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aaacbf6671080409e822fbb218e3fdf00',1,'mlx::core::simd::operator==(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#abfc19f03616441245dfc7726b278f190',1,'operator==(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a49a13b06a325ed3cca4004b6a0cde065',1,'operator==(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0aa3bfcfab53700488e5f386e6de60d5',1,'operator==(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3936148781ab1c4f33f58d12c116f370',1,'operator==(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae753526b669fba27771089dc809abd66',1,'operator==(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a05a4f197a71d0f16879032f44492bb79',1,'operator==(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae86f5917847b1ec9f313996250f2e0be',1,'operator==(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aab74ec4d33a64b92b908717d500f1ecf',1,'operator==(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac30a2c1fa6f172af903fdeb6a8632606',1,'operator==(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab4e9ad547aa23daa351075e0ecc58fa2',1,'operator==(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa5fa1a8f2b39c3508fe38205469756d1',1,'operator==(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aeadc1f36c6bdc219294ce9341d80afa5',1,'operator==(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3ae2091ada1e39e857fbc53c97bdb79f',1,'operator==(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac7b4d295f3c7b1e09964f24f306422da',1,'operator==(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#abcc797f27e87e857b41c1a8d33ee2c78',1,'mlx::steel::operator==()'],['../namespacemlx_1_1core.html#a937503d72b66c661bf3f5fdcd98ef97c',1,'mlx::core::operator==(const Device &lhs, const Device &rhs)'],['../group__ops.html#gaa30cf69f3d22f65615f5e1696dd5703f',1,'mlx::core::operator==(const array &a, const array &b)'],['../group__ops.html#gaf115782d009ac2a547fcca395c9ec797',1,'mlx::core::operator==(T a, const array &b)'],['../group__ops.html#ga3ad3ed7aece2650943a35082dbe3a0a5',1,'mlx::core::operator==(const array &a, T b)'],['../namespacemlx_1_1core.html#ac470f937a379d6356c8f567c97cd7481',1,'mlx::core::operator==(const Stream &lhs, const Stream &rhs)'],['../namespacemlx_1_1core.html#aec63a0472cb943fe39f31e7678555572',1,'mlx::core::operator==(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad05311ca8e2f19ffe5849e963837cec7',1,'mlx::core::operator==(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aaaf591cb2188381e6cbd857132d04eb7',1,'mlx::core::operator==(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a7ef33c33509ccccf1ab217500e8b3c1a',1,'mlx::core::operator==(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#abec4200a718b7c5ed80b7abcc4447260',1,'mlx::core::operator==(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad853981b1c5ba69b07d54c7b77055d22',1,'mlx::core::operator==(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a752d6cb4172a9cb91e5da19582329c6d',1,'mlx::core::operator==(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0175beb3de139faa08479a88215b35ea',1,'mlx::core::operator==(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a61da2851cb3beeef28049228346c28b5',1,'mlx::core::operator==(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aa24713cb9e39bacb516c992eb03d2b2b',1,'mlx::core::operator==(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a6d565dd93c46259f9486d9fdf0969589',1,'mlx::core::operator==(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a24e79a82557861de64dad66d36e6ff30',1,'mlx::core::operator==(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#af27d515ac390d62bd852b73ea759a947',1,'mlx::core::operator==(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae3e1e8b7a5410e0edf35f31f74295e2f',1,'mlx::core::operator==(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aaa22230a66b15c3e774d8ce45783a746',1,'mlx::core::operator==(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ae2a0bcdc171d7e9745d33e1d9aac4f8a',1,'mlx::core::operator==(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a331ec62442a8d3eb8ccba7b4de5168d1',1,'mlx::core::operator==(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#acfcaefe0990eb3533e2b11a6f2657492',1,'mlx::core::operator==(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a8d48dbd49cccff07777affb2a412058c',1,'mlx::core::operator==(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a88eae27edd22fa4418776672023cb276',1,'mlx::core::operator==(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a188b363f633ea360407b3f9cf4e1f1a6',1,'mlx::core::operator==(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ae065fe5c42c1a333d7858d19f6434fa9',1,'mlx::core::operator==(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a2f98db199deb6d7a82551fa4afec655a',1,'mlx::core::operator==(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a85f83add412cb320b5cd1c3da6aadbd5',1,'mlx::core::operator==(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7e2cee66c3ca1b56f4f3d7fd1d6e0be1',1,'mlx::core::operator==(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#ad436557da5c7fea71fc58182a876cfe5',1,'mlx::core::operator==(uint64_t lhs, _MLX_Float16 rhs)']]], - ['operator_3e_41',['operator>',['../namespacemlx_1_1core_1_1simd.html#abd37e62eff936a64677b5aba787b4d18',1,'mlx::core::simd::operator>(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a71a6902e729e3facdc609e93cd12d485',1,'mlx::core::simd::operator>(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab7b291b3559792e18208e17432d25342',1,'mlx::core::simd::operator>(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ad8b67f9ced9c7f3cb472b9c3df817f08',1,'mlx::core::simd::operator>(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a4113a94fb8dcd0d88f14ec9d82089508',1,'mlx::core::simd::operator>(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ac971bfa5c7ec8abc432eab5f3c5646aa',1,'mlx::core::simd::operator>(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a35d875fa7bce02a6171f37240a346e1d',1,'mlx::core::simd::operator>(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#acf2391cc4d945887d7820501ba14ba89',1,'mlx::core::simd::operator>(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aa17e031474fa87f6ea7855257dcc9ece',1,'mlx::core::simd::operator>(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a032a8d3eec2384c9f03066f7fd945995',1,'operator>(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae394c0a10e47d1d047854a888402eb57',1,'operator>(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab9cd098786d2f4c855c42e4a6f30ab3e',1,'operator>(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a55600f3b9859e2891e0e0b5690867b72',1,'operator>(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afd7cdb8ed2a9820efe9cf322c06f188c',1,'operator>(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31bbdbe0b62b90a4d6ea4bb0a7db586b',1,'operator>(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a68125e66f74eaffe5ea9267638ce870d',1,'operator>(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac89eb6b29edad8cca63727ab97171c29',1,'operator>(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a74e477567c9477c2cf0684f81ef4498f',1,'operator>(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2d37130b6fd79b425f5ba92b65e36bed',1,'operator>(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a41d55d167e9dc63bf29d15e0ff004869',1,'operator>(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa95f9ebfdab3c5f524775651362ce914',1,'operator>(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2826bd301bb5393473ccd363f2052c0d',1,'operator>(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a62a512d0edd894759c69f724b970fbdb',1,'operator>(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a7512eadda6160e4c9d9e6aa4049fac20',1,'mlx::steel::operator>()'],['../group__ops.html#ga74fd2777adef10e6fe628a9cdadb01cb',1,'mlx::core::operator>(const array &a, const array &b)'],['../group__ops.html#ga32e106e794e2c32e4e7decee2df2477f',1,'mlx::core::operator>(T a, const array &b)'],['../group__ops.html#ga96552b90e89923c5d2064cc427775ec5',1,'mlx::core::operator>(const array &a, T b)'],['../namespacemlx_1_1core.html#aedc4e9df4bf71c0ac34fcfae60cdf550',1,'mlx::core::operator>(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a14c188303d09b97867bcfd34519aa4a6',1,'mlx::core::operator>(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ac97736fadafa7efa201624d0e1128ee8',1,'mlx::core::operator>(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a3c41a304126bc225bdc68062d1eb6e7e',1,'mlx::core::operator>(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ab594f3ae1ee13227fae940fef0d00cb9',1,'mlx::core::operator>(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a01dabc077a872c115a9a9ccd95f1acec',1,'mlx::core::operator>(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#adabbd8768d216873617768249473a5c7',1,'mlx::core::operator>(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#adae1b14669d27ce1fe0c214771c07b77',1,'mlx::core::operator>(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ab03a22961d99fa12d3e74b3116e94e8f',1,'mlx::core::operator>(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a42011a27a3d23a60be5be44ee7cac87c',1,'mlx::core::operator>(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a50f6a94bb36d89cf28817aff88ab89c8',1,'mlx::core::operator>(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac173de50ee57b1b066d49363ba978c53',1,'mlx::core::operator>(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#ab09f1b4879aa3190c2f66c9bd1224021',1,'mlx::core::operator>(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a91eb6ca854217424129a55ae95a123b5',1,'mlx::core::operator>(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a58d5795d8312599d101ae16f194e4a2a',1,'mlx::core::operator>(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aafa3bbeda78610c4285f3e57042268f3',1,'mlx::core::operator>(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a8a928d76a6fbf3d336296401e14617a4',1,'mlx::core::operator>(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ade2f9222fd433cd4d673c6182f256235',1,'mlx::core::operator>(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ae24c337810c841ff23e327efde7045e1',1,'mlx::core::operator>(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#acf401ede354fcc998b13ea6442994d7e',1,'mlx::core::operator>(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a2bb28a9a0894a73ae1b27e7f4da0841a',1,'mlx::core::operator>(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a09d631e8a85fd7ae72e1a868b8f9b9cb',1,'mlx::core::operator>(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a49421ea65b5a98df080d75b1636b2157',1,'mlx::core::operator>(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a692ce931b660415e17f92d18a8e0d446',1,'mlx::core::operator>(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a579bb87b3ede5663d7cd68c7c0f6fb9e',1,'mlx::core::operator>(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af810587a17e692f4eec256d3c3cd27de',1,'mlx::core::operator>(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a50f4177d3ca03a95fc2614e100c7391d',1,'mlx::core::operator>(uint64_t lhs, _MLX_Float16 rhs)']]], - ['operator_3e_3d_42',['operator>=',['../namespacemlx_1_1core_1_1simd.html#a87e11ab36aae3328fe3d5230bdf31692',1,'mlx::core::simd::operator>=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a4e65febbfa8b4df2970c1d78801b3c66',1,'mlx::core::simd::operator>=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a673b4d8d228f35f06cf5b882335f04d5',1,'mlx::core::simd::operator>=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a530ac8728e4d7e7be2482d5b2467906c',1,'mlx::core::simd::operator>=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ac7f3848b48c8e23c71c85fcc9909b933',1,'mlx::core::simd::operator>=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a034d7b57cb3c6ca711c573515327d1a8',1,'mlx::core::simd::operator>=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a8d7dcf1914ce8fe8518d84b0f2a5fe91',1,'mlx::core::simd::operator>=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aecdc08fcc70b158749a93a7a0f688aa3',1,'mlx::core::simd::operator>=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab9097573af69cc66d1427d0f52507e7a',1,'mlx::core::simd::operator>=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#aafbd686c180398c98b33d7643f893a46',1,'operator>=(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a430dd11fbf4c6f39bc1506ab43b2341f',1,'operator>=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a64f6787a96386246f83a8981d274150e',1,'operator>=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1a788f82212afad30e4c2ee40f1c313c',1,'operator>=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae88617c4a012c5dc12781a349a28c886',1,'operator>=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a467a88531150a4d9d30fce07c49c126e',1,'operator>=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9e21c5ea9dd724dc2ca8c54ad908f09c',1,'operator>=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2f6286d222e2176bcbdc824c5d598100',1,'operator>=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abec53064aa96265385ecc57de5fbc74c',1,'operator>=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac766839f8f9e4863e8e18418c342c875',1,'operator>=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2807fa6862b0f9689c81199b1e695ed8',1,'operator>=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aee3ae0d0d1f941463b06eca0bf041b2b',1,'operator>=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a523eda93c809733368e2b45382d2add6',1,'operator>=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1f4e90909ac1c7280f4c7d1977c55fb7',1,'operator>=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aa3c95c60cf69603705bb4636de547bcb',1,'mlx::steel::operator>=()'],['../group__ops.html#ga3a41895f25ed083a36994d95fa102546',1,'mlx::core::operator>=(const array &a, const array &b)'],['../group__ops.html#gaf509f2cb3b18963232f20d6c3bd229b2',1,'mlx::core::operator>=(T a, const array &b)'],['../group__ops.html#gafa0eb25d5978674bfc9e59d4145ec590',1,'mlx::core::operator>=(const array &a, T b)'],['../namespacemlx_1_1core.html#a8494764f5c686743ede66dc76d85d955',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a019df48807b506d9995856684bf7797a',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a96ab6405430efb887cdb5c828cb67d6e',1,'mlx::core::operator>=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac18be72269b1bcfb0249cc00a0600681',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#aeb879815228efbd2c8f80986e1c8d41f',1,'mlx::core::operator>=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0051156f6a568f58cd54850f746fb507',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ae93556906e115625ed1b62d36cf21b70',1,'mlx::core::operator>=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab81ad16e3be591dfc9e42ac3c19b055f',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6cfe9b03e7c5f1eb9374208a552c3cc9',1,'mlx::core::operator>=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2f5add83812fb137dd9226c6c01e45d5',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ad1014a836e7ce9301de8588eef1e89ee',1,'mlx::core::operator>=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a17791561434dc995de9f268d145c0ed1',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a3755925b24a903045937464be117de2f',1,'mlx::core::operator>=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a6262aeb513d27fc8313293b261e72abb',1,'mlx::core::operator>=(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a6feb4b3ea511b0eda4d1ec9725f3fb4c',1,'mlx::core::operator>=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a03b3f7fcb755ec075985ab26336926f0',1,'mlx::core::operator>=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aecfbf5ef4872ae447eb4a374e4db28e4',1,'mlx::core::operator>=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae4690f349b2483f5d1a4b75aba67399f',1,'mlx::core::operator>=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a667e95146dd5199e67bcb121b984b1f0',1,'mlx::core::operator>=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a3375f1562f148bdc07451f2b6e54e6df',1,'mlx::core::operator>=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ae83df12368cb07ccb1c10c1117ff3922',1,'mlx::core::operator>=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad41251938cf852b5560c1180944ebb49',1,'mlx::core::operator>=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a4ddb5ef0b88929086f9b09729fda0dde',1,'mlx::core::operator>=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a0908a61ab261aff726922b33fa6ed159',1,'mlx::core::operator>=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a0fdadf87edd8a0a57c63953fb0ebe053',1,'mlx::core::operator>=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a47c82778e43032c0bbf5d59407e81dc9',1,'mlx::core::operator>=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a14e6c43b924eacca1b2dac1d5d00ca2b',1,'mlx::core::operator>=(uint64_t lhs, _MLX_Float16 rhs)']]], - ['operator_3e_3e_43',['operator>>',['../namespacemlx_1_1core_1_1simd.html#a6e45c9c2f0591d9d5dd37a07ebcc3c2a',1,'mlx::core::simd::operator>>(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#aa35a2aab733e4bfc80a9f4e3f508daee',1,'mlx::core::simd::operator>>(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#aebf93b8179621e83bb3f3c4a8816eca8',1,'mlx::core::simd::operator>>(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a1108d186d57c2010c743d3f9297befc7',1,'mlx::core::simd::operator>>(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value > > b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a9ac36abfb7dffc7ad24b4d0c295452e5',1,'mlx::core::simd::operator>>(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a > > b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a4bf8c887eb6943563ceb1e603d1325b1',1,'mlx::core::simd::operator>>(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value > > b), 1 >'],['../group__ops.html#ga498b61f7e8f056ae00297fa0dc17303a',1,'mlx::core::operator>>()']]], - ['operator_5b_5d_44',['operator[]',['../classpocketfft_1_1detail_1_1arr.html#aea0bd899b19e03f54dfd6c188727061a',1,'pocketfft::detail::arr::operator[](size_t idx)'],['../classpocketfft_1_1detail_1_1arr.html#a99c54f96bc79c7cdd8925c1663462842',1,'pocketfft::detail::arr::operator[](size_t idx) const'],['../classpocketfft_1_1detail_1_1sincos__2pibyn.html#a71b02f67c47b24adb296eafd2c7a3598',1,'pocketfft::detail::sincos_2pibyn::operator[]()'],['../classpocketfft_1_1detail_1_1cndarr.html#ae4852d1fe936a5d61832b507816c7054',1,'pocketfft::detail::cndarr::operator[]()'],['../classpocketfft_1_1detail_1_1ndarr.html#a2b2c4e205e8b5c32c9fe55dfd7b8c8d8',1,'pocketfft::detail::ndarr::operator[]()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c',1,'mlx::core::simd::Simd::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557',1,'mlx::core::simd::Simd::operator[](int idx)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a4b24316469cd9ecc88f8c073ab1a862e',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a97043111a44318b5eb68977ecacbb638',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c',1,'mlx::core::simd::Simd< T, 1 >::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557',1,'mlx::core::simd::Simd< T, 1 >::operator[](int idx)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx)']]], - ['operator_5e_45',['operator^',['../namespacemlx_1_1core_1_1simd.html#a25b3de1947dbab7c4864b41ec226453b',1,'mlx::core::simd::operator^(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a93e69a8170b8fe14f0a3188b4e8ccd49',1,'mlx::core::simd::operator^(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a16c4a2c8fc59a2e2fcc05db243289706',1,'mlx::core::simd::operator^(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a369178519e0e91fa936c0fd4aa9ee109',1,'mlx::core::simd::operator^(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value ^ b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a5b877b5eb7044d9b2a42a9af4af21f01',1,'mlx::core::simd::operator^(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a ^ b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a16fa3c809e46b5cae3e8abfaf98199a4',1,'mlx::core::simd::operator^(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value ^ b), 1 >'],['../group__ops.html#gac3a6fe18694e84b3d63458e9553ac181',1,'mlx::core::operator^(const array &a, const array &b)'],['../namespacemlx_1_1core.html#ae36ea40b8477bfa12d41aae8245225c9',1,'mlx::core::operator^(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a03fc96696f5c6d9411841889d05f4670',1,'mlx::core::operator^(_MLX_BFloat16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a55130edf926366db0d6207989e609b7c',1,'mlx::core::operator^(uint16_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0b75198f364d742a1c25dd13e398f2c2',1,'mlx::core::operator^(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7f205f1b10b23180a23bf2be4bb726b1',1,'mlx::core::operator^(_MLX_Float16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a9edfe65f3c6da583c7b109290ec94b22',1,'mlx::core::operator^(uint16_t lhs, _MLX_Float16 rhs)']]], - ['operator_5e_3d_46',['operator^=',['../namespacemlx_1_1core.html#a97cb7d3eac404a442e84656cefe7cfb4',1,'mlx::core::operator^=(_MLX_BFloat16 &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abcfd2d9615c96561fd44dfb9c341cf8e',1,'mlx::core::operator^=(_MLX_BFloat16 &lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#ae78083d766b9cf6f87cded341bbcd63e',1,'mlx::core::operator^=(_MLX_Float16 &lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#acf36c10779fbf1efbe1e6a7fd41176cd',1,'mlx::core::operator^=(_MLX_Float16 &lhs, uint16_t rhs)']]], - ['operator_7c_47',['operator|',['../namespacemlx_1_1core_1_1simd.html#ab2b540d7329491000e7722f9b3ef797d',1,'mlx::core::simd::operator|(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a0cd57bba23daed624df5e2b06b676dca',1,'mlx::core::simd::operator|(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#acd57dc91aa205d9d3f8804df4261a7fb',1,'mlx::core::simd::operator|(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a60805b5f57ddbbf74f700b54cd3fc4f8',1,'mlx::core::simd::operator|(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value|b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a495d15a18ee4a6dda22e37e8dc02e45b',1,'mlx::core::simd::operator|(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a|b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a6449faa1666afe1186d55b61bb3e5b5a',1,'mlx::core::simd::operator|(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value|b), 1 >'],['../group__ops.html#ga52392a2a98f09a80da8d338c4908bd02',1,'mlx::core::operator|(const array &a, const array &b)'],['../namespacemlx_1_1core.html#af84ed854132c1514dca5a524fdb7ed05',1,'mlx::core::operator|(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a7423aac70f9f2e3fb6a5c9a3fc96f703',1,'mlx::core::operator|(_MLX_BFloat16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a19805f505cb7ac72bfab66c339ea7900',1,'mlx::core::operator|(uint16_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2d933573edf4ed305fddd8a0caef1ee8',1,'mlx::core::operator|(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#afab3d4eb1b36a276922879ce6e44b7f5',1,'mlx::core::operator|(_MLX_Float16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#ab132729fa6912d22a8e402057eb4ba12',1,'mlx::core::operator|(uint16_t lhs, _MLX_Float16 rhs)']]], - ['operator_7c_3d_48',['operator|=',['../namespacemlx_1_1core.html#a8e1d21375ae4b89b3cbea3a46d262abd',1,'mlx::core::operator|=(_MLX_BFloat16 &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a28d6c2f89e73b7b874dd1f67f853a96f',1,'mlx::core::operator|=(_MLX_BFloat16 &lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a2d8470b69cbbeefece08d3ffd46c0082',1,'mlx::core::operator|=(_MLX_Float16 &lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a359c6257097a304c00d41d64296ef4c9',1,'mlx::core::operator|=(_MLX_Float16 &lhs, uint16_t rhs)']]], - ['operator_7c_7c_49',['operator||',['../namespacemlx_1_1core_1_1simd.html#ab380b8f73672727a38ea0931e731fe4a',1,'mlx::core::simd::operator||(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#ac34f6b278627949d2ee68cdbf3d2f50f',1,'mlx::core::simd::operator||(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab2bc61c02b9096163e9db91a3f88788f',1,'mlx::core::simd::operator||(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a7a1c3be1c37d41e450469f2e98cd9dde',1,'mlx::core::simd::operator||(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value||b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a0c8bd67982681ecd53cd8d739be3a5a9',1,'mlx::core::simd::operator||(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a||b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aad2d440fbb9e5478b5ed24400a859942',1,'mlx::core::simd::operator||(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value||b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a38e83534a648d0743dc4c7deb9a7fd49',1,'mlx::core::simd::operator||(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#acdcdaea84869a0b05c08139c10f13a06',1,'mlx::core::simd::operator||(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aa9ac1951153211b2ff95dd34a3427797',1,'mlx::core::simd::operator||(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1steel.html#a1bb3ac5061a04e407fc4cdcc9f6ea03f',1,'mlx::steel::operator||()'],['../group__ops.html#ga27af56a98270d4d76d139f0f9171b83a',1,'mlx::core::operator||()']]], - ['operator_7e_50',['operator~',['../namespacemlx_1_1core_1_1simd.html#a290787dda17296d27af7afdef3c732a9',1,'mlx::core::simd::operator~(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a4c6ed06d523db05f99df7ef21b374c41',1,'mlx::core::simd::operator~(Simd< T, 1 > in)'],['../group__ops.html#ga849365a62878579a33b3d3ad09bbc7be',1,'mlx::core::operator~()']]], - ['ops_2eh_51',['ops.h',['../backend_2metal_2kernels_2reduction_2ops_8h.html',1,'(Global Namespace)'],['../distributed_2ops_8h.html',1,'(Global Namespace)'],['../ops_8h.html',1,'(Global Namespace)']]], - ['or_52',['Or',['../struct_or.html',1,'Or< U >'],['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a7a959bb7b33f410a03b3c887173fd7ed',1,'mlx::core::distributed::AllReduce::Or'],['../classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da51065a44e7f9a76a6dab6de637c6db22',1,'mlx::core::BitwiseBinary::Or'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a2e53e38f8b906ed4def9a5653aeb51fe',1,'mlx::core::Reduce::Or']]], - ['orgqr_53',['orgqr',['../lapack_8h.html#aca4bf4d46eed1729128dc88d39c128c2',1,'lapack.h']]], - ['ortho_54',['ortho',['../structpocketfft_1_1detail_1_1_exec_dcst.html#aea17551a49acaca5e7808dc181d38b7f',1,'pocketfft::detail::ExecDcst']]], - ['os_55',['oS',['../struct_m_l_x_conv_params.html#a19ccb9fecfccdc18b6a7f0cc43adbc6e',1,'MLXConvParams']]], - ['out_56',['out',['../struct_read_writer.html#abea3b913c952c505d0ca4e529c7316ef',1,'ReadWriter']]], - ['out_5fof_5fbounds_57',['out_of_bounds',['../struct_read_writer.html#a08e10626fbc789b6dff9172fd6c36f7c',1,'ReadWriter::out_of_bounds() const'],['../struct_read_writer.html#a6f946aea5452109dca7fc70ed39c6efe',1,'ReadWriter::out_of_bounds() const'],['../struct_read_writer.html#a8f40d7f343d32134fe27a694abfde6bf',1,'ReadWriter::out_of_bounds() const']]], - ['out_5fstrides_58',['out_strides',['../struct_m_l_x_conv_params.html#adfca77f9a3c2b4c74752f90636ff5667',1,'MLXConvParams']]], - ['outer_59',['outer',['../group__ops.html#ga866af24e10db2797e1c5a5986dbf6c0d',1,'mlx::core']]], - ['output_5fshape_60',['output_shape',['../classmlx_1_1core_1_1_broadcast_axes.html#aaa495110c16fbbc642fbb224ef8dfae6',1,'mlx::core::BroadcastAxes::output_shape()'],['../classmlx_1_1core_1_1_broadcast.html#a00c39c113fe3e698771e2e6b595c32cd',1,'mlx::core::Broadcast::output_shape()'],['../classmlx_1_1core_1_1_expand_dims.html#a3814ad4697eccb75fdb9275017a3fd67',1,'mlx::core::ExpandDims::output_shape()'],['../classmlx_1_1core_1_1_flatten.html#a2f8e1defb9c33af2dec29ff8697132aa',1,'mlx::core::Flatten::output_shape()'],['../classmlx_1_1core_1_1_reshape.html#aa15020d7d844d714d42bc60b44aeefc1',1,'mlx::core::Reshape::output_shape()'],['../classmlx_1_1core_1_1_squeeze.html#aadf1d3b85839390a2ec560603aeed04a',1,'mlx::core::Squeeze::output_shape()'],['../classmlx_1_1core_1_1_unflatten.html#a4c760c8fe981fd2ac17a31ff9faff10a',1,'mlx::core::Unflatten::output_shape()']]], - ['output_5fshapes_61',['output_shapes',['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a50934862ccdb16a3dcce6626c5727080',1,'mlx::core::fast::AffineQuantize::output_shapes()'],['../classmlx_1_1core_1_1_primitive.html#aa5b443d71db1c7ed31a5ae6e31b7fe29',1,'mlx::core::Primitive::output_shapes()'],['../classmlx_1_1core_1_1_abs.html#ac9d55481e5490423e4aaf02b95cafc75',1,'mlx::core::Abs::output_shapes()'],['../classmlx_1_1core_1_1_add.html#a50877893083fd78b31aa25152f750418',1,'mlx::core::Add::output_shapes()'],['../classmlx_1_1core_1_1_arange.html#a447083a1403d3d42a7ad9c307a666946',1,'mlx::core::Arange::output_shapes()'],['../classmlx_1_1core_1_1_arc_cos.html#a67a5025f8d7e5bac22888ad4bf813679',1,'mlx::core::ArcCos::output_shapes()'],['../classmlx_1_1core_1_1_arc_cosh.html#a3ab82e9f0452faea735338abccb5f0ac',1,'mlx::core::ArcCosh::output_shapes()'],['../classmlx_1_1core_1_1_arc_sin.html#a0217b9a4e18196ed65ba96b4ad096ecd',1,'mlx::core::ArcSin::output_shapes()'],['../classmlx_1_1core_1_1_arc_sinh.html#a2f668f230d93c7b90e62200a0b7cb6f6',1,'mlx::core::ArcSinh::output_shapes()'],['../classmlx_1_1core_1_1_arc_tan.html#a2ebabfd1c2963199df0d7610b7ddf422',1,'mlx::core::ArcTan::output_shapes()'],['../classmlx_1_1core_1_1_arc_tan2.html#acb8e5cf85c4bc58f909ce2e8b83c3619',1,'mlx::core::ArcTan2::output_shapes()'],['../classmlx_1_1core_1_1_arc_tanh.html#a6806f04142d850f107a18a71900759c6',1,'mlx::core::ArcTanh::output_shapes()'],['../classmlx_1_1core_1_1_arg_partition.html#a587ce69b0639683ba646652f887d0239',1,'mlx::core::ArgPartition::output_shapes()'],['../classmlx_1_1core_1_1_arg_reduce.html#a81a70885480c1d436329025091b2fa4c',1,'mlx::core::ArgReduce::output_shapes()'],['../classmlx_1_1core_1_1_arg_sort.html#a219ce04a811397a900c3235d8e6aef5c',1,'mlx::core::ArgSort::output_shapes()'],['../classmlx_1_1core_1_1_as_type.html#a3975b31cfd86d6eb33dc73554b357b88',1,'mlx::core::AsType::output_shapes()'],['../classmlx_1_1core_1_1_bitwise_binary.html#a49c9d2688d3cca8abf5698a250d57d56',1,'mlx::core::BitwiseBinary::output_shapes()'],['../classmlx_1_1core_1_1_bitwise_invert.html#a36558873262f1353f1575590e68ef8bf',1,'mlx::core::BitwiseInvert::output_shapes()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a42c4385e65851d58e4411a4afe73f58e',1,'mlx::core::BroadcastAxes::output_shapes()'],['../classmlx_1_1core_1_1_broadcast.html#adef65b1ec75efbe43e5574ec81b7c0ac',1,'mlx::core::Broadcast::output_shapes()'],['../classmlx_1_1core_1_1_ceil.html#a3bf7db5178ed26e23d9ba360ba34ab85',1,'mlx::core::Ceil::output_shapes()'],['../classmlx_1_1core_1_1_compiled.html#a15cb081590ee024ba11476494581a4d4',1,'mlx::core::Compiled::output_shapes()'],['../classmlx_1_1core_1_1_concatenate.html#af8415a2fe28804a1437d0876ba15615f',1,'mlx::core::Concatenate::output_shapes()'],['../classmlx_1_1core_1_1_conjugate.html#afd68332463d12e69c47388f6b81ae96c',1,'mlx::core::Conjugate::output_shapes()'],['../classmlx_1_1core_1_1_contiguous.html#afff58fbf61f0c26b3606208dd2fa2072',1,'mlx::core::Contiguous::output_shapes()'],['../classmlx_1_1core_1_1_copy.html#a6bbe5fd9ce3cb5a39853b316106d2674',1,'mlx::core::Copy::output_shapes()'],['../classmlx_1_1core_1_1_cos.html#a923312e71c5a003a38b37ab67ec82580',1,'mlx::core::Cos::output_shapes()'],['../classmlx_1_1core_1_1_cosh.html#adf58c7e24b5059e66007132bc16dfe49',1,'mlx::core::Cosh::output_shapes()'],['../classmlx_1_1core_1_1_divide.html#a9563d9ee243204cfdaac6aca34853cd7',1,'mlx::core::Divide::output_shapes()'],['../classmlx_1_1core_1_1_div_mod.html#a1b7f104346cb5423ac15371b45c7ef86',1,'mlx::core::DivMod::output_shapes()'],['../classmlx_1_1core_1_1_select.html#a10e837a391542b364186288a87e11513',1,'mlx::core::Select::output_shapes()'],['../classmlx_1_1core_1_1_remainder.html#ab4de49818d1fdea8cdfef502f519b255',1,'mlx::core::Remainder::output_shapes()'],['../classmlx_1_1core_1_1_equal.html#ae714c2b0641fc9c339a2f8483bb4e257',1,'mlx::core::Equal::output_shapes()'],['../classmlx_1_1core_1_1_erf.html#ace70b96c48419e29243982ed697f6411',1,'mlx::core::Erf::output_shapes()'],['../classmlx_1_1core_1_1_erf_inv.html#a067cac7a7244b4dae6629c7e4466589f',1,'mlx::core::ErfInv::output_shapes()'],['../classmlx_1_1core_1_1_exp.html#aef2b3c24dba3ca3a63a210d3bd8e39b6',1,'mlx::core::Exp::output_shapes()'],['../classmlx_1_1core_1_1_expm1.html#ae78f03a204687f16164ed702cfc0d5cc',1,'mlx::core::Expm1::output_shapes()'],['../classmlx_1_1core_1_1_expand_dims.html#af64bd4bc2cc5f5c58869f34cd974bb3c',1,'mlx::core::ExpandDims::output_shapes()'],['../classmlx_1_1core_1_1_flatten.html#a5069a73ba1e7b52b7b051f692db6d0d2',1,'mlx::core::Flatten::output_shapes()'],['../classmlx_1_1core_1_1_floor.html#a0a62dee6df6a82fcd955bf7670be2cd5',1,'mlx::core::Floor::output_shapes()'],['../classmlx_1_1core_1_1_gather.html#a53d89a6c4ebb634bc208bd85aa2fcda1',1,'mlx::core::Gather::output_shapes()'],['../classmlx_1_1core_1_1_gather_axis.html#abc483c7da7747263b2f1498f98b4d96d',1,'mlx::core::GatherAxis::output_shapes()'],['../classmlx_1_1core_1_1_greater.html#af798a7cd704a2a9a8b3ecb6ef49583b0',1,'mlx::core::Greater::output_shapes()'],['../classmlx_1_1core_1_1_greater_equal.html#a1a77c18d89ee227171ff38efef6cacf6',1,'mlx::core::GreaterEqual::output_shapes()'],['../classmlx_1_1core_1_1_hadamard.html#aa709166de3c493308689769579d665e8',1,'mlx::core::Hadamard::output_shapes()'],['../classmlx_1_1core_1_1_imag.html#ad4f847483ba07d20aba5b927c2689be8',1,'mlx::core::Imag::output_shapes()'],['../classmlx_1_1core_1_1_less.html#ad7604a75b79260d263ac0c7d959cadd5',1,'mlx::core::Less::output_shapes()'],['../classmlx_1_1core_1_1_less_equal.html#a5598c700e881673098928e47b4da9ff8',1,'mlx::core::LessEqual::output_shapes()'],['../classmlx_1_1core_1_1_log.html#ab2cae6889352ca0674f6463f8f52d77d',1,'mlx::core::Log::output_shapes()'],['../classmlx_1_1core_1_1_log1p.html#a73a02ddf0f125fff83462d97146a0a08',1,'mlx::core::Log1p::output_shapes()'],['../classmlx_1_1core_1_1_logical_not.html#ad3889969521c6a040aa2f26caee219b7',1,'mlx::core::LogicalNot::output_shapes()'],['../classmlx_1_1core_1_1_logical_and.html#a266f1eaced19b8b11e273de9219cf9ed',1,'mlx::core::LogicalAnd::output_shapes()'],['../classmlx_1_1core_1_1_logical_or.html#a931b98fca3e19085af9fa97a43db8ced',1,'mlx::core::LogicalOr::output_shapes()'],['../classmlx_1_1core_1_1_log_add_exp.html#a234f8c8ea5f5bf2fb7e371588fea98b9',1,'mlx::core::LogAddExp::output_shapes()'],['../classmlx_1_1core_1_1_matmul.html#abfabe69f428f7f125bf5665713a0eb5c',1,'mlx::core::Matmul::output_shapes()'],['../classmlx_1_1core_1_1_maximum.html#a888a69fb68726c3c18973f3ea38cfd2b',1,'mlx::core::Maximum::output_shapes()'],['../classmlx_1_1core_1_1_minimum.html#af921b5202ebf9716972bcf0e3056742a',1,'mlx::core::Minimum::output_shapes()'],['../classmlx_1_1core_1_1_multiply.html#adfd4c7f89660b42ab58e088b1ae19435',1,'mlx::core::Multiply::output_shapes()'],['../classmlx_1_1core_1_1_negative.html#a606fb13a48d10c88707f1a2c41bee9e8',1,'mlx::core::Negative::output_shapes()'],['../classmlx_1_1core_1_1_not_equal.html#ad1e8a577dc103d96f1ab65bf3b389d35',1,'mlx::core::NotEqual::output_shapes()'],['../classmlx_1_1core_1_1_number_of_elements.html#a6cdf307348ba22b3dc8f90f1fb1e0757',1,'mlx::core::NumberOfElements::output_shapes()'],['../classmlx_1_1core_1_1_partition.html#a5e62aa0109e53fb4acb861ef39787b4a',1,'mlx::core::Partition::output_shapes()'],['../classmlx_1_1core_1_1_power.html#af23ed795bdcdc4c3f91f0d4c1bb1d928',1,'mlx::core::Power::output_shapes()'],['../classmlx_1_1core_1_1_quantized_matmul.html#a7d57a31d41c58e1bd88ffe9c6b0dbf52',1,'mlx::core::QuantizedMatmul::output_shapes()'],['../classmlx_1_1core_1_1_real.html#a75999bd0b97d97a5675b9cdbab27dcff',1,'mlx::core::Real::output_shapes()'],['../classmlx_1_1core_1_1_reshape.html#aed3a83606d6917b2c344607101a2c43d',1,'mlx::core::Reshape::output_shapes()'],['../classmlx_1_1core_1_1_reduce.html#aaf3da1c98cdf530803118b382c5f58bc',1,'mlx::core::Reduce::output_shapes()'],['../classmlx_1_1core_1_1_round.html#a61821399e177e142723fc986e437d459',1,'mlx::core::Round::output_shapes()'],['../classmlx_1_1core_1_1_scatter_axis.html#af9688c010e1abee9b7b3788f11d91cc5',1,'mlx::core::ScatterAxis::output_shapes()'],['../classmlx_1_1core_1_1_sigmoid.html#aff024a3309584724c9842f172a4e440b',1,'mlx::core::Sigmoid::output_shapes()'],['../classmlx_1_1core_1_1_sign.html#a2260f2e8e081010192eb8a6f90acde6e',1,'mlx::core::Sign::output_shapes()'],['../classmlx_1_1core_1_1_sin.html#abdd433ecbb54898161b43aa9e14ec7f1',1,'mlx::core::Sin::output_shapes()'],['../classmlx_1_1core_1_1_sinh.html#ae04d8f6175c691a8f0d2a9fdd15af0ad',1,'mlx::core::Sinh::output_shapes()'],['../classmlx_1_1core_1_1_slice_update.html#abb6376f13c4269bd9e739e131893da53',1,'mlx::core::SliceUpdate::output_shapes()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a920dc4d1ee4976065e6d91fe3ecfbbf3',1,'mlx::core::DynamicSlice::output_shapes()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a804c03c745fc563e209a7bfb3d425a91',1,'mlx::core::DynamicSliceUpdate::output_shapes()'],['../classmlx_1_1core_1_1_softmax.html#a1a798a4dcd62486362d4b58582357490',1,'mlx::core::Softmax::output_shapes()'],['../classmlx_1_1core_1_1_sort.html#acc0a3f078b3f4c83e6e1137cb81ee62c',1,'mlx::core::Sort::output_shapes()'],['../classmlx_1_1core_1_1_square.html#a0513541766bb997ed166643fe95a6d38',1,'mlx::core::Square::output_shapes()'],['../classmlx_1_1core_1_1_sqrt.html#ae45215d61e2e99749d9a0bae291edd45',1,'mlx::core::Sqrt::output_shapes()'],['../classmlx_1_1core_1_1_stop_gradient.html#a8af7641d478505d1dc39c75ba7d5a3cf',1,'mlx::core::StopGradient::output_shapes()'],['../classmlx_1_1core_1_1_subtract.html#aaaff4872bde70ad40cf90e6131ea0489',1,'mlx::core::Subtract::output_shapes()'],['../classmlx_1_1core_1_1_squeeze.html#a839d9d72ac0a19e1146b5b470292a174',1,'mlx::core::Squeeze::output_shapes()'],['../classmlx_1_1core_1_1_tan.html#a9e4bba311bb24617dbb5ca591bc2868e',1,'mlx::core::Tan::output_shapes()'],['../classmlx_1_1core_1_1_tanh.html#a8873286b69b805486fa83c4806843f3d',1,'mlx::core::Tanh::output_shapes()'],['../classmlx_1_1core_1_1_unflatten.html#a068cf053b5b0612fafd4a2d53d42f9fa',1,'mlx::core::Unflatten::output_shapes()'],['../classmlx_1_1core_1_1_transpose.html#ac9328f43900bedec555909d09202ccd7',1,'mlx::core::Transpose::output_shapes()'],['../classmlx_1_1core_1_1_eigh.html#a9892f5b72dec19a5a2f7af5efcf2a952',1,'mlx::core::Eigh::output_shapes()']]], - ['outputs_62',['outputs',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9',1,'mlx::core::metal::DeviceStream::outputs'],['../classmlx_1_1core_1_1array.html#a2c186fd527f984f0589d4183b4976289',1,'mlx::core::array::outputs()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f',1,'mlx::core::metal::CommandEncoder::outputs()'],['../structmlx_1_1core_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f',1,'mlx::core::CommandEncoder::outputs()']]], - ['overwrite_5fdescriptor_63',['overwrite_descriptor',['../classmlx_1_1core_1_1array.html#a95e6b156c8e05439f076b85c05079387',1,'mlx::core::array']]] + ['operations_10',['Core array operations',['../group__ops.html',1,'']]], + ['operator_20bool_11',['operator bool',['../struct___no_mask.html#ad3723c1e70e46beefd283ce6317416cb',1,'_NoMask::operator bool()'],['../struct___no_mask.html#aafbf8a3201e1cc1abf74dd1f1b7272cd',1,'_NoMask::operator bool() const threadgroup'],['../struct___no_mask.html#a73e9612a619885cbc97cbd8f40df71e7',1,'_NoMask::operator bool() const device'],['../struct___no_mask.html#a4bf336d472bc677028250f76b9cdc08c',1,'_NoMask::operator bool() const constant'],['../struct___no_mask.html#ad3723c1e70e46beefd283ce6317416cb',1,'_NoMask::operator bool()'],['../struct___no_mask.html#aafbf8a3201e1cc1abf74dd1f1b7272cd',1,'_NoMask::operator bool() const threadgroup'],['../struct___no_mask.html#a73e9612a619885cbc97cbd8f40df71e7',1,'_NoMask::operator bool() const device'],['../struct___no_mask.html#a4bf336d472bc677028250f76b9cdc08c',1,'_NoMask::operator bool() const constant']]], + ['operator_20dtype_12',['operator Dtype',['../structmlx_1_1core_1_1_type_to_dtype.html#aefdd0fd6a5bbf0197a3996ccd4adea13',1,'mlx::core::TypeToDtype']]], + ['operator_20float_13',['operator float',['../structmlx_1_1core_1_1___m_l_x___b_float16.html#aaae72e5340ce91325f1925be36ba46cb',1,'mlx::core::_MLX_BFloat16::operator float()'],['../structmlx_1_1core_1_1complex128__t.html#a3e2faf180c0b785646a0e4296f709a5e',1,'mlx::core::complex128_t::operator float()'],['../structmlx_1_1core_1_1complex64__t.html#a90d224dd37308345086bb9cc882ef6fc',1,'mlx::core::complex64_t::operator float()'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a363de5054f3673bddc90293fc3c9bb99',1,'mlx::core::_MLX_Float16::operator float()']]], + ['operator_20simd_3c_20float_2c_20n_20_3e_14',['operator Simd< float, N >',['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a98affc184d83627d8654e3530ab52d75',1,'mlx::core::simd::Simd< float16_t, N >']]], + ['operator_20simd_3c_20int16_5ft_2c_20n_20_3e_15',['operator Simd< int16_t, N >',['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a823af21442333505114fd3fdac9f24de',1,'mlx::core::simd::Simd< float16_t, N >']]], + ['operator_20t_16',['operator T',['../structcomplex64__t.html#a70e9b16031eeaff3baa601f400023fcd',1,'complex64_t::operator T() const thread'],['../structcomplex64__t.html#a4f3beea7ab6001189b782a74d1746b67',1,'complex64_t::operator T() const threadgroup'],['../structcomplex64__t.html#a9f4f7eca89ffe6c8d126a4145df6d9f2',1,'complex64_t::operator T() const device'],['../structcomplex64__t.html#ac33e2e5263fec76a4fb4418c6e1d8d14',1,'complex64_t::operator T() const constant'],['../struct___m_l_x___b_float16.html#aa7dfefdf0d15e102d2b8258c9ab01836',1,'_MLX_BFloat16::operator T() const thread'],['../struct___m_l_x___b_float16.html#a2546a8afa77e14ed5b3c5da79a281260',1,'_MLX_BFloat16::operator T() const threadgroup'],['../struct___m_l_x___b_float16.html#a1d523f87740fcb852db6ab57896c245a',1,'_MLX_BFloat16::operator T() const device'],['../struct___m_l_x___b_float16.html#a95acd29283024d7093a0bc58c9468a0a',1,'_MLX_BFloat16::operator T() const constant']]], + ['operator_20val_17',['operator Val',['../structmlx_1_1core_1_1_dtype.html#a3b3bc059be5836476da3cb88a4f5e9fd',1,'mlx::core::Dtype']]], + ['operator_20value_5ftype_18',['operator value_type',['../structmlx_1_1steel_1_1integral__constant.html#a0c11203bed44a6a2c387b365134dcd64',1,'mlx::steel::integral_constant']]], + ['operator_21_19',['operator!',['../namespacemlx_1_1core_1_1simd.html#a745e05627c77152ec13d8d90c19cc9bf',1,'mlx::core::simd::operator!(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#afaa6ce61de4d80a4b7e9b2ab7454fff4',1,'mlx::core::simd::operator!(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#aadb0ed44c238d8d643c056298d5b20ca',1,'mlx::core::simd::operator!(Simd< float16_t, N > v)']]], + ['operator_21_3d_20',['operator!=',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a971aa511ab2e7ae1caae09556643a0bd',1,'mlx::core::array::ArrayIterator::operator!=()'],['../namespacemlx_1_1core_1_1simd.html#a4971bfe7f9f9319f859b3040c18f39ca',1,'mlx::core::simd::operator!=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a5c49123bf2647a5ca4f0579a54f3e53a',1,'mlx::core::simd::operator!=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a125cbaa7c5dd0931b0abd11003ab584a',1,'mlx::core::simd::operator!=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a757838b9d56e132e797a381d3bb0dc86',1,'mlx::core::simd::operator!=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ae8ca6615d51866d876b5efb3425600ed',1,'mlx::core::simd::operator!=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a7f1cebaff9cb88df59b5ec7557b5d167',1,'mlx::core::simd::operator!=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a6cce6db46c391a5d06dcb262e21b81fc',1,'mlx::core::simd::operator!=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a3699410174385f5e597cfccad57fc736',1,'mlx::core::simd::operator!=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#abc6a26b6e28d3d532fc356f96c97df1d',1,'mlx::core::simd::operator!=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afc6e4fc5589bbf30f978f34868dd4e55',1,'operator!=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6baa722c22d66c7510786bb275cb8cc2',1,'operator!=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa8d9f01582a0a9f01a666d110c74db2a',1,'operator!=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa504a474ab6e00ebe2b1b7ed2f7d1ffb',1,'operator!=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abf5f3040227f021a5b84cf2eda248b2f',1,'operator!=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a347c9bbf816bad2e9e5e91aa448f8b65',1,'operator!=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a33ea086b561c652f25833a5e1ded34dd',1,'operator!=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2bbdcece13148826d3fe33af727bb79b',1,'operator!=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aeb1efa47c5f22cc0b35d49ccce73c406',1,'operator!=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa6b99cde403405df1865c989e4ce845a',1,'operator!=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a204d13a881ae8d337f6efbb98673790c',1,'operator!=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3602117b4c61d5cd4fd72fb8e5f68bd6',1,'operator!=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2721c088adfc9d73cde442d6badd2a6c',1,'operator!=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aa4364eda56525cf7576ff00e550175e6',1,'mlx::steel::operator!=()'],['../namespacemlx_1_1core.html#a94d00a1b7f8a4717ab3f26f45e4da655',1,'mlx::core::operator!=(const Device &lhs, const Device &rhs)'],['../group__ops.html#ga0ac483d85f23252ca8757e9926d5a3c5',1,'mlx::core::operator!=(const array &a, const array &b)'],['../group__ops.html#ga3fecba9f3cb9a19afd8ca492cf509ce0',1,'mlx::core::operator!=(T a, const array &b)'],['../group__ops.html#gaebbf1cfde388c7480159a03c92c9a385',1,'mlx::core::operator!=(const array &a, T b)'],['../namespacemlx_1_1core.html#a164f109bc19c927b2b3bcc47a5021419',1,'mlx::core::operator!=(const Stream &lhs, const Stream &rhs)'],['../namespacemlx_1_1core.html#ad2f9e1c230ec35d5c406dd616e8f4dea',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af5899b4d5644682cb0ac2a488f630d55',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a72ac8edd190601d7a46782582cedecd8',1,'mlx::core::operator!=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a8084162ba2dd3f9b89195d2bebc3fbb0',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a514263e63f6825b490203ca586864687',1,'mlx::core::operator!=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a1c482bb3d9f9d4c62dee5865892c1f96',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a0030fe7ad09837c670cdfb7d51279519',1,'mlx::core::operator!=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ade3791bc723b8f10fbab22eadb0f705a',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ad78c664f242cd36247c13868547e3dd4',1,'mlx::core::operator!=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab0743a1a1dcb92d40f41ca42d36f242c',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ae7a0f810e546a166c7d05849b5d41f30',1,'mlx::core::operator!=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a676a40637a563f013c725d24fa33fdc8',1,'mlx::core::operator!=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a9fcb662b1561e4136bac0106cfb63b6c',1,'mlx::core::operator!=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abcca7fd43590c4347e0f5df8f134030c',1,'mlx::core::operator!=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af3ede3688a2e3b3ba8cb2da180ffe151',1,'mlx::core::operator!=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a54f48469fabd1414bef5097bcded0002',1,'mlx::core::operator!=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af8c648e892cbc6973de535aa17dc2cfe',1,'mlx::core::operator!=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#abc855e1c0584b64d7d995e33211361ab',1,'mlx::core::operator!=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad3684d660d18a54505c759ab286bd936',1,'mlx::core::operator!=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a8afdda14b14262ab5ce0a00c7745d7e8',1,'mlx::core::operator!=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7ccc479be236f2bf3f7725729c5ba201',1,'mlx::core::operator!=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a26a721b8111fce3a1dec9bf724034cd4',1,'mlx::core::operator!=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad5f8c221a53a89e8095aa39fd1f61867',1,'mlx::core::operator!=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a017b52ecf30b33da4aa8da35ccc43220',1,'mlx::core::operator!=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a43c10ca5fb05ee7d0ee63ba56f8a08a3',1,'mlx::core::operator!=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a81284b6ac737f91a8d1ffbbbbf938fe5',1,'mlx::core::operator!=(uint64_t lhs, _MLX_Float16 rhs)']]], + ['operator_25_21',['operator%',['../backend_2metal_2kernels_2complex_8h.html#aaf53122a07c8eca858b5a8e38ae280e0',1,'operator%(): complex.h'],['../group__ops.html#gab3bfbf82b1e4de7b00bbcf1a2255fbde',1,'mlx::core::operator%(const array &a, const array &b)'],['../group__ops.html#ga50817666f0b82afcbf4a123486af9908',1,'mlx::core::operator%(T a, const array &b)'],['../group__ops.html#ga46c01daa07433542a477d216e13a8480',1,'mlx::core::operator%(const array &a, T b)'],['../namespacemlx_1_1core.html#a8723d145dd49021bfcb8e6c99e1c91a5',1,'mlx::core::operator%(complex64_t a, complex64_t b)']]], + ['operator_26_22',['operator&',['../namespacemlx_1_1core_1_1simd.html#a0727c897502944659b3e32b3cde9ee9b',1,'mlx::core::simd::operator&(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a832bbc02ed5589e70106c831c04500f1',1,'mlx::core::simd::operator&(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ac790406f4cf51cbc40d750d377dd741b',1,'mlx::core::simd::operator&(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a3c42ac1dc74f6c0bb934dfa45986875b',1,'mlx::core::simd::operator&(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value &b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a8beb567724ab9735b616afb777b93abd',1,'mlx::core::simd::operator&(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a &b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a3a060a225b6ead483ca93247c9ad8e4d',1,'mlx::core::simd::operator&(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value &b), 1 >'],['../group__ops.html#gaf0d232de4cbfffda1e2c838f8afdf6ff',1,'mlx::core::operator&(const array &a, const array &b)'],['../namespacemlx_1_1core.html#a9ee95f97bbd69262d99d7bea3bf77631',1,'mlx::core::operator&(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0fefc3ae4f1350ebe05ec6098fd6bae3',1,'mlx::core::operator&(_MLX_BFloat16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a1e4cb758ccfe5c267baed9aeb0044834',1,'mlx::core::operator&(uint16_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab9d0f9910070231695d61de08cadb930',1,'mlx::core::operator&(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a889d401f425db79d1868aa3beea4829b',1,'mlx::core::operator&(_MLX_Float16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a76dcd1fa3c68b386bc1d1d899a68a120',1,'mlx::core::operator&(uint16_t lhs, _MLX_Float16 rhs)']]], + ['operator_26_26_23',['operator&&',['../namespacemlx_1_1core_1_1simd.html#a85c23e7ed6fe0ec6dfe4c61f7412a362',1,'mlx::core::simd::operator&&(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a8a2c8aea209236b06c594c8451017ecb',1,'mlx::core::simd::operator&&(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a070f1fa094cf2da5ab7d6baecbbf4f56',1,'mlx::core::simd::operator&&(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a82676bd32059d1172296f8074a841de6',1,'mlx::core::simd::operator&&(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value &&b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#af97917ef704103c6ea1d0e44f22ec0d3',1,'mlx::core::simd::operator&&(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a &&b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a1eca7cf07b2a238307459c28204319fb',1,'mlx::core::simd::operator&&(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value &&b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a2a381e5ec89406074b8d1921304238bb',1,'mlx::core::simd::operator&&(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#af9d5f107ce0c40c3b6a2f176cbb70cd7',1,'mlx::core::simd::operator&&(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#af8f245dfc5154c04c0865a208ab1cfe9',1,'mlx::core::simd::operator&&(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1steel.html#a6353bf11881842e25c46b56f92b7044f',1,'mlx::steel::operator&&()'],['../group__ops.html#gaee1d774bb0843601d7a0a4257d616ae3',1,'mlx::core::operator&&(const array &a, const array &b)']]], + ['operator_26_3d_24',['operator&=',['../namespacemlx_1_1core.html#a60c263ef46e552c3954688869734b513',1,'mlx::core::operator&=(_MLX_BFloat16 &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af9670fc8088339669c54c68b3a320e25',1,'mlx::core::operator&=(_MLX_BFloat16 &lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#ad1f96f0a02024f347b4c4431629407fc',1,'mlx::core::operator&=(_MLX_Float16 &lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae0540f16c4e7bd55d0e86a88495e4967',1,'mlx::core::operator&=(_MLX_Float16 &lhs, uint16_t rhs)']]], + ['operator_28_29_25',['operator()',['../structpocketfft_1_1detail_1_1_exec_c2_c.html#a4fd637f1a6d335826789af28ac089ecb',1,'pocketfft::detail::ExecC2C::operator()()'],['../structpocketfft_1_1detail_1_1_exec_hartley.html#a67c98b38d12440781053552b9a33bba1',1,'pocketfft::detail::ExecHartley::operator()()'],['../structpocketfft_1_1detail_1_1_exec_dcst.html#a67f4f56e3574c491695f8cb8a1e983d8',1,'pocketfft::detail::ExecDcst::operator()()'],['../structpocketfft_1_1detail_1_1_exec_r2_r.html#acdba1650962714e6afff51e9ca456970',1,'pocketfft::detail::ExecR2R::operator()()'],['../structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f',1,'mlx::core::VectorScalar::operator()()'],['../structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1',1,'mlx::core::ScalarVector::operator()()'],['../structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215',1,'mlx::core::VectorVector::operator()()'],['../structmlx_1_1core_1_1detail_1_1_add.html#a95cf053f89883d82f31ec53154b430a0',1,'mlx::core::detail::Add::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_add.html#a2d6011c35768b5fcd2bb75747b944353',1,'mlx::core::detail::Add::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan2.html#a01da277adf65232bd67b252a31baedd7',1,'mlx::core::detail::ArcTan2::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan2.html#af0cfd2ea4d541379b9c427fd4054828d',1,'mlx::core::detail::ArcTan2::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_divide.html#a9a3eab9eaf77b5a94ede2db8c7cef9f2',1,'mlx::core::detail::Divide::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_divide.html#a5e0d22e2084c4ca81bec0d457a46c662',1,'mlx::core::detail::Divide::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_multiply.html#a9dda09d0bf0f4153abf37ba894df37d4',1,'mlx::core::detail::Multiply::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_multiply.html#a898b090966b047723513224b8d3b22f1',1,'mlx::core::detail::Multiply::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_subtract.html#a48913052e0a051648b7a69376ec3e3e1',1,'mlx::core::detail::Subtract::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_subtract.html#a72ef05830615a2d5d9662926ed82672a',1,'mlx::core::detail::Subtract::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_logical_and.html#a5fb547e51ea53517deb54d89c76b4860',1,'mlx::core::detail::LogicalAnd::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_logical_and.html#a046536c1f2f9367983f052a213d7b7d8',1,'mlx::core::detail::LogicalAnd::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_logical_or.html#a4701821e656931d808815753ee529bad',1,'mlx::core::detail::LogicalOr::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_logical_or.html#afb134dbab79307d4ba597843c61d0b1a',1,'mlx::core::detail::LogicalOr::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_and.html#a91cff5472e47b13fd9d291b17d2e877b',1,'mlx::core::detail::BitwiseAnd::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_and.html#ae0bed77f95fe2b2f0b594addddd04700',1,'mlx::core::detail::BitwiseAnd::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_or.html#abd39ee9af548b16e3fabe4ae956b6f1c',1,'mlx::core::detail::BitwiseOr::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_or.html#a5ab05734c5000b454975de6647a08d20',1,'mlx::core::detail::BitwiseOr::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a8ed25d90a73141938a71ddddfd40b83d',1,'mlx::core::detail::BitwiseXor::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_xor.html#a0989e3bcd064ae06c33f660696a869a0',1,'mlx::core::detail::BitwiseXor::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_left_shift.html#a50bcbc53e2278483d9063decf7ad78d8',1,'mlx::core::detail::LeftShift::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_left_shift.html#a9385f580830a6ad163dd9bb8c4905e7a',1,'mlx::core::detail::LeftShift::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_right_shift.html#aa86d02e4ca59bc7ffacdc342841a0ea9',1,'mlx::core::detail::RightShift::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_right_shift.html#a154528ba50e89a4c532a181f135b1620',1,'mlx::core::detail::RightShift::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_remainder.html#a8b672df71eea3f31f5e2aa50662f3b19',1,'mlx::core::detail::Remainder::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_remainder.html#ac1bcf314046fa1c76e5491336cf68e02',1,'mlx::core::detail::Remainder::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_maximum.html#a1edfed0e0b33227b67c7709691f846c7',1,'mlx::core::detail::Maximum::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_maximum.html#a1a3bd09f6c4e61982ebf1a9bfaa38059',1,'mlx::core::detail::Maximum::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_minimum.html#a28b51060b9345fb2021d5176cd607778',1,'mlx::core::detail::Minimum::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_minimum.html#a5cdc82cc78adbc9854aa9b1c4417d6d3',1,'mlx::core::detail::Minimum::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_power.html#ad047c7d25e1b0f32dc17a03d826cf0a0',1,'mlx::core::detail::Power::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_power.html#a5d3c31365fcf2de52f78c3695da83152',1,'mlx::core::detail::Power::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_equal.html#a5d3f7423078444e5d690fb6d50fcce23',1,'mlx::core::detail::Equal::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_equal.html#a2994cf1884e7126e76d0a20b215fe3ab',1,'mlx::core::detail::Equal::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_greater.html#a9186b3e29c84700ea93ca9470556b0b3',1,'mlx::core::detail::Greater::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_greater.html#aa3844c2bae3c7a981739f642aa0dd094',1,'mlx::core::detail::Greater::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_greater_equal.html#a8da40f79562ef8ffbd30ddcf40d83e0f',1,'mlx::core::detail::GreaterEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_greater_equal.html#a3b005f85522ad0e4b57044eed930ac30',1,'mlx::core::detail::GreaterEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_less.html#a8e9c159887284420b1161421e58a0bda',1,'mlx::core::detail::Less::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_less.html#a0b4032dff1ad2b387745cb000aabdcbb',1,'mlx::core::detail::Less::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_less_equal.html#a5f7f700be5fdf4629a96ab271caf5440',1,'mlx::core::detail::LessEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_less_equal.html#a31e70f8830a07557697541301555a7a7',1,'mlx::core::detail::LessEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_not_equal.html#a99d16a3d7f637901869bf650b1ea6e13',1,'mlx::core::detail::NotEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_not_equal.html#a23d662b5fd968dc17d3bee2595b5f99d',1,'mlx::core::detail::NotEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a441e5e8552be45ced34001b465d251e1',1,'mlx::core::detail::NaNEqual::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_na_n_equal.html#a073b20b0d8d41ec8364b7c477421b9bf',1,'mlx::core::detail::NaNEqual::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_log_add_exp.html#a434da15bcb95dc979c73ec795cfec339',1,'mlx::core::detail::LogAddExp::operator()(Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_log_add_exp.html#ad1663fd809acaa4038f90666436599e5',1,'mlx::core::detail::LogAddExp::operator()(T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_select.html#a930f9da2e6b3453e04f21382435a2cfb',1,'mlx::core::detail::Select::operator()(bool condition, T x, T y)'],['../structmlx_1_1core_1_1detail_1_1_select.html#a8c5135e3098cfd2521a2a266ba08f1e4',1,'mlx::core::detail::Select::operator()(Simd< bool, N > condition, Simd< T, N > x, Simd< T, N > y)'],['../structmlx_1_1core_1_1detail_1_1_abs.html#acb9168d40f09d73a2243f75f13bbadc2',1,'mlx::core::detail::Abs::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_abs.html#a0d657bc9a381dca1b5860b9a1b5a5702',1,'mlx::core::detail::Abs::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cos.html#a1b927a97bbef1478c768bb85cb764c94',1,'mlx::core::detail::ArcCos::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cos.html#a04b4c9d1fc0160973aa28b1f809b9d51',1,'mlx::core::detail::ArcCos::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a4436be0278ceaced10ef98eb6f30f789',1,'mlx::core::detail::ArcCosh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_cosh.html#a767d354bec863942822ee0b9b6742a88',1,'mlx::core::detail::ArcCosh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sin.html#ab1ad6339c662305bd682b14f8d8afd6c',1,'mlx::core::detail::ArcSin::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sin.html#ac69091929815e5317308b4088f5c2f46',1,'mlx::core::detail::ArcSin::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac6e45e41f931f556697c060a2a858816',1,'mlx::core::detail::ArcSinh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_sinh.html#ac7bf9bac66fef917f75494b2345e6aaf',1,'mlx::core::detail::ArcSinh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan.html#a697b7f12f30d642ee5f0c54aaf86a8ec',1,'mlx::core::detail::ArcTan::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tan.html#aee87bf10c278a70ca788085d1b499afe',1,'mlx::core::detail::ArcTan::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a93a660ea073526e1f75b2d3c4ac6c366',1,'mlx::core::detail::ArcTanh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_arc_tanh.html#a601e8c52bb938eb3a616756a35419e8b',1,'mlx::core::detail::ArcTanh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#a82a68523f66008c83dc6ebea184b5fe4',1,'mlx::core::detail::BitwiseInvert::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_bitwise_invert.html#ad6cdfbd47f1fb2d8c251ce0da92c22c6',1,'mlx::core::detail::BitwiseInvert::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_ceil.html#a2354e9fa1502d1743834b98cdec17653',1,'mlx::core::detail::Ceil::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_ceil.html#a672f65e47d65e4e8d88be252bce0164b',1,'mlx::core::detail::Ceil::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_conjugate.html#a33bbfcc195781eb33df0a4efc50569ed',1,'mlx::core::detail::Conjugate::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_conjugate.html#a386b583d24a2cf1ba8dcc3ba52c226f5',1,'mlx::core::detail::Conjugate::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_cos.html#a663065fd41e5d85e8f044e9f81070568',1,'mlx::core::detail::Cos::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_cos.html#ad4caef573f9d9071f8945a8efed231ad',1,'mlx::core::detail::Cos::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_cosh.html#ae94b6da9ceb47e9d4aaf61451126f58d',1,'mlx::core::detail::Cosh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_cosh.html#a63591f49776d9aadc02200036ae38317',1,'mlx::core::detail::Cosh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_erf.html#a4f5986391863d30e0e7b17bd1996a5f6',1,'mlx::core::detail::Erf::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_erf.html#a168f8ccc6c8053b05dd1a48904ca8fd4',1,'mlx::core::detail::Erf::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_erf_inv.html#a0cdd8d6e71222695d0f148b9ad048429',1,'mlx::core::detail::ErfInv::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_erf_inv.html#acc93c0511141404208b35f302f8c1fcb',1,'mlx::core::detail::ErfInv::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_exp.html#aad7fb8de7561479c7aa3c741322a3101',1,'mlx::core::detail::Exp::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_exp.html#a0846300cee28315e5b42f74acafbd1a1',1,'mlx::core::detail::Exp::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_expm1.html#a2c78a15f0dd01d13f3a78ac45347ed3e',1,'mlx::core::detail::Expm1::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_expm1.html#abf7e61b8387521e9d44334ce88d833a0',1,'mlx::core::detail::Expm1::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_floor.html#a5c41fb72ec3da9289c24b92802e28f2e',1,'mlx::core::detail::Floor::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_floor.html#a16c13cfe736098bffc81d655e172294a',1,'mlx::core::detail::Floor::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log.html#a0041795bfd063a9769a3747bd7a91d61',1,'mlx::core::detail::Log::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log.html#a0012a4e1744dbe9a28c3b5652be6e1c6',1,'mlx::core::detail::Log::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log2.html#a83258d8a3fe12e082d0b317fcfafb28b',1,'mlx::core::detail::Log2::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log2.html#a467bd4c995674721ff5fff6df33aead8',1,'mlx::core::detail::Log2::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log10.html#ade464425f69e5b76bf61b5ba3da75089',1,'mlx::core::detail::Log10::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log10.html#a2633c5b772bbc9f8b66cffd4a3e01a3f',1,'mlx::core::detail::Log10::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_log1p.html#abed96d56b07c6a96666b770c9711e52e',1,'mlx::core::detail::Log1p::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_log1p.html#a3220de8c6090c44aa2070b1fbb2dc340',1,'mlx::core::detail::Log1p::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_logical_not.html#a4978cc3a63e70a1a4fee6470764ae9d9',1,'mlx::core::detail::LogicalNot::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_logical_not.html#a79799668ea5c364b0b4e2bc330e76253',1,'mlx::core::detail::LogicalNot::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_negative.html#a93a1dfb47eba54aff44b2945d131c97e',1,'mlx::core::detail::Negative::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_negative.html#afc4595c70ef7196df374cf4b2cc5e526',1,'mlx::core::detail::Negative::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_round.html#acd099ba81c8c281e9660cf8c0fed0cd1',1,'mlx::core::detail::Round::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_round.html#a653f29c059bbfa6192378732a8a23351',1,'mlx::core::detail::Round::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sin.html#a07c357c49dbf6b0579b1e771c6eb5766',1,'mlx::core::detail::Sin::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sin.html#ae95671816529cc2188389af37a2f1a13',1,'mlx::core::detail::Sin::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sinh.html#a1e299cd64bc0c7aaa1ceeac35dfe7831',1,'mlx::core::detail::Sinh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sinh.html#a9663ddf0fa4c0003576b48f3d5385f00',1,'mlx::core::detail::Sinh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sqrt.html#acac518e8e7cf3dd103f4f72f22b23221',1,'mlx::core::detail::Sqrt::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sqrt.html#aa5a4830b3ef7efab20ea88a110667efd',1,'mlx::core::detail::Sqrt::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_rsqrt.html#ac6720a6270393152ab2924a77bfb17b2',1,'mlx::core::detail::Rsqrt::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_rsqrt.html#a9af247be16bab83243038aac54446b79',1,'mlx::core::detail::Rsqrt::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_tan.html#a9c8d3570a1e4daa054bb41999043d9e9',1,'mlx::core::detail::Tan::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_tan.html#aba397cd7ac05bbe06dfa9e3a64bdb05f',1,'mlx::core::detail::Tan::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_tanh.html#a79eeba686f3dd5dce097ff5b9b27dd7c',1,'mlx::core::detail::Tanh::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_tanh.html#a1749ba1edfd53095ed7d45c0e53bab61',1,'mlx::core::detail::Tanh::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_imag.html#a070cf43bc4e30871f8f32d4b84be05c8',1,'mlx::core::detail::Imag::operator()(Simd< complex64_t, N > x)'],['../structmlx_1_1core_1_1detail_1_1_imag.html#a5bd82e2185f3779e398c179d42a3e782',1,'mlx::core::detail::Imag::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_real.html#a7c6c6c188d611e2084dba66b7489c21f',1,'mlx::core::detail::Real::operator()(Simd< complex64_t, N > x)'],['../structmlx_1_1core_1_1detail_1_1_real.html#ae84a939fdb5916257a7731cda66d4d61',1,'mlx::core::detail::Real::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sigmoid.html#a12a3d53f0fd797b5cdd9d04d048ce1a4',1,'mlx::core::detail::Sigmoid::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sigmoid.html#a64b72561bfaf758632167f00648f4c89',1,'mlx::core::detail::Sigmoid::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_sign.html#a913c095e25668c8a6bb6e3243e150606',1,'mlx::core::detail::Sign::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_sign.html#a64ed5013cee7ff18c7fe70bc04737e7b',1,'mlx::core::detail::Sign::operator()(T x)'],['../structmlx_1_1core_1_1detail_1_1_square.html#abab2378a94c4c38dffeb06a74b0f81ee',1,'mlx::core::detail::Square::operator()(Simd< T, N > x)'],['../structmlx_1_1core_1_1detail_1_1_square.html#a54e9e3c0d0896e142289e8282eab1099',1,'mlx::core::detail::Square::operator()(T x)'],['../struct_add.html#ac5c66b63d63a222d3ae0ab8cc7c90eb5',1,'Add::operator()()'],['../struct_floor_divide.html#a2b328e4d768e718fa439f955c524666a',1,'FloorDivide::operator()(T x, T y)'],['../struct_floor_divide.html#afc16a2b2a745225e0bc95640f3fc0219',1,'FloorDivide::operator()(float x, float y)'],['../struct_floor_divide.html#ae91719a15f7e643d552129f476089c6a',1,'FloorDivide::operator()(half x, half y)'],['../struct_floor_divide.html#a4aa9f858626583e02bd79f747229bbca',1,'FloorDivide::operator()(bfloat16_t x, bfloat16_t y)'],['../struct_divide.html#a0a16b9194abc2ab7c61129f81a9bbb3d',1,'Divide::operator()()'],['../struct_remainder.html#ab7875512ff4341c580c6dc372e64fc58',1,'Remainder::operator()(T x, T y)'],['../struct_remainder.html#a18150b5f4425e30b95ffabc6bb25cede',1,'Remainder::operator()(T x, T y)'],['../struct_remainder.html#ab3b75f54b56fd357c9755daadb2cafc2',1,'Remainder::operator()(T x, T y)'],['../struct_remainder.html#ae918ce0e246937d4fe04e2ea36e4b2c1',1,'Remainder::operator()(complex64_t x, complex64_t y)'],['../struct_equal.html#aa498087080900d4428ba428a6496a769',1,'Equal::operator()()'],['../struct_na_n_equal.html#a00220898e02db656d21dde9e9354a8dc',1,'NaNEqual::operator()(T x, T y)'],['../struct_na_n_equal.html#a6185e4554dce5b4659d21673c576be51',1,'NaNEqual::operator()(complex64_t x, complex64_t y)'],['../struct_greater.html#a98d7d8ee360cd0f469c6eb9a017560f5',1,'Greater::operator()()'],['../struct_greater_equal.html#ae69a3bccc567a46506cf0d296294ce80',1,'GreaterEqual::operator()()'],['../struct_less.html#a5ee0b31b2d9123dc4504f2979a5854d3',1,'Less::operator()()'],['../struct_less_equal.html#ae9f9a1b2eae548977139704f0044acfe',1,'LessEqual::operator()()'],['../struct_log_add_exp.html#ab32417f18e8ff68c15f78aceeb624edf',1,'LogAddExp::operator()()'],['../struct_maximum.html#a3ea0f42bc4cd80b68a98f189f9fa859c',1,'Maximum::operator()(T x, T y)'],['../struct_maximum.html#a0bc8fadc87f2c49fc440d625bfc97ca6',1,'Maximum::operator()(T x, T y)'],['../struct_maximum.html#a907e8793900be5927625377dab199644',1,'Maximum::operator()(complex64_t x, complex64_t y)'],['../struct_minimum.html#aa6113dfac3986c0f571fa53f65c5330e',1,'Minimum::operator()(T x, T y)'],['../struct_minimum.html#a0c939921de87ab9c6959238aac81a059',1,'Minimum::operator()(T x, T y)'],['../struct_minimum.html#a800fba087280f79c2f7e9aff75bed093',1,'Minimum::operator()(complex64_t x, complex64_t y)'],['../struct_multiply.html#a1327fc5a0713931afe997b0d4d2988e0',1,'Multiply::operator()()'],['../struct_not_equal.html#af008d73a5d9cde0b8309b7e8ee7438b2',1,'NotEqual::operator()(T x, T y)'],['../struct_not_equal.html#a14de494cea4e4869351202cad1149f17',1,'NotEqual::operator()(complex64_t x, complex64_t y)'],['../struct_power.html#a2b6df2a9e48155ff9734caca8504a79f',1,'Power::operator()(T base, T exp)'],['../struct_power.html#a36829163d42973034a1f8a7ecc57a1de',1,'Power::operator()(T base, T exp)'],['../struct_power.html#a27cdfb313c4e82b63bdcdaee923cbbef',1,'Power::operator()(complex64_t x, complex64_t y)'],['../struct_subtract.html#ae0856cd8d449074ca287baa7e460f68a',1,'Subtract::operator()()'],['../struct_logical_and.html#a8bc6bdabc0ea0678a46e2cf6217cb3a6',1,'LogicalAnd::operator()()'],['../struct_logical_or.html#ade6a931324a604a3119d2220d6f5460d',1,'LogicalOr::operator()()'],['../struct_bitwise_and.html#afb48af090b01dd0200963bc12d842e36',1,'BitwiseAnd::operator()()'],['../struct_bitwise_or.html#a41f847463daafa99ee56f4035578390f',1,'BitwiseOr::operator()()'],['../struct_bitwise_xor.html#a3a3e8a56caab739d40262d9349c9c485',1,'BitwiseXor::operator()()'],['../struct_left_shift.html#aa729747784c38bfdbba34794fcf5175b',1,'LeftShift::operator()()'],['../struct_right_shift.html#a2cc59b400c68342b0e43050431323c17',1,'RightShift::operator()()'],['../struct_arc_tan2.html#ac9b7729753e13be293ab700231d061ac',1,'ArcTan2::operator()()'],['../struct_div_mod.html#a8b5758f2ea18d4c903b462331b25abfe',1,'DivMod::operator()()'],['../struct_cum_prod_3_01bool_01_4.html#ad634be0b139d10ce6d21332eef0d936b',1,'CumProd< bool >::operator()()'],['../struct_cum_max.html#a781b9b955c5412466da6af6c70d73c06',1,'CumMax::operator()()'],['../struct_cum_min.html#ae0b8c3761e04fa538d304ca842281a66',1,'CumMin::operator()()'],['../struct_less_than.html#a2798eb377b411c93a4ed30cf35caade2',1,'LessThan::operator()()'],['../struct_select.html#adb51692aae3038de07dd745891bf9848',1,'Select::operator()()'],['../struct_abs.html#a9e7481dfcc162509769852026ff4a344',1,'Abs::operator()(T x)'],['../struct_abs.html#a0ca113fd036151c443df3f83cc667f28',1,'Abs::operator()(uint8_t x)'],['../struct_abs.html#adaeab32a7e377dc990077ab15f3dc4c2',1,'Abs::operator()(uint16_t x)'],['../struct_abs.html#a99d2a2f37a6cddd3168b0224f2a9b963',1,'Abs::operator()(uint32_t x)'],['../struct_abs.html#ac9cbc02422d930479303f240a7ea6c71',1,'Abs::operator()(uint64_t x)'],['../struct_abs.html#ac30835b27784d451bd2e4524c8eb9e11',1,'Abs::operator()(bool x)'],['../struct_abs.html#ab82917d6b30a2c579e7eb879d305c5fc',1,'Abs::operator()(complex64_t x)'],['../struct_arc_cos.html#a5553cecf58511e24e76ac97f2d90b9ac',1,'ArcCos::operator()()'],['../struct_arc_cosh.html#a5c9e7712c14c97298b23ec48e19abc58',1,'ArcCosh::operator()()'],['../struct_arc_sin.html#a0343872f2da93bae2bb0baadf49da022',1,'ArcSin::operator()()'],['../struct_arc_sinh.html#a3066fb7dc7c3180100fb55ff94af6a7a',1,'ArcSinh::operator()()'],['../struct_arc_tan.html#af3a0aec6acec8ae8f5e4c4d5cf8c91ba',1,'ArcTan::operator()()'],['../struct_arc_tanh.html#a37dc3e01ec2830de7e82ed6c6363ac88',1,'ArcTanh::operator()()'],['../struct_bitwise_invert.html#a8f0c83f39bbb475368494568acdb794c',1,'BitwiseInvert::operator()()'],['../struct_ceil.html#a5e2a4ef1b012f5d352064489156e5e44',1,'Ceil::operator()(T x)'],['../struct_ceil.html#a455cd8083ba859993077f2e078ae165b',1,'Ceil::operator()(int8_t x)'],['../struct_ceil.html#a2acb61bc658c7a216795e7f76ebcf98a',1,'Ceil::operator()(int16_t x)'],['../struct_ceil.html#aef8c37f7a8ee3fc80700d605a09891fb',1,'Ceil::operator()(int32_t x)'],['../struct_ceil.html#a93d0110511ad5dd200e12d37a3d7d6e3',1,'Ceil::operator()(int64_t x)'],['../struct_ceil.html#aa335b745fa26e0f443cdb36298105484',1,'Ceil::operator()(uint8_t x)'],['../struct_ceil.html#ade17e13b7f30f5c590fae1581a2013ac',1,'Ceil::operator()(uint16_t x)'],['../struct_ceil.html#a411c75cc35cdc088402e176a1defd22d',1,'Ceil::operator()(uint32_t x)'],['../struct_ceil.html#a9ac660ca29eef7a7429fceb7b917a68a',1,'Ceil::operator()(uint64_t x)'],['../struct_ceil.html#a40de367e62f06ebd7e1330afa93a9ad9',1,'Ceil::operator()(bool x)'],['../struct_cos.html#ae222f8710f6b8254c471ebd475aa5bda',1,'Cos::operator()(T x)'],['../struct_cos.html#a5f26feb1dcc4bec5f59a9ff511c5b163',1,'Cos::operator()(complex64_t x)'],['../struct_cosh.html#a5847ebeebb236fdc926798ddc16475ba',1,'Cosh::operator()(T x)'],['../struct_cosh.html#aefdd91298dac16d528d29ee47e2f7252',1,'Cosh::operator()(complex64_t x)'],['../struct_conjugate.html#acb0a2694285f1f57c7654b371ce8cbd8',1,'Conjugate::operator()()'],['../struct_erf.html#a80719402ad7f7d418859a6677d7b604d',1,'Erf::operator()()'],['../struct_erf_inv.html#afbf3668d1a512e889f093a0bc7673309',1,'ErfInv::operator()()'],['../struct_exp.html#a5ef395868e055348c0802fd5fe45669c',1,'Exp::operator()(T x)'],['../struct_exp.html#a2b341ac400c4d145397950eb60734336',1,'Exp::operator()(complex64_t x)'],['../struct_expm1.html#a4b834d42cf0b84daf03fec62c222091a',1,'Expm1::operator()()'],['../struct_floor.html#ace3551f28429081e9f3a3dab0c84212b',1,'Floor::operator()(T x)'],['../struct_floor.html#a10d7fd05b4c224c9f135451246d13014',1,'Floor::operator()(int8_t x)'],['../struct_floor.html#a2865a04a492e3590302f4bd3215a10d7',1,'Floor::operator()(int16_t x)'],['../struct_floor.html#a41012343ff0463ec44b4d06196f41182',1,'Floor::operator()(int32_t x)'],['../struct_floor.html#aae3181d15856796aa0628cf30c92aa2e',1,'Floor::operator()(int64_t x)'],['../struct_floor.html#ac6cf38d82c8e270911afdca4c69ad51b',1,'Floor::operator()(uint8_t x)'],['../struct_floor.html#a78969b9e2b53ae248e72a67259eea5d8',1,'Floor::operator()(uint16_t x)'],['../struct_floor.html#a959009320ed622ed45b39becab1d5b98',1,'Floor::operator()(uint32_t x)'],['../struct_floor.html#a7d04b83c3345cd867315cae2d7ff68ab',1,'Floor::operator()(uint64_t x)'],['../struct_floor.html#abea845fe5e8e6b93bd4bca8717337e0b',1,'Floor::operator()(bool x)'],['../struct_imag.html#a3b29e9f8a46c194d683f6a9938314400',1,'Imag::operator()()'],['../struct_log.html#a32a383cb6be06e616a75f23bf49089c3',1,'Log::operator()()'],['../struct_log2.html#ac1e067ecdcbdbffb6106e789c2b98b64',1,'Log2::operator()()'],['../struct_log10.html#ac596a74c1642a00f3eced07ee3334122',1,'Log10::operator()()'],['../struct_log1p.html#a4464c6e7bdbe55ffd7d961c695cd13ce',1,'Log1p::operator()()'],['../struct_logical_not.html#a8a620bac957ab8c09ac85adfddd96708',1,'LogicalNot::operator()()'],['../struct_negative.html#af6879b374314a559faa321e8cce3d710',1,'Negative::operator()()'],['../struct_real.html#a85b9c5b9e65297994fa26ff68e19e809',1,'Real::operator()()'],['../struct_round.html#aa06a0195867e2ceb679c403b6909a1c4',1,'Round::operator()(T x)'],['../struct_round.html#ad3a08f2276ff1033900bc0a7da812655',1,'Round::operator()(complex64_t x)'],['../struct_sigmoid.html#a75a24cd75cb4d4c9a072811b2d70ad55',1,'Sigmoid::operator()()'],['../struct_sign.html#aa3304c6b43bcad53061614b741d8403c',1,'Sign::operator()(T x)'],['../struct_sign.html#ac48992b675b8b28be1e27e1f2ec5d2f7',1,'Sign::operator()(uint32_t x)'],['../struct_sign.html#ae07a4249e1b61419a3b9ca6c337b7bb5',1,'Sign::operator()(complex64_t x)'],['../struct_sin.html#a7caf98c777521fa5d5c6ddaaa3b779fd',1,'Sin::operator()(T x)'],['../struct_sin.html#aa510cf4595b6d49065ab6b602d8fcb14',1,'Sin::operator()(complex64_t x)'],['../struct_sinh.html#a02cf32bcf560657b9ee34fb1affed8e2',1,'Sinh::operator()(T x)'],['../struct_sinh.html#a1f8ba1858d352ee68861cd6ea861af43',1,'Sinh::operator()(complex64_t x)'],['../struct_square.html#afde739fc544e45dd30964c02dca94310',1,'Square::operator()()'],['../struct_sqrt.html#ab9b16d2b9b03a1c54190f4479a56a4ad',1,'Sqrt::operator()()'],['../struct_rsqrt.html#ae16699fd829e40416436247a39233fda',1,'Rsqrt::operator()()'],['../struct_tan.html#a1e6fb8c691621c69cb9bd393de4f6e78',1,'Tan::operator()(T x)'],['../struct_tan.html#a2ef120c9f92b0d2e9cec8389eda05724',1,'Tan::operator()(complex64_t x)'],['../struct_tanh.html#adce11a7ad33226c6ecff34f46f5c45d7',1,'Tanh::operator()(T x)'],['../struct_tanh.html#aa8423b43c725bb4b88965a11e8cf20f6',1,'Tanh::operator()(complex64_t x)'],['../structmlx_1_1core_1_1_function_exporter.html#ada4e13daeb3ba0f5ebe20ec0663727b3',1,'mlx::core::FunctionExporter::operator()(const std::initializer_list< array > &args)'],['../structmlx_1_1core_1_1_function_exporter.html#a82aeb5fa32ef5638f42dc2372278427e',1,'mlx::core::FunctionExporter::operator()(const Args &args)'],['../structmlx_1_1core_1_1_function_exporter.html#ac8b8fa0a23d58a94e2e9b923dc7324e8',1,'mlx::core::FunctionExporter::operator()(const Kwargs &kwargs)'],['../structmlx_1_1core_1_1_function_exporter.html#a35a3c1d94249ce0fe0e82b0ea047d441',1,'mlx::core::FunctionExporter::operator()(const Args &args, const Kwargs &kwargs)'],['../structmlx_1_1core_1_1_imported_function.html#a3555db23026d30eaeee265fed99947b2',1,'mlx::core::ImportedFunction::operator()(const std::initializer_list< array > &args) const'],['../structmlx_1_1core_1_1_imported_function.html#a5953b3f47c094cc47bcbb0845379ca8d',1,'mlx::core::ImportedFunction::operator()(const Args &args) const'],['../structmlx_1_1core_1_1_imported_function.html#a10fec4eab5851ed825a9b46a31cedcc9',1,'mlx::core::ImportedFunction::operator()(const Kwargs &kwargs) const'],['../structmlx_1_1core_1_1_imported_function.html#a7d1accece61230eec256e0f70610776d',1,'mlx::core::ImportedFunction::operator()(const Args &args, const Kwargs &kwargs) const']]], + ['operator_2a_26',['operator*',['../structpocketfft_1_1detail_1_1cmplx.html#a26bf3d709a58f06228e502af6db8e5ac',1,'pocketfft::detail::cmplx::operator*(const T2 &other) const -> cmplx< decltype(r *other)>'],['../structpocketfft_1_1detail_1_1cmplx.html#ad9c591ef8ae976293f207937d273e9a1',1,'pocketfft::detail::cmplx::operator*(const cmplx< T2 > &other) const -> cmplx< decltype(r+other.r)>'],['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a153756072fda6d3e53bcca11b46a1238',1,'mlx::core::array::ArrayIterator::operator*()'],['../namespacemlx_1_1core_1_1simd.html#a08c1e7a00b1b4bc60e30d1554f4f46f2',1,'mlx::core::simd::operator*(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#ae4ec5f1f081d20b46b13eb83eb1b6431',1,'mlx::core::simd::operator*(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a4555cd6a3b50af00700f97fdf00f63a7',1,'mlx::core::simd::operator*(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab6a73491bcb185cd91ae4db6b0f21e49',1,'mlx::core::simd::operator*(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value *b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a4030444ea38ce1529a8cbb8c183a28bd',1,'mlx::core::simd::operator*(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a *b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#acd5ac48dc7895f06daf55f0a7e0667fb',1,'mlx::core::simd::operator*(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value *b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a6f6d26e3fe39ee1ba0a7380d0ecf7b45',1,'mlx::core::simd::operator*(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a5373c1af09825b5f701ebd106508fa6b',1,'mlx::core::simd::operator*(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#ac50da923a4b7ac682554bd1d74c306d9',1,'mlx::core::simd::operator*(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a681d4fb076973f58f7dac894ec62a385',1,'operator*(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8f06316063fc91747533105f256b55b5',1,'operator*(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7b3bce3f6f17089d87e13e91f580a581',1,'operator*(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a54ae7216b82c5cea362f6b83e1df3a9b',1,'operator*(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a852689073c17596de4fb545bc046b380',1,'operator*(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a168300bbd04d8e97c5e4218cb14ae378',1,'operator*(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6278bd2e0e2805090b33ef666bf7f6bb',1,'operator*(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aecf703522d9ce32dfeefe1e6e903db06',1,'operator*(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7cd44d27fa9a4f13df39894c34fdb348',1,'operator*(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aee64dc1890abb6d1035361cb8c751f96',1,'operator*(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad1a559ab88dbbb4fd2c7509d2c94e55b',1,'operator*(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a495ae2d9be5d97c4c6448fc4e50a03e1',1,'operator*(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a87ab4b7a502430da664ccb8abd383058',1,'operator*(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5f997839cf49c24ab594a0dff486a7bc',1,'operator*(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aa0c2d29950926ae579adf6337fbea64b',1,'mlx::steel::operator*()'],['../group__ops.html#ga26c33f5cdb6fc10d272acd6e208034e0',1,'mlx::core::operator*(const array &a, const array &b)'],['../group__ops.html#gac22a67f7de797b1ae59029843cbdcab6',1,'mlx::core::operator*(T a, const array &b)'],['../group__ops.html#ga6f2369ed5fae8ff9b1528670a004dde2',1,'mlx::core::operator*(const array &a, T b)'],['../namespacemlx_1_1core.html#a0cc824d6318f97f7058918ab64ddfc25',1,'mlx::core::operator*(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a81e1c727c3fc48910b030cb65a9e7afa',1,'mlx::core::operator*(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a861d948220d8f48d46c68d2ddb16a096',1,'mlx::core::operator*(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a13d16561812679b36e68185dc4b2d04d',1,'mlx::core::operator*(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a5287610200ff573730c9c92413f48881',1,'mlx::core::operator*(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a377ccc6b4ef36767abca102dca56dc10',1,'mlx::core::operator*(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a5d696b63635ce6967526d6a410f7f6b1',1,'mlx::core::operator*(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abe90e9527bfa3e1c813d41df4a2372e7',1,'mlx::core::operator*(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a5f14963c77f96bcb5a3bef5661a86ba4',1,'mlx::core::operator*(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#acfb06fe9f5fee01dbb5a2b23bccfd0d3',1,'mlx::core::operator*(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#afc9a87f1fccbac05242b91bfbb35c24d',1,'mlx::core::operator*(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0b9678af9b487900cacf6639a4693de0',1,'mlx::core::operator*(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ad5950619081389e6ed7512f38358d33d',1,'mlx::core::operator*(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a65d25d082374761c05b056e1046d1d4e',1,'mlx::core::operator*(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a759191fb984e7737f0ef529c2053ad73',1,'mlx::core::operator*(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a3a52675c3d4552b319dd9707844abdec',1,'mlx::core::operator*(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a45d67f5d80fba4d42e34c682a8d22beb',1,'mlx::core::operator*(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ad25880c67bbcbfafbe54dc16418bf736',1,'mlx::core::operator*(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a63c836e1141e07ae72cee770bad01200',1,'mlx::core::operator*(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a265a37b8ee4a97390213e9ec49693e66',1,'mlx::core::operator*(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab5a457da04dcb157a0b5172c4b2244b6',1,'mlx::core::operator*(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#aa56a8bda08be9ef3711496e216a75c95',1,'mlx::core::operator*(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af89612098dd355b1eefb841c753b36ab',1,'mlx::core::operator*(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a4552687a0637f710b5d55bb6378fcabe',1,'mlx::core::operator*(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af69db7def588d7da430434a69456e29c',1,'mlx::core::operator*(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a00af6e5095888f00791ee0ab6d993ad6',1,'mlx::core::operator*(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab48feddc1aa304383e5493923506ad7a',1,'mlx::core::operator*(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a0367b582e85162b4180e086f725e49e9',1,'mlx::core::operator*(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a45f0479526fbccdb00bc73ea7f3b7625',1,'mlx::core::operator*(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a394797646010ba9ef2a1f9b9a4b8ddd9',1,'mlx::core::operator*(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#acaaa86b59c7ceb2e092ac07f2a75225c',1,'mlx::core::operator*(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#a067d47823a322b88043cce7ce4a3ec78',1,'mlx::core::operator*(bfloat16_t lhs, float16_t rhs)']]], + ['operator_2a_3d_27',['operator*=',['../structpocketfft_1_1detail_1_1cmplx.html#a683fd490182c9189fa2c05b1823edd93',1,'pocketfft::detail::cmplx::operator*=(T2 other)'],['../structpocketfft_1_1detail_1_1cmplx.html#a06f2c26c6fc4722e61b44da4c242ed87',1,'pocketfft::detail::cmplx::operator*=(const cmplx< T2 > &other)'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7232b0a0e193b3c6172d6fc2578bf419',1,'operator*=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ade65ebca11e38d56408c512df89b99f4',1,'operator*=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af4348ce3425dd99d069e8fdf06e25a3c',1,'operator*=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2c3c5f793b3d957d7295d7f1faabebee',1,'operator*=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac66657077d55e94197b52b63acb50b7d',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a383165ea838cc3feeee4d9cf54aa77cc',1,'operator*=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab706af260b61f735b28464877d02137c',1,'operator*=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a979374b1dd4e0eaf602326fa901336d1',1,'operator*=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac815eec2c1b15a47b1c6ea6790e77d24',1,'operator*=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8110fae7bcc34a0de5927546b24aa935',1,'operator*=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae4acef3e7ae7dfe359422503f894e885',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adc268cdbc30500f3009f5de2b2f0f67a',1,'operator*=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a81f65b04a87a25c7eb1a751d1be9fa55',1,'operator*=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08c1f916302eb9d48c93f8b7260538fe',1,'operator*=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adc8e82b8f593b12c6d405e2250ab0f62',1,'operator*=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4611728172afea51860a77fdb06cafa0',1,'operator*=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0b8736e2ae24758b6e24ea72668df5b4',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad920df9579603f0b0ee2689eba330617',1,'operator*=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae97ab6c3ddcc2754b24f86319a5398be',1,'operator*=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3ff4ff59f411010ac8502cfabda4bd6f',1,'operator*=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abd3d82e2dec1847e97eb8fc3bab2985a',1,'operator*=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a738078eb7d5ff94ff48156a555d763a5',1,'operator*=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a435f2f4256aadb1b57fd62bb7f733cf7',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0e4377b120d6305335d296e031ee5b30',1,'operator*=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a917354f77eac26189da8a2f610a00074',1,'operator*=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af725f935bfa0405e5ff17ede3ac47283',1,'operator*=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7c56980c234a04260b8b19298085e526',1,'operator*=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab840ff9de0cdd0e9afffb8baa2a850a3',1,'operator*=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a73416a7415f3fe31525e33419e5e8aab',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a16978f4b16d954ef4d4cf0f32f6c0b94',1,'operator*=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a99aa4cc110d1c7aa3b4c8c5cbf9235b7',1,'operator*=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2179abbc91ce8763e96e39e1917bfa6e',1,'operator*=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab070ea4676d10a10ff3e9379a4068a57',1,'operator*=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0197e039d4c65bf49649a6f250c2d436',1,'operator*=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad3565cc6fd1e088d052b1108aa065851',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a711693988c437c2fb4d7da505982fe21',1,'operator*=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aeff4c28986f98c23de1df17043edb0f5',1,'operator*=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7dbf0c75df4817cb4ef8b60c417a89d0',1,'operator*=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a323a80492cd17a49e2c3dd18f8c8b5cc',1,'operator*=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adb465776d3868bda0525d632ffc4d129',1,'operator*=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a12a98d71d670b409b8065e0d61672d55',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5d00eb2ec2b0e15b2753d100694c45ae',1,'operator*=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1a2a683ff40490226eb1371fb905023d',1,'operator*=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4126fb7ed5bbb27a2332c543cf56a337',1,'operator*=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab092d9790ef20fc0386707530aee89db',1,'operator*=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abff1fd2439e31e6e64a3d2fdee3c7821',1,'operator*=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a625dcb133f1f953f263e6200399866c6',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08b6071245513e1726ec68e3b63edc53',1,'operator*=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a13aa79165ec87710e977f33fe0361e91',1,'operator*=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3796dcf819adb1ef8152f57ba63ff6b1',1,'operator*=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aaab79d0b4c9e9bdc059ace6ec58c5b00',1,'operator*=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a0dd3893abc8986901872c8365ab1509d',1,'mlx::core::operator*=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a3cc5c154e4ad9a83ad43da8513146fdc',1,'mlx::core::operator*=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a600e77dbc72e78207b5f5dbf4b298781',1,'mlx::core::operator*=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a54833be1d44bc3adfc9ea218fc3685bd',1,'mlx::core::operator*=(float &lhs, _MLX_Float16 rhs)']]], + ['operator_2b_28',['operator+',['../structpocketfft_1_1detail_1_1cmplx.html#a76447ef141c8732d57421749fc81b236',1,'pocketfft::detail::cmplx::operator+()'],['../structmlx_1_1core_1_1array_1_1_array_iterator.html#ae2adde594b5a4853f6bc78263a957d85',1,'mlx::core::array::ArrayIterator::operator+()'],['../namespacemlx_1_1core_1_1simd.html#aac6acd134f1498b4fb45fdbc882335bf',1,'mlx::core::simd::operator+(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a8b622c47d07b171b2303ea744bf72284',1,'mlx::core::simd::operator+(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#aed655ffa017ade5e0f954f906d9f7ae6',1,'mlx::core::simd::operator+(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a27dfc3843dbefbbebed5b7137bacbb59',1,'mlx::core::simd::operator+(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value+b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aa78806bf6a3be64b44e9a1f04bad3862',1,'mlx::core::simd::operator+(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a+b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a98b77f1ca24bff373f48ef62f0013a02',1,'mlx::core::simd::operator+(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value+b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#ae690b57b386cbad40565487d6d2393bb',1,'mlx::core::simd::operator+(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a417109cdd61f35954ba2cc37af9b4460',1,'mlx::core::simd::operator+(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#ac33643b5f3cdbd3be0fa7d5784e35007',1,'mlx::core::simd::operator+(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#ad6af5c6c5ed4898b49758618e5aee189',1,'operator+(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a09c1a797eb7f43742578680899932f50',1,'operator+(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a551b970f73bb4a3b287653021d000b60',1,'operator+(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a43a225e7e548bb041f3a5d844faaf0da',1,'operator+(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8b6c3fd9d068a2159084359df8b9b449',1,'operator+(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0a5bfe15d95ba540795f4c25ebfa4f07',1,'operator+(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa415ce182fe7582d885fe633fc3527ce',1,'operator+(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a62f891b7dbba0000749cf338f594bedb',1,'operator+(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab43932322f81bf322aa1b0deeee9a987',1,'operator+(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acd15d46ea5827a2a39898ccbb8352eb8',1,'operator+(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a006763fae6e0577fc168ec9446f0f747',1,'operator+(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a12a47e8ac0be788edff57ae0a96d7830',1,'operator+(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af87dfa2122e9c76042dc41fb7f338a87',1,'operator+(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af2737d09c887ee8cd43fdeabceddbe82',1,'operator+(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a12ff4f38aa8474bf76770c7b8e3e18cb',1,'mlx::steel::operator+()'],['../group__ops.html#ga26e5a043eaaaf066d1400adac9c11d0c',1,'mlx::core::operator+(const array &a, const array &b)'],['../group__ops.html#ga7d0ec8d01e7cefa6a6b25f11876761b5',1,'mlx::core::operator+(T a, const array &b)'],['../group__ops.html#ga7cc080a4f9d4a667f2099aa0dbfefadd',1,'mlx::core::operator+(const array &a, T b)'],['../namespacemlx_1_1core.html#ac14b984970cafd8fbe24d080949515cc',1,'mlx::core::operator+(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab076069c6f0047c548a8dc29d35dd36a',1,'mlx::core::operator+(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aab9d96b0a168f4d05146000a6212b5d8',1,'mlx::core::operator+(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac4e6f03d7e4ae701b4eefa784f36185b',1,'mlx::core::operator+(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a4cabd600a5271b0d416c91e8d31dd9c1',1,'mlx::core::operator+(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af26df9dc279d71b7cc10892c72162b58',1,'mlx::core::operator+(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#ac3b97eecec9bd8efb313f8f201560343',1,'mlx::core::operator+(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2e3bb121cbde30c2e6d806df0d41ff59',1,'mlx::core::operator+(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ac87ecce4b44b0826e666a169ddc6f878',1,'mlx::core::operator+(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aed3d9cd32698ef0fe65b1280f103b3f5',1,'mlx::core::operator+(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6fa13b9359cf3f575fbda5260e6e035d',1,'mlx::core::operator+(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af240a6471ff827819192808bffeb857a',1,'mlx::core::operator+(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ac25a05679f312b724c406d8b282803c9',1,'mlx::core::operator+(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a54863a54f258acf2b5c734950618e4e1',1,'mlx::core::operator+(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a9f81f5ea8909db9660197217612ee446',1,'mlx::core::operator+(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a13e26c38da0a4e332e0ae4eb0aed9cb8',1,'mlx::core::operator+(const std::complex< float > &x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a59bb13a0bb7f748c8de34415b248bc57',1,'mlx::core::operator+(const complex64_t &x, const std::complex< float > &y)'],['../namespacemlx_1_1core.html#a38a44c412c8be4c8b952d3082cc7db74',1,'mlx::core::operator+(const complex64_t &x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a011dbdbd2413e59e744cf82b05431340',1,'mlx::core::operator+(bool x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a230e3b7c479add1b171fa0aaa3a8b13c',1,'mlx::core::operator+(const complex64_t &x, bool y)'],['../namespacemlx_1_1core.html#a3a6f43c2485f0d42293184f1aecbeaee',1,'mlx::core::operator+(uint32_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a766157c5d5d00fdf3da95eb7cb2981b9',1,'mlx::core::operator+(const complex64_t &x, uint32_t y)'],['../namespacemlx_1_1core.html#a64dceec2bb03eee963a2a1bc1ac69284',1,'mlx::core::operator+(uint64_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#ae36badb78a17cd7d13663a69645fc328',1,'mlx::core::operator+(const complex64_t &x, uint64_t y)'],['../namespacemlx_1_1core.html#ac1afa5d4c856e4b58109eff086e70ffd',1,'mlx::core::operator+(int32_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a8978def3c2cfe2a96314d564613b80db',1,'mlx::core::operator+(const complex64_t &x, int32_t y)'],['../namespacemlx_1_1core.html#a5b8af5ca4c0e37aba0b7530542bd64c2',1,'mlx::core::operator+(int64_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a3eaa72850205c18450c3af9a01cda219',1,'mlx::core::operator+(const complex64_t &x, int64_t y)'],['../namespacemlx_1_1core.html#ad38b38a3faf050735d45eed4438ee27a',1,'mlx::core::operator+(float16_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a358e66ff205bda3e8542427b6d2edadc',1,'mlx::core::operator+(const complex64_t &x, float16_t y)'],['../namespacemlx_1_1core.html#af56d4b85e329e39a825c01a50e3a2522',1,'mlx::core::operator+(bfloat16_t x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a806a495a129ebaab69cc57ca7db831d6',1,'mlx::core::operator+(const complex64_t &x, bfloat16_t y)'],['../namespacemlx_1_1core.html#a09fc6ebda917969383783a112a8547e7',1,'mlx::core::operator+(float x, const complex64_t &y)'],['../namespacemlx_1_1core.html#a7ed0e2cdb65612f54e67166762cb6408',1,'mlx::core::operator+(const complex64_t &x, float y)'],['../namespacemlx_1_1core.html#af7577c91b8c43682f0ebc9eb9758aae4',1,'mlx::core::operator+(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#abe36af9951afd8dd3ffe90ceedeb7f2b',1,'mlx::core::operator+(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#afb9f780dd056a4f975518f71a3b021ee',1,'mlx::core::operator+(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a6a8e093b24c4c789b7cd160f7e7f7de9',1,'mlx::core::operator+(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#af3a603690fd3de9e4f7f2035a4d25621',1,'mlx::core::operator+(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#afa2a4bccfeea9688ac922cb638341511',1,'mlx::core::operator+(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a6111e94d51de12391e5d68b765f28fc3',1,'mlx::core::operator+(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7c7dd6d346e0cdf398a896f2c6958258',1,'mlx::core::operator+(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a00872a443f462b0ae0a30c84fb001bc0',1,'mlx::core::operator+(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a4f5d80d03bae6d8d90455d3c47a8c116',1,'mlx::core::operator+(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a78f1f388f9d81ed93f60311f4645d8d0',1,'mlx::core::operator+(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aa43e1d6958c5d5a6fa9a625a1660e741',1,'mlx::core::operator+(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ae877e1d5e3cf57734da8b49535fe3fb3',1,'mlx::core::operator+(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a9a5ae769f67f886d59c8e292a8218550',1,'mlx::core::operator+(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a058878237ce50baa4c909d8d15448d7e',1,'mlx::core::operator+(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a95fd207028f125eefbafe9e0522407fe',1,'mlx::core::operator+(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#abc6425a3fbb386f5ea5964b42507e989',1,'mlx::core::operator+(bfloat16_t lhs, float16_t rhs)']]], + ['operator_2b_2b_29',['operator++',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a3efe69356a84d0d4438f033992fcbd9d',1,'mlx::core::array::ArrayIterator']]], + ['operator_2b_3d_30',['operator+=',['../structpocketfft_1_1detail_1_1cmplx.html#ad4e69dcd89bdb7764c9c5807168f911e',1,'pocketfft::detail::cmplx::operator+=(const cmplx &other)'],['../structpocketfft_1_1detail_1_1cmplx.html#affa618d8850a7c232793b7c61db6d184',1,'pocketfft::detail::cmplx::operator+=(const cmplx< T2 > &other)'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab04f480aea9fbba0895068c7558dd400',1,'operator+=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a251780ac4592cc2b1a543e417ff57770',1,'operator+=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a24381d991c2d570aa953694f396a69b5',1,'operator+=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7595740d4cc12924905d6bd1b99ee4da',1,'operator+=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac1498acb8c3623b5f412f70ab6a6528b',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abce5ab327110c164f054b43ed47f79a0',1,'operator+=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae0c70198e236ffe1a98f79987c686419',1,'operator+=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a13b3338935440ae51ecc4a356093efc5',1,'operator+=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5a0cb8544b4ebd2906ba8e7f2868e8de',1,'operator+=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7b134429ea0c8493800ff8b465410f9c',1,'operator+=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4154f90ab7857ca856f9e15fe1bf5acf',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab9ae6a51e2027b02cac9966e05f3ba68',1,'operator+=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab93ce536eb7998bee00de4af868e31a9',1,'operator+=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad0ae9e2b4874f991a2c853e1c1fe735d',1,'operator+=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a194a6670cc25ade35a24b566f31af785',1,'operator+=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3d0d689516c99003659c5d026847bd2e',1,'operator+=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a007f58508b98bb79e5c323ed0dec89b6',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa7198e580e2a83c1fd01a4b6fdf86a80',1,'operator+=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a15573fefd880adefbba079b1c1bd8082',1,'operator+=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a104cf94cb9e359d1b6ef92ced2ce0c27',1,'operator+=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa04cfcb52191fd23205a1a3572b46ae0',1,'operator+=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad684bc2ae1a2a627cd3e4a4c641e2d77',1,'operator+=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad1e28448e35f4934075b397c34ba3d66',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8ad16afd7f1711de83c0cec5af868f76',1,'operator+=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac45e9ca0c7155caebe3d0f7261518077',1,'operator+=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3c62ac679d6aa515144d40ebafe4a188',1,'operator+=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9ff5ab3aef1057fa083b53a65c8aba03',1,'operator+=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae74bb0a3c12cd1a23f3d29ce307d6fb1',1,'operator+=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac188bd19f236b098d603b0d8acd08921',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aef9fa600d107b509f2e3df7d6b080e01',1,'operator+=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af5713afb3a62967a02c3c20661951ee4',1,'operator+=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7f1b84352a3ed6171444a43da1fc7e92',1,'operator+=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af1983edd26245e6e51c6e47354095e32',1,'operator+=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8cd55d1a579540eb450e12a8a8a950be',1,'operator+=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a588ef0f7e03f306758524d378278976f',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a74751abec7086f85f4f26ced44f1ca1f',1,'operator+=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4dd3cf0e5aa116ff330352a50c18cde7',1,'operator+=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afb9a0e18c0e40c77e6143fb7d84ebfba',1,'operator+=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adf0cfd9a608a6fb3d57933e32e7d81d2',1,'operator+=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4bd92db6c8b9b5dc96332c7ae3eff8c7',1,'operator+=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5d628a5bc4fa755610392f47a523a1f1',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7c790442f77f2437b482c4a55e224fc3',1,'operator+=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a77bab4481b41be50297b257e95058706',1,'operator+=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7816a97d16b1d2f8a90227bb1da2f6ac',1,'operator+=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac244d140c6149726ea44174d3e836ca3',1,'operator+=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af802541c4c65ee4442acd495de4d27fe',1,'operator+=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac06eb2fea47a09a8a8abdaa1aa9b4603',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5263b2463fecdc97f9521d00bffea059',1,'operator+=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a24ca436ab299a710263d65302532dd3b',1,'operator+=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aee1bdf0ab2e445293708b476e8cfde3b',1,'operator+=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a190e27077f0fba642a86f5c8f488bcc2',1,'operator+=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a9f2c9d2f21fbf9fbbacd940c6967c9d1',1,'mlx::core::operator+=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a0b1b3c48afc0a785282e43435bba8418',1,'mlx::core::operator+=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a7b763db8194e6fcb1b87eab143dfa47a',1,'mlx::core::operator+=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a827167f6a1ae55428fd218ddd51ec3b6',1,'mlx::core::operator+=(float &lhs, _MLX_Float16 rhs)']]], + ['operator_2d_31',['operator-',['../structpocketfft_1_1detail_1_1cmplx.html#a460da5db36d1c72fb1ed3496fd3abde4',1,'pocketfft::detail::cmplx::operator-()'],['../namespacemlx_1_1core_1_1simd.html#af5be79b8dada8f8e91ae7c03c16606ec',1,'mlx::core::simd::operator-(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ad5761065b4a655cd086d88846ae08d97',1,'mlx::core::simd::operator-(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#acc490f7f5195acfa7b7c5df7afb39438',1,'mlx::core::simd::operator-(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a678cddce777549a39474449d56fd1de6',1,'mlx::core::simd::operator-(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a70563bcd6c28802d11199812ffef38c8',1,'mlx::core::simd::operator-(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#ab1f7f553d3a9176a70404a29cad06619',1,'mlx::core::simd::operator-(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value - b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aa73282cb05b65b931b97ce35c46bae20',1,'mlx::core::simd::operator-(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a - b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#ab35a129d6e31b86c06b61252c7b26d4e',1,'mlx::core::simd::operator-(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value - b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a727a13b3d26f9e7cae7f091105867904',1,'mlx::core::simd::operator-(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a6e39cc693b30ad8e530392baf4bb5b0e',1,'mlx::core::simd::operator-(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aad9cc064528e4189a5b7dd816a134ae6',1,'mlx::core::simd::operator-(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a7434ba1ab2ad798fe8557a9b45035e81',1,'mlx::core::simd::operator-(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a226cfd54d49f02e35c5aab3139c7596b',1,'operator-(complex64_t x): complex.h'],['../backend_2metal_2kernels_2complex_8h.html#af5608264cf920688607059b4e8cd3117',1,'operator-(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6aedc8d6d0980134ac69b96f22d9a855',1,'operator-(_MLX_BFloat16 x): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a333f67614dbf8027439a7e124052cb85',1,'operator-(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a891aa4bf46c20a26a55061736aba25f1',1,'operator-(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7ad7ff44a3200853711869f7a577d931',1,'operator-(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af69ef8f1d8ecae0e6f755bf1c46cf075',1,'operator-(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5bd875a54b79b2dcedf674807c3e53c5',1,'operator-(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab02f8646b47806e1d2038f248df03f06',1,'operator-(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab27b26182c7c6e08af37e6d511fd9253',1,'operator-(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5868c85c988ec3432cf86d7df40e464d',1,'operator-(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad03ef47e6cc7521bbfb45740dee20f88',1,'operator-(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab789f8a400512ff27e36b3373170f0c5',1,'operator-(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7f601b22ecc480132d82ad782e5363bf',1,'operator-(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a152366ab4e2ccc867e919af6c74ced91',1,'operator-(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a42bead8ef0beb9f3452128d64cd4df9d',1,'operator-(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aca8ef21c16984ccb329b3bd0c1e4be48',1,'mlx::steel::operator-()'],['../group__ops.html#gade2eea48989f4caaf36e89f7bd2a8816',1,'mlx::core::operator-(const array &a)'],['../group__ops.html#ga0c7f3cb36d4ca516c7a33142f88b9181',1,'mlx::core::operator-(const array &a, const array &b)'],['../group__ops.html#gae68d3d0691ba951501218e98439f3465',1,'mlx::core::operator-(T a, const array &b)'],['../group__ops.html#gaf5e5d882c51ad0a0ea315c274d5439b2',1,'mlx::core::operator-(const array &a, T b)'],['../namespacemlx_1_1core.html#a622ce842fe44e4b6a95e03242341b459',1,'mlx::core::operator-(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#af32a99d930d49e9b178472d7a65531ab',1,'mlx::core::operator-(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a3555a2b31fc0925850d3240e85e03ec5',1,'mlx::core::operator-(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a46080889fd9e5c3f9916508e97dff5ad',1,'mlx::core::operator-(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a9ca27fd1e512c8ed126342e565da12ae',1,'mlx::core::operator-(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a3803f8d36558d32bb7dd6e580ea683b4',1,'mlx::core::operator-(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#af5d865528989ca66b3d357e5ce4e0300',1,'mlx::core::operator-(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#afb784b960f55aeb4edd7f567fa74d443',1,'mlx::core::operator-(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a29cbacf4b399c24728fb0808fad498f9',1,'mlx::core::operator-(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aececc0e451237aa6c0d1a2c3d828c86e',1,'mlx::core::operator-(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a383a26cc2689c98fd6c4435ade8dc669',1,'mlx::core::operator-(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad6311ef8df59bdfb212b5cf8169246b2',1,'mlx::core::operator-(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a23b7329bc1c93c8ac0a1f576565fefb0',1,'mlx::core::operator-(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad8d650bf63998abd716ee0ca28e1cbb9',1,'mlx::core::operator-(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a7339b33201254e9119d99d3a728ded72',1,'mlx::core::operator-(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a064318b7a16e5cb6d0a6407501b5c7dc',1,'mlx::core::operator-(_MLX_BFloat16 lhs)'],['../namespacemlx_1_1core.html#a7bae3ff296d9a60ff3c7e448f7fbc6bd',1,'mlx::core::operator-(const complex64_t &v)'],['../namespacemlx_1_1core.html#afb5069ecebdfd9d388c26f83df12c93c',1,'mlx::core::operator-(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a8d126e3f3fa9f8c1c1ae1b09f94df487',1,'mlx::core::operator-(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ad04f1ccd2cd7c487a2f2aaa055939f64',1,'mlx::core::operator-(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a15eb2ea76508ff823fa0591e811d0b7d',1,'mlx::core::operator-(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a96d9577db38d6809d022893e32feeda1',1,'mlx::core::operator-(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a5d9c02765c1672930757416411567bf2',1,'mlx::core::operator-(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a6105d3b5266666b7c6bb9469285a9ec3',1,'mlx::core::operator-(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a777aa772dfb205b25d26f3180d98a2f6',1,'mlx::core::operator-(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a085eb092f4ada47f8169de62886cff90',1,'mlx::core::operator-(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab25e5d211e2c8785b45c3a81a6282e2b',1,'mlx::core::operator-(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#abf5d09561a81b0f0b32d59d77e32e16f',1,'mlx::core::operator-(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a4ce6867dbb4d1631d1870dac14022dbb',1,'mlx::core::operator-(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a8a049e646e0442064cfe9e202d7047c5',1,'mlx::core::operator-(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a78e2a1cfc65453185bcca13bd4f523cf',1,'mlx::core::operator-(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#af143cf68673e06390d4bb2ec2892bd22',1,'mlx::core::operator-(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a46d502dfe0b027955950d4e716c2eb26',1,'mlx::core::operator-(_MLX_Float16 lhs)'],['../namespacemlx_1_1core.html#a2631e78c6f0a602f6754ac577ec75f83',1,'mlx::core::operator-(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#a73d79cbd75d543d0837b8a51bf103f9e',1,'mlx::core::operator-(bfloat16_t lhs, float16_t rhs)']]], + ['operator_2d_3d_32',['operator-=',['../structpocketfft_1_1detail_1_1cmplx.html#a12441ff423274bd1b54245933d69ad7e',1,'pocketfft::detail::cmplx::operator-=()'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab225043bd02bb423930bc98aae9c2bca',1,'operator-=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac2f1e1f2365cfa531b1519aa9ff67695',1,'operator-=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a513501355a5912a1263fd8b10864142b',1,'operator-=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab4f4ecd62c3d8b3363d02019573dc9f1',1,'operator-=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a92d1348f201d78fcd474f75d5b23ef68',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3eefe9a7f5fb226335ea687012f32d5c',1,'operator-=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aef62c7e3e494b6a511a7833c0d942a60',1,'operator-=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad30726cc8b69fd300d33c2a46e123c28',1,'operator-=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8859b5b8dc241e4f58243c85d2630cc8',1,'operator-=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7003e1e5881e3d106257f22b6a3e59fe',1,'operator-=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3165e37d393be50c2cfa9ddcba153684',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a76f5bd895b7214cbc3cea3440992718a',1,'operator-=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7167343d90eb70e5a0d5fa9ec5398e94',1,'operator-=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9b31c363ebc93d592b6fa0e27b00335a',1,'operator-=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a967a1d7b5664f616e5b6f2d257367f0c',1,'operator-=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aff19193e1b2cee29a8737318e95cc74a',1,'operator-=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aede0cc4179507b739849948f1a2fed4b',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7e1a6056f9c96f3c89fe204dbf103be5',1,'operator-=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9d06cceea5c179bcc608452188bd7d6a',1,'operator-=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0aa9ffe056f49fda181bbacbd60556ea',1,'operator-=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ada5685d99c2d6708d1c4ef826d68e879',1,'operator-=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a726cecf778b8584b6f7c37db1b064576',1,'operator-=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3816a35f8468156d59c239256c12dcf3',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa332fae098e7c6dc23b98bc0026f1070',1,'operator-=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afb3cd302e0b78902c62111dce4494fe8',1,'operator-=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abb884888f14086cc674657677cb4b8bc',1,'operator-=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a38bb89f925eca4f9c042f6ee7a2c0193',1,'operator-=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac30c580713f354916088a7dc049ae4cd',1,'operator-=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a715c824ee8c87e0256114a85624d9949',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7bc91aaaf476a37063264d1d53d862cc',1,'operator-=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab155f418f15cabd86ff942c6f9472ddb',1,'operator-=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aaa66dc6d7b2c5efbfaa97ca9c7872bd8',1,'operator-=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a696978d9401e09200045b2d8aad045c2',1,'operator-=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae998d8f423a9fb73405cfbd4b836bc72',1,'operator-=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a279d09ab8542f1c1a8dc8173b65946b6',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a491dadfae957cd7cc0c36188d910f6f6',1,'operator-=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9a837c3b9c4e42f53d7cd1ed0d266e2f',1,'operator-=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acf7af2284269544064b68e807064bba4',1,'operator-=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a28d297705e29009197418546ef435393',1,'operator-=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a948579a4d9ba276523190b03b09578fb',1,'operator-=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5a4b98a0a11db5b77cf9168df37c8bc7',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31a3d8f2ff8038f7e0d717845c039808',1,'operator-=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1dac193d9f1c8c0eb4473441895f8c58',1,'operator-=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad2817d53fdd4b112babfb6f0b38c8f39',1,'operator-=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa705d87cf4b78e9d7c6b07dd0c66cac6',1,'operator-=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a542affc376726840647a6e93acf2c1a7',1,'operator-=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#add18cfe4c0d38e95c6dff6bab3e7a932',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab1de7e7e7304ff3598925d2e69134764',1,'operator-=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0d3fb52437c677c5d0f1a3642384b15c',1,'operator-=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adda64cae388baac1f138b06dc8595237',1,'operator-=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af20874a61c6c3f4c3fd045a96e806644',1,'operator-=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a8b8a55690df46d97fcfc2a60120783af',1,'mlx::core::operator-=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#ab03949b1f60fa035ce454a894cd73ae9',1,'mlx::core::operator-=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#adaf70bbfb3667df0d08fd3c99896e20a',1,'mlx::core::operator-=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a321c98e5a78621d3c9a3895f707f2f1c',1,'mlx::core::operator-=(float &lhs, _MLX_Float16 rhs)']]], + ['operator_2f_33',['operator/',['../namespacemlx_1_1core_1_1simd.html#ac86a54a5e2ccc79bc92739f143bc0bef',1,'mlx::core::simd::operator/(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#ac5d10f465c21ab259041042ff0159187',1,'mlx::core::simd::operator/(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a18a2689f4ae197c5b204fe9b3370da4c',1,'mlx::core::simd::operator/(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a1d45c3b97cecfff86a2e43ae1f7fa185',1,'mlx::core::simd::operator/(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value/b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a89be64949908f19dd42aa7e38b320b0c',1,'mlx::core::simd::operator/(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a/b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a1c61bd3ac3ec5d8d2da65b45d59f543e',1,'mlx::core::simd::operator/(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value/b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aab8837750c84794369e630d8ea0b408c',1,'mlx::core::simd::operator/(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a0585ea196b665710115e48b7ebef0fc1',1,'mlx::core::simd::operator/(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a075f637ff3f983ada0fd6288ab8d91d7',1,'mlx::core::simd::operator/(T a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#ae6a708f67d6fd9b0962aa8877cec6d35',1,'operator/(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9f16a44e1c9836ca57edc1d7b93b5d7c',1,'operator/(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aacaedf12f862c76457133336dd6fc446',1,'operator/(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a584a513596de20663dad951a5b81695e',1,'operator/(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad8f7b11669736fbd6ed2e28211d877d4',1,'operator/(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a59515695ebc48844345fa5120511aed1',1,'operator/(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8c8ac6736440fdca366ebdefe2a12b9f',1,'operator/(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad6859b04680d0d26d75fd6c4dd74ee24',1,'operator/(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4720cc79ab2b8e39952ea9ef20e51250',1,'operator/(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a72d10ec0e62949247da129eb3a83fb9b',1,'operator/(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad6399ba2b8708899739b4cdbb44add8d',1,'operator/(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a998b1ba877a606aedf722ab46b290403',1,'operator/(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa3277ae33976c70f7bd937ddff027b72',1,'operator/(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa708a970a200822c99c0489f389469fa',1,'operator/(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a6bde717aca2051499f73a3eee199bfdd',1,'mlx::steel::operator/()'],['../group__ops.html#gaeedf77f722b394429f1a7f6c367883bf',1,'mlx::core::operator/(const array &a, const array &b)'],['../group__ops.html#ga7366ec7f453be2a4dc449f0faa1bf554',1,'mlx::core::operator/(double a, const array &b)'],['../group__ops.html#gadfb324ae9b4feb2c7ea0ac6ade639f38',1,'mlx::core::operator/(const array &a, double b)'],['../namespacemlx_1_1core.html#a7573ac3b93ddecd69e9c88a26fc84ba9',1,'mlx::core::operator/(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a40e868dad70401d9aa9ee9c32235c315',1,'mlx::core::operator/(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a7587c28fbd2023b134e5fc12bb0dde23',1,'mlx::core::operator/(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a92cdd377c408becf4cf83c1ee9b7085d',1,'mlx::core::operator/(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#aef89566301cb133d98c8e7bdd2b7bec6',1,'mlx::core::operator/(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a94e7b51185590492b46916685641276f',1,'mlx::core::operator/(_MLX_BFloat16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a04584788c08180835219d0ea1e2b97b1',1,'mlx::core::operator/(bool lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad5af96e2ff09d207eb1e1980fe3e7c2d',1,'mlx::core::operator/(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ac2217bf760038cd011781158923149ed',1,'mlx::core::operator/(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aea414c04bddc4b9b609262e97398f1b4',1,'mlx::core::operator/(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a27fe23230cd082c0363b9451b731ce6b',1,'mlx::core::operator/(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abdd9bb8fb4411e5924f3eb7ef1bb52f8',1,'mlx::core::operator/(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a50bae338a7353f8b0ed3441071bb0cf6',1,'mlx::core::operator/(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aab26a3284dd3ac7d47c8b5b3a3290ce3',1,'mlx::core::operator/(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a749f48db01de38f259a0c6750a97fa77',1,'mlx::core::operator/(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a32a6a08a2a4652975b0a1bd1fcf3eafd',1,'mlx::core::operator/(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a4b66fb38ddc5cc0c2489583d5c499602',1,'mlx::core::operator/(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a45726f1905b709cf8253e6efa046027b',1,'mlx::core::operator/(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#afd4170c1e364384f30e6bae341146fa6',1,'mlx::core::operator/(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#aef85739d150b9d5609973da8a3f1086a',1,'mlx::core::operator/(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af52a941f8ed9b25eec91402c7b9e281f',1,'mlx::core::operator/(_MLX_Float16 lhs, bool rhs)'],['../namespacemlx_1_1core.html#a477cade78296bc85894170f62db68870',1,'mlx::core::operator/(bool lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a22f5a2257e11423fc2fe18e2dce91590',1,'mlx::core::operator/(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a640d3574dfe6ad934c720ae8bdd78bfa',1,'mlx::core::operator/(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a6f65d8fd0cdddc96fc01f6af95804873',1,'mlx::core::operator/(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a517019d42d4e426b7b98e1c719bb47ce',1,'mlx::core::operator/(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a0beb7a223c542015a4eff4aed814a9dd',1,'mlx::core::operator/(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#abc9b1bd5018d46514bc19d23db2e5063',1,'mlx::core::operator/(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af22937df654ddbd6e398ef12764d18c0',1,'mlx::core::operator/(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a775aed5f49b530c57e71cbac81404d45',1,'mlx::core::operator/(uint64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a97efcd96d6be666e5608034ae77289ef',1,'mlx::core::operator/(float16_t lhs, bfloat16_t rhs)'],['../namespacemlx_1_1core.html#a899851f85dbddd96f9d36319b82542a0',1,'mlx::core::operator/(bfloat16_t lhs, float16_t rhs)']]], + ['operator_2f_3d_34',['operator/=',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5aa3b8c68a2b58d41ea33eaabbf83095',1,'operator/=(device _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a90a1c5130db515db48624d8587edbb91',1,'operator/=(device float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a65f30a2dc199134e35bc7c5d431b2263',1,'operator/=(thread _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7172d84db640e6c49dff0d08dd64b53e',1,'operator/=(thread float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acf7cb9927bf09022088401923f2e1916',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a86b2a001cbec0d3a8d762a3c7ff47b0b',1,'operator/=(threadgroup float &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a744f72ba83522fe3cc2a49a007b42543',1,'operator/=(device _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a77c678665b34df7652dcde053ca73185',1,'operator/=(device half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae0614b6b199d8a65ae95d4621b118b82',1,'operator/=(thread _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa846fde89c7d2d18b18ef180a8a9c8a3',1,'operator/=(thread half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08e778be18e4a291c108fcc528b981d3',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a6b9e49ad9ea256d2d0220c0d81552602',1,'operator/=(threadgroup half &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab933bc3cdf9adfea10ab9dba5292c812',1,'operator/=(device _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a25e7c5d2ecf3375756d59074f333858f',1,'operator/=(device int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4ae4a80fde67eea9a0a37b2803946544',1,'operator/=(thread _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a912393b7208fa45bd1e87f30b218b68b',1,'operator/=(thread int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a18963246f2b640874bef6dca7049f64d',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, int16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0e2c2c2cb50b3a55ff213f18978aca35',1,'operator/=(threadgroup int16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a64f1136b17006f168ef837e17240814f',1,'operator/=(device _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae46d75b8046d557452d74513f1106710',1,'operator/=(device int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08d2460e259b9106d90d889481ad60d5',1,'operator/=(thread _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f7fd418408806ef498745c6fdb2c062',1,'operator/=(thread int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac703495cb370b52526a5a2d36ae26038',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4ca11d43174baf0a729f93b35eabcbea',1,'operator/=(threadgroup int32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9f835a0a80c411580c97b65fdc5bdfd3',1,'operator/=(device _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a17f47ec9cff60f8e1b3477a2793b7ac0',1,'operator/=(device int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5be23e296bbed3a885586a6424b1666e',1,'operator/=(thread _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afba39221eb54e272aae79910b3cd7ef5',1,'operator/=(thread int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac057d95a2bf087575584aa6f9a2c6bf5',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab986ae2cec780a1f494b7b4468b7ba11',1,'operator/=(threadgroup int64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a44522c2304c6396bbe6b9d32000f4b6f',1,'operator/=(device _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aef8e7e499ea9d432aa743d83c076f945',1,'operator/=(device uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3a0a3edbf1ba2314551454059c3f422b',1,'operator/=(thread _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acb9f0aef9fbdfde8a4f46e33b0d6c52f',1,'operator/=(thread uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a303dfcc81ffd355f866f863d7d9f0fa5',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, uint16_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a359edd4bcb8776861ceb26a3005624c0',1,'operator/=(threadgroup uint16_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#adc9f32cc6f40768df4285fba2e4783c7',1,'operator/=(device _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae71f66d814a03f6377c9d86cf0a2b5d7',1,'operator/=(device uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad0125b6baba3065a87a174ec27aa9a61',1,'operator/=(thread _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5cc74ad3e522d7104e6e2117751151ad',1,'operator/=(thread uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab3b594321fb42b0c2da99954d1e0976c',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4a0023e2fd08875156cd6ef747fbb5cd',1,'operator/=(threadgroup uint32_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a4358ee606e66ba2081fcf94f9c3b5915',1,'operator/=(device _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ad1e7ef6f065695d4b1d017547b60ef62',1,'operator/=(device uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a284dfc702f0f67b9c233b87162eeabdd',1,'operator/=(thread _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab8f211ea896fc5190004f3ad6ad8932f',1,'operator/=(thread uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7e1bcf3bc06cbcbc304c0cdf729802bc',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abbe42648a46092137b303ccd08f7df86',1,'operator/=(threadgroup uint64_t &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af1a12a1efb618a57da6dd41ae18cb53c',1,'operator/=(device _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a94686039356dfa9aa45608a8b0562fdc',1,'operator/=(thread _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa251d6483d3b099d1b5311fbe6f0bce2',1,'operator/=(threadgroup _MLX_BFloat16 &lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1core.html#a045ff27257cb6d8ab7a94771ba5a17e6',1,'mlx::core::operator/=(_MLX_BFloat16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#a58112951a56a0f9f8c90b60fe74f9508',1,'mlx::core::operator/=(float &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae736defc89a04fbaf7627ad2695bb838',1,'mlx::core::operator/=(_MLX_Float16 &lhs, const float &rhs)'],['../namespacemlx_1_1core.html#ab1f260710251256ef737dd59be9e143c',1,'mlx::core::operator/=(float &lhs, _MLX_Float16 rhs)']]], + ['operator_3c_35',['operator<',['../namespacemlx_1_1core_1_1simd.html#a6cd6e41660608d17ca8d38658d5e385c',1,'mlx::core::simd::operator<(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#ad9bebf95b37fa0c6517be82af5ccd4eb',1,'mlx::core::simd::operator<(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ac962a14c88c87082fc70a9c0370f35b0',1,'mlx::core::simd::operator<(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a23b59272b0760326844fffe20db9b3e2',1,'mlx::core::simd::operator<(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a01259c9188e6ecd48979cdc2fd766372',1,'mlx::core::simd::operator<(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#acf35d81032bb9043804fd1de43540f60',1,'mlx::core::simd::operator<(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a3f63139b42029ba8d7b3b8ef10f5ac96',1,'mlx::core::simd::operator<(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aaf29bfdcfdbb9a0acb9f4a6ed622868f',1,'mlx::core::simd::operator<(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a9e0c9b3e986809be5e87aacc4612bb8e',1,'mlx::core::simd::operator<(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a67674e32596a9dae2258bb8e0e6a2058',1,'operator<(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9ef6a57b7185e9ca49e255fec1a44e25',1,'operator<(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aab02c65bc38ea66335b2192ead4095a8',1,'operator<(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae91686513e284bcc9635833744bbdda1',1,'operator<(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2486f3b5de85b0d57f458d8f21f82b42',1,'operator<(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a435a2aec4c777b4b184ff5d24992e8a1',1,'operator<(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abdd04257e6a73883b5f56f1186d0e906',1,'operator<(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a69984aaa05ae1d4fccccf7f57e8ecb4a',1,'operator<(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a501cc01d5bf15d9f03aa28545f9624ea',1,'operator<(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1b029e4ca72125a5f9471f582c819705',1,'operator<(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0736a76f56578d26ba1422dc8b744a18',1,'operator<(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a24b1fa8998c892f90f8dde7c34fb10a5',1,'operator<(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af80ff2020ec2c4b406c5fdae3fe55e63',1,'operator<(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac03f6eefb836373d37dc280b0d813d78',1,'operator<(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#adb5f24b57d98214fc215a06475f21412',1,'mlx::steel::operator<()'],['../group__ops.html#gaee41e2b8f61d563200ff03575ac1d6c3',1,'mlx::core::operator<(const array &a, const array &b)'],['../group__ops.html#ga1ef8ea11cf15ce628c54201fa42748ef',1,'mlx::core::operator<(T a, const array &b)'],['../group__ops.html#ga95e72226dc7a79c40b3d16f990922050',1,'mlx::core::operator<(const array &a, T b)'],['../namespacemlx_1_1core.html#a987d631e1508e8df55d98ddd57e4d086',1,'mlx::core::operator<(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad3fb46370cd8f0992866fad9e2c64a3c',1,'mlx::core::operator<(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a3026691bf7ee5095243a8611bf3411aa',1,'mlx::core::operator<(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0d42d6c1d5f77a96e2f296b8ebd79ee6',1,'mlx::core::operator<(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ab5ce08a7de0a0ca00d61f7a7f8ea3ab4',1,'mlx::core::operator<(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abce8b7f24b61e5ec0f9a3afe20845caf',1,'mlx::core::operator<(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#aff97612627ae1ed260c43c0a7af0d306',1,'mlx::core::operator<(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a9119e518234df7923cae2b3802d59bf2',1,'mlx::core::operator<(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#aefb9b05ce8864ada99a920ab32017b89',1,'mlx::core::operator<(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abc55f3676c2d112a6e9ab276bd6b1796',1,'mlx::core::operator<(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#afe6581a2c45f24d7fab1e4006c1e3c70',1,'mlx::core::operator<(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aca1d50cdd9506481dcc4cd1ad4a4f734',1,'mlx::core::operator<(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a310720f513b6a2490e9df80c65f1bfb3',1,'mlx::core::operator<(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a29e457a170b6cefb6ba1e394c96c6f7b',1,'mlx::core::operator<(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#afd4519985b6b207ec41ad8530d1036df',1,'mlx::core::operator<(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae1e41ca94022e43a00cdfc5845102daa',1,'mlx::core::operator<(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ac80f4022bffd95b57526685ce8e1cbc1',1,'mlx::core::operator<(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a3a8f6f0af477788c4f0aa98abfc5f1ab',1,'mlx::core::operator<(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a3728ed9b6cbd152bf675251a0501b466',1,'mlx::core::operator<(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a5b9ad811a5e1358100c5423dd70ea387',1,'mlx::core::operator<(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a5c77e1db83995d3e06a8a26265bce5d6',1,'mlx::core::operator<(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab8a0a3f70664049b35ce1887bd8ff5c2',1,'mlx::core::operator<(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6652d93bfb2d426e261a1712a181a4d2',1,'mlx::core::operator<(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a03758b8d13da2de07cc4f4fc45d2854b',1,'mlx::core::operator<(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a325161b81a9ff179fd37d949780a17ba',1,'mlx::core::operator<(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a92eca79fce8233e4299343eee3996511',1,'mlx::core::operator<(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#adb016662b8f7eb680abfe1a421eabe72',1,'mlx::core::operator<(uint64_t lhs, _MLX_Float16 rhs)']]], + ['operator_3c_3c_36',['operator<<',['../namespacemlx_1_1core_1_1simd.html#ae21cbfd232edd7fe0f6f6c9fa11a354e',1,'mlx::core::simd::operator<<(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a56fccba38270fe3ae9fa7b2ecdeb5e87',1,'mlx::core::simd::operator<<(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a4ecd782ffa497ac7dc2482a232b0dd00',1,'mlx::core::simd::operator<<(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a33232e2342d5a3e542c9428924a25830',1,'mlx::core::simd::operator<<(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value<< b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a50044315dc365f026830416f6b615c77',1,'mlx::core::simd::operator<<(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a<< b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a68e7b952915e629d246d1ffac98b54ce',1,'mlx::core::simd::operator<<(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value<< b), 1 >'],['../group__ops.html#gad656c30f9fd7d9467e405657b325aa7e',1,'mlx::core::operator<<(const array &a, const array &b)'],['../namespacemlx_1_1core.html#a1e5c30e316afa30c14bc48b92afdb794',1,'mlx::core::operator<<(std::ostream &os, const Device &d)'],['../namespacemlx_1_1core.html#a4ddd07021b36c848d6fb1dd9ac276822',1,'mlx::core::operator<<(std::ostream &os, const Stream &s)'],['../namespacemlx_1_1core.html#a0023c267cf81345fad65e7a797954cd3',1,'mlx::core::operator<<(std::ostream &os, const Dtype &d)'],['../namespacemlx_1_1core.html#a1fd58658474fb842d648dcf8f7d9f078',1,'mlx::core::operator<<(std::ostream &os, const Dtype::Kind &k)'],['../namespacemlx_1_1core.html#a123331f01188bd76e37623b63b6b4340',1,'mlx::core::operator<<(std::ostream &os, array a)'],['../namespacemlx_1_1core.html#a4e733bba89760abed32393e085812b22',1,'mlx::core::operator<<(std::ostream &os, const std::vector< int > &v)'],['../namespacemlx_1_1core.html#a5e5bd5c57b1cf19776bdb41e732861d9',1,'mlx::core::operator<<(std::ostream &os, const std::vector< int64_t > &v)'],['../namespacemlx_1_1core.html#a42a19c8442b173606e714364227e7d45',1,'mlx::core::operator<<(std::ostream &os, const complex64_t &v)'],['../namespacemlx_1_1core.html#a57eb97a5eba99a846ac429795e407574',1,'mlx::core::operator<<(std::ostream &os, const float16_t &v)'],['../namespacemlx_1_1core.html#a7db909d54cf07375e89424c32c07a29c',1,'mlx::core::operator<<(std::ostream &os, const bfloat16_t &v)']]], + ['operator_3c_3d_37',['operator<=',['../namespacemlx_1_1core_1_1simd.html#a4d5e4c31af23d2871e09b88c1f6e418c',1,'mlx::core::simd::operator<=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#ae0fcb84973e4762a543ad3843db4f153',1,'mlx::core::simd::operator<=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aadd49786edc08f867e592d234327a031',1,'mlx::core::simd::operator<=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aec6783f79ca181d6782a810ffb267482',1,'mlx::core::simd::operator<=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a05240b8fd6f54632b676d4b66449f799',1,'mlx::core::simd::operator<=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a914e821c358e05dfe8d0208888646793',1,'mlx::core::simd::operator<=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#ad1570f6937d194a09e61d0e3a70ef578',1,'mlx::core::simd::operator<=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a46c6ea18a9edd2a9cdba2ab62ca4782c',1,'mlx::core::simd::operator<=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#accd17f741cab18590fdbe388d4783967',1,'mlx::core::simd::operator<=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#aee04c9a63c6716a99a027418354debb0',1,'operator<=(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af469c58cffeab488c681f4b33f02cd05',1,'operator<=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5a81eae168dfafd299c2b94e3e8558cf',1,'operator<=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f486bf02c6ad5b9b6a96d3450f03e47',1,'operator<=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acba9efe192d22b7781b4622103c7a944',1,'operator<=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aff100489cc40ad276c2d5d67a9df67db',1,'operator<=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7eac96f64ca42991caf819c8e8c8d2bc',1,'operator<=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a88c11cd37600de5480570da3d2ae5732',1,'operator<=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08c7d12a0d16565fbf052dba2db8b22d',1,'operator<=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2b9de9624c0a507b4ead85f898ad9daf',1,'operator<=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a28f8d21c5eef047c701cf690ce9c2ef0',1,'operator<=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a14b56c687053ee2432398a25663c068f',1,'operator<=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f360806708b95a3be400af0b8871b57',1,'operator<=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a80d288f22cadfdf5e904410349e616a1',1,'operator<=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a6cc3bab5e7f6e7c719c82afa90ad2827',1,'mlx::steel::operator<=()'],['../group__ops.html#ga4c8b8a1632944acaae50f0de6c23ece6',1,'mlx::core::operator<=(const array &a, const array &b)'],['../group__ops.html#ga150a9be467c9f91482a6d6fc13504bc4',1,'mlx::core::operator<=(T a, const array &b)'],['../group__ops.html#ga624eeccef0cc4b130e1325abfea057cb',1,'mlx::core::operator<=(const array &a, T b)'],['../namespacemlx_1_1core.html#a0066a47cb21223ddebc77992ee874fb9',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2593dbace3ce50e7146d9514726a543f',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a88654bcf6c9728517a2933ca2e29a7c1',1,'mlx::core::operator<=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a5d4f449e9c1699b99fcf894dd15e8af3',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a6b678bea8fdcda1f11c6691b56a15211',1,'mlx::core::operator<=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae8aacc606ea16f018a90eae758830a35',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a25668dea4ffb51c7c00eeecb9530d1d8',1,'mlx::core::operator<=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a084558b6a5487549799c49c37c9e9652',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ade2e2a0daa79d5c52f278f85f03dde2e',1,'mlx::core::operator<=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a750a2d2b4976ad94b08994d081f83445',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ade5a175ff45347689ac4c798d04c8ffc',1,'mlx::core::operator<=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae25e0c01b46612f039313a4825ba6428',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a5c90f16d8f6edf4b75c96b945b9fa591',1,'mlx::core::operator<=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a8cd6583fa0fc9957f993e00b2ec01d91',1,'mlx::core::operator<=(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a012130a0458cbc30b88365e0e0eab232',1,'mlx::core::operator<=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae8c890bdcffadee8c5dab85c907f57eb',1,'mlx::core::operator<=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a43cb070553c1f2fffb32ef6670e30980',1,'mlx::core::operator<=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ac759b7798d668a99535e59e26d6ba192',1,'mlx::core::operator<=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a70e528a789b5660d98e783b045aaa379',1,'mlx::core::operator<=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a40bd8abb8a4d989ddabbb298518bd7f5',1,'mlx::core::operator<=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a4155d4b0c76f37ab5e0b54f9cd683f35',1,'mlx::core::operator<=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad8bb648d0603a206e0392990c911ca0b',1,'mlx::core::operator<=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ace72a5853f2afd6510dcb97d54fa650d',1,'mlx::core::operator<=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab38f7a0d3c0809071ff5d3af859018d6',1,'mlx::core::operator<=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a7904b886d7b535a6af0a885d00597323',1,'mlx::core::operator<=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a57952168bd0b54c2677204d4ab1cb6e5',1,'mlx::core::operator<=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a6235dc5f4db517618bb3449b08c96e8b',1,'mlx::core::operator<=(uint64_t lhs, _MLX_Float16 rhs)']]], + ['operator_3d_38',['operator=',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a027b84cddc8d476f736ac1f1a9991fe4',1,'mlx::core::allocator::Allocator::operator=(const Allocator &other)=delete'],['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a2e971b47339b1d0849a334a902a9df3c',1,'mlx::core::allocator::Allocator::operator=(Allocator &&other)=delete'],['../classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36',1,'mlx::core::array::operator=(const array &other) &&=delete'],['../classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd',1,'mlx::core::array::operator=(array &&other) &&=delete'],['../classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479',1,'mlx::core::array::operator=(array &&other) &=default'],['../classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147',1,'mlx::core::array::operator=(const array &other) &'],['../structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748',1,'mlx::core::array::Data::operator=()'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a3d4415f4022da093cee23ef6f2a50c7c',1,'mlx::core::cpu::CommandEncoder::operator=(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#af2623c4a8fd0408e5be2c5fabaf98771',1,'mlx::core::cpu::CommandEncoder::operator=(CommandEncoder &&)=delete'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::metal::CommandEncoder::operator=()'],['../classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73',1,'mlx::core::metal::Device::operator=()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45',1,'mlx::core::metal::ResidencySet::operator=()'],['../structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7',1,'mlx::core::FunctionExporter::operator=()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25',1,'mlx::core::io::FileWriter::operator=()'],['../classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b',1,'mlx::core::Primitive::operator=(const Primitive &other)=delete'],['../classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e',1,'mlx::core::Primitive::operator=(Primitive &&other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22',1,'mlx::core::UnaryPrimitive::operator=(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5',1,'mlx::core::UnaryPrimitive::operator=(UnaryPrimitive &&other)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db',1,'mlx::core::scheduler::Scheduler::operator=(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379',1,'mlx::core::scheduler::Scheduler::operator=(Scheduler &&)=delete'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3',1,'mlx::core::_MLX_BFloat16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14',1,'mlx::core::_MLX_BFloat16::operator=(const float &x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c',1,'mlx::core::_MLX_Float16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d',1,'mlx::core::_MLX_Float16::operator=(const float &x)'],['../structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::CommandEncoder::operator=()']]], + ['operator_3d_3d_39',['operator==',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#a1afd6d2a19a2b0d712063f221ab4eba7',1,'mlx::core::array::ArrayIterator::operator==()'],['../namespacemlx_1_1core_1_1simd.html#a273fcc5387c1c9878e658ba6bc32f00c',1,'mlx::core::simd::operator==(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a46ede415296683771bb22246a813482a',1,'mlx::core::simd::operator==(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a63768090c16e5dcffccadf550d169abc',1,'mlx::core::simd::operator==(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a7928482ed5d25932be80413c7239125c',1,'mlx::core::simd::operator==(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a51de2acf3dcd55c7c52e3ce7ed6ed9d7',1,'mlx::core::simd::operator==(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a4877ae5406d081680b785a86ad656e03',1,'mlx::core::simd::operator==(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#acafae9e62680565cd1f1c50c64d7ce4f',1,'mlx::core::simd::operator==(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aa837052ddcb02f4d9bc39b07399b4d91',1,'mlx::core::simd::operator==(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aaacbf6671080409e822fbb218e3fdf00',1,'mlx::core::simd::operator==(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#abfc19f03616441245dfc7726b278f190',1,'operator==(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a49a13b06a325ed3cca4004b6a0cde065',1,'operator==(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0aa3bfcfab53700488e5f386e6de60d5',1,'operator==(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3936148781ab1c4f33f58d12c116f370',1,'operator==(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae753526b669fba27771089dc809abd66',1,'operator==(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a05a4f197a71d0f16879032f44492bb79',1,'operator==(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae86f5917847b1ec9f313996250f2e0be',1,'operator==(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aab74ec4d33a64b92b908717d500f1ecf',1,'operator==(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac30a2c1fa6f172af903fdeb6a8632606',1,'operator==(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab4e9ad547aa23daa351075e0ecc58fa2',1,'operator==(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa5fa1a8f2b39c3508fe38205469756d1',1,'operator==(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aeadc1f36c6bdc219294ce9341d80afa5',1,'operator==(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3ae2091ada1e39e857fbc53c97bdb79f',1,'operator==(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac7b4d295f3c7b1e09964f24f306422da',1,'operator==(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#abcc797f27e87e857b41c1a8d33ee2c78',1,'mlx::steel::operator==()'],['../namespacemlx_1_1core.html#a937503d72b66c661bf3f5fdcd98ef97c',1,'mlx::core::operator==(const Device &lhs, const Device &rhs)'],['../group__ops.html#gaa30cf69f3d22f65615f5e1696dd5703f',1,'mlx::core::operator==(const array &a, const array &b)'],['../group__ops.html#gaf115782d009ac2a547fcca395c9ec797',1,'mlx::core::operator==(T a, const array &b)'],['../group__ops.html#ga3ad3ed7aece2650943a35082dbe3a0a5',1,'mlx::core::operator==(const array &a, T b)'],['../namespacemlx_1_1core.html#ac470f937a379d6356c8f567c97cd7481',1,'mlx::core::operator==(const Stream &lhs, const Stream &rhs)'],['../namespacemlx_1_1core.html#aec63a0472cb943fe39f31e7678555572',1,'mlx::core::operator==(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad05311ca8e2f19ffe5849e963837cec7',1,'mlx::core::operator==(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aaaf591cb2188381e6cbd857132d04eb7',1,'mlx::core::operator==(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a7ef33c33509ccccf1ab217500e8b3c1a',1,'mlx::core::operator==(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#abec4200a718b7c5ed80b7abcc4447260',1,'mlx::core::operator==(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad853981b1c5ba69b07d54c7b77055d22',1,'mlx::core::operator==(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a752d6cb4172a9cb91e5da19582329c6d',1,'mlx::core::operator==(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0175beb3de139faa08479a88215b35ea',1,'mlx::core::operator==(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a61da2851cb3beeef28049228346c28b5',1,'mlx::core::operator==(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aa24713cb9e39bacb516c992eb03d2b2b',1,'mlx::core::operator==(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a6d565dd93c46259f9486d9fdf0969589',1,'mlx::core::operator==(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a24e79a82557861de64dad66d36e6ff30',1,'mlx::core::operator==(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#af27d515ac390d62bd852b73ea759a947',1,'mlx::core::operator==(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae3e1e8b7a5410e0edf35f31f74295e2f',1,'mlx::core::operator==(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aaa22230a66b15c3e774d8ce45783a746',1,'mlx::core::operator==(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ae2a0bcdc171d7e9745d33e1d9aac4f8a',1,'mlx::core::operator==(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a331ec62442a8d3eb8ccba7b4de5168d1',1,'mlx::core::operator==(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#acfcaefe0990eb3533e2b11a6f2657492',1,'mlx::core::operator==(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a8d48dbd49cccff07777affb2a412058c',1,'mlx::core::operator==(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a88eae27edd22fa4418776672023cb276',1,'mlx::core::operator==(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a188b363f633ea360407b3f9cf4e1f1a6',1,'mlx::core::operator==(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ae065fe5c42c1a333d7858d19f6434fa9',1,'mlx::core::operator==(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a2f98db199deb6d7a82551fa4afec655a',1,'mlx::core::operator==(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a85f83add412cb320b5cd1c3da6aadbd5',1,'mlx::core::operator==(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7e2cee66c3ca1b56f4f3d7fd1d6e0be1',1,'mlx::core::operator==(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#ad436557da5c7fea71fc58182a876cfe5',1,'mlx::core::operator==(uint64_t lhs, _MLX_Float16 rhs)']]], + ['operator_3e_40',['operator>',['../namespacemlx_1_1core_1_1simd.html#abd37e62eff936a64677b5aba787b4d18',1,'mlx::core::simd::operator>(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a71a6902e729e3facdc609e93cd12d485',1,'mlx::core::simd::operator>(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab7b291b3559792e18208e17432d25342',1,'mlx::core::simd::operator>(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ad8b67f9ced9c7f3cb472b9c3df817f08',1,'mlx::core::simd::operator>(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a4113a94fb8dcd0d88f14ec9d82089508',1,'mlx::core::simd::operator>(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ac971bfa5c7ec8abc432eab5f3c5646aa',1,'mlx::core::simd::operator>(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a35d875fa7bce02a6171f37240a346e1d',1,'mlx::core::simd::operator>(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#acf2391cc4d945887d7820501ba14ba89',1,'mlx::core::simd::operator>(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aa17e031474fa87f6ea7855257dcc9ece',1,'mlx::core::simd::operator>(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a032a8d3eec2384c9f03066f7fd945995',1,'operator>(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae394c0a10e47d1d047854a888402eb57',1,'operator>(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab9cd098786d2f4c855c42e4a6f30ab3e',1,'operator>(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a55600f3b9859e2891e0e0b5690867b72',1,'operator>(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afd7cdb8ed2a9820efe9cf322c06f188c',1,'operator>(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31bbdbe0b62b90a4d6ea4bb0a7db586b',1,'operator>(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a68125e66f74eaffe5ea9267638ce870d',1,'operator>(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac89eb6b29edad8cca63727ab97171c29',1,'operator>(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a74e477567c9477c2cf0684f81ef4498f',1,'operator>(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2d37130b6fd79b425f5ba92b65e36bed',1,'operator>(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a41d55d167e9dc63bf29d15e0ff004869',1,'operator>(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa95f9ebfdab3c5f524775651362ce914',1,'operator>(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2826bd301bb5393473ccd363f2052c0d',1,'operator>(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a62a512d0edd894759c69f724b970fbdb',1,'operator>(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a7512eadda6160e4c9d9e6aa4049fac20',1,'mlx::steel::operator>()'],['../group__ops.html#ga74fd2777adef10e6fe628a9cdadb01cb',1,'mlx::core::operator>(const array &a, const array &b)'],['../group__ops.html#ga32e106e794e2c32e4e7decee2df2477f',1,'mlx::core::operator>(T a, const array &b)'],['../group__ops.html#ga96552b90e89923c5d2064cc427775ec5',1,'mlx::core::operator>(const array &a, T b)'],['../namespacemlx_1_1core.html#aedc4e9df4bf71c0ac34fcfae60cdf550',1,'mlx::core::operator>(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a14c188303d09b97867bcfd34519aa4a6',1,'mlx::core::operator>(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ac97736fadafa7efa201624d0e1128ee8',1,'mlx::core::operator>(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a3c41a304126bc225bdc68062d1eb6e7e',1,'mlx::core::operator>(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ab594f3ae1ee13227fae940fef0d00cb9',1,'mlx::core::operator>(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a01dabc077a872c115a9a9ccd95f1acec',1,'mlx::core::operator>(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#adabbd8768d216873617768249473a5c7',1,'mlx::core::operator>(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#adae1b14669d27ce1fe0c214771c07b77',1,'mlx::core::operator>(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ab03a22961d99fa12d3e74b3116e94e8f',1,'mlx::core::operator>(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a42011a27a3d23a60be5be44ee7cac87c',1,'mlx::core::operator>(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a50f6a94bb36d89cf28817aff88ab89c8',1,'mlx::core::operator>(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac173de50ee57b1b066d49363ba978c53',1,'mlx::core::operator>(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#ab09f1b4879aa3190c2f66c9bd1224021',1,'mlx::core::operator>(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a91eb6ca854217424129a55ae95a123b5',1,'mlx::core::operator>(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a58d5795d8312599d101ae16f194e4a2a',1,'mlx::core::operator>(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aafa3bbeda78610c4285f3e57042268f3',1,'mlx::core::operator>(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a8a928d76a6fbf3d336296401e14617a4',1,'mlx::core::operator>(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ade2f9222fd433cd4d673c6182f256235',1,'mlx::core::operator>(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ae24c337810c841ff23e327efde7045e1',1,'mlx::core::operator>(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#acf401ede354fcc998b13ea6442994d7e',1,'mlx::core::operator>(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a2bb28a9a0894a73ae1b27e7f4da0841a',1,'mlx::core::operator>(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a09d631e8a85fd7ae72e1a868b8f9b9cb',1,'mlx::core::operator>(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a49421ea65b5a98df080d75b1636b2157',1,'mlx::core::operator>(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a692ce931b660415e17f92d18a8e0d446',1,'mlx::core::operator>(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a579bb87b3ede5663d7cd68c7c0f6fb9e',1,'mlx::core::operator>(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af810587a17e692f4eec256d3c3cd27de',1,'mlx::core::operator>(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a50f4177d3ca03a95fc2614e100c7391d',1,'mlx::core::operator>(uint64_t lhs, _MLX_Float16 rhs)']]], + ['operator_3e_3d_41',['operator>=',['../namespacemlx_1_1core_1_1simd.html#a87e11ab36aae3328fe3d5230bdf31692',1,'mlx::core::simd::operator>=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a4e65febbfa8b4df2970c1d78801b3c66',1,'mlx::core::simd::operator>=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a673b4d8d228f35f06cf5b882335f04d5',1,'mlx::core::simd::operator>=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a530ac8728e4d7e7be2482d5b2467906c',1,'mlx::core::simd::operator>=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ac7f3848b48c8e23c71c85fcc9909b933',1,'mlx::core::simd::operator>=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a034d7b57cb3c6ca711c573515327d1a8',1,'mlx::core::simd::operator>=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a8d7dcf1914ce8fe8518d84b0f2a5fe91',1,'mlx::core::simd::operator>=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aecdc08fcc70b158749a93a7a0f688aa3',1,'mlx::core::simd::operator>=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab9097573af69cc66d1427d0f52507e7a',1,'mlx::core::simd::operator>=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#aafbd686c180398c98b33d7643f893a46',1,'operator>=(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a430dd11fbf4c6f39bc1506ab43b2341f',1,'operator>=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a64f6787a96386246f83a8981d274150e',1,'operator>=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1a788f82212afad30e4c2ee40f1c313c',1,'operator>=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae88617c4a012c5dc12781a349a28c886',1,'operator>=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a467a88531150a4d9d30fce07c49c126e',1,'operator>=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9e21c5ea9dd724dc2ca8c54ad908f09c',1,'operator>=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2f6286d222e2176bcbdc824c5d598100',1,'operator>=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abec53064aa96265385ecc57de5fbc74c',1,'operator>=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac766839f8f9e4863e8e18418c342c875',1,'operator>=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2807fa6862b0f9689c81199b1e695ed8',1,'operator>=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aee3ae0d0d1f941463b06eca0bf041b2b',1,'operator>=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a523eda93c809733368e2b45382d2add6',1,'operator>=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1f4e90909ac1c7280f4c7d1977c55fb7',1,'operator>=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aa3c95c60cf69603705bb4636de547bcb',1,'mlx::steel::operator>=()'],['../group__ops.html#ga3a41895f25ed083a36994d95fa102546',1,'mlx::core::operator>=(const array &a, const array &b)'],['../group__ops.html#gaf509f2cb3b18963232f20d6c3bd229b2',1,'mlx::core::operator>=(T a, const array &b)'],['../group__ops.html#gafa0eb25d5978674bfc9e59d4145ec590',1,'mlx::core::operator>=(const array &a, T b)'],['../namespacemlx_1_1core.html#a8494764f5c686743ede66dc76d85d955',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a019df48807b506d9995856684bf7797a',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a96ab6405430efb887cdb5c828cb67d6e',1,'mlx::core::operator>=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac18be72269b1bcfb0249cc00a0600681',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#aeb879815228efbd2c8f80986e1c8d41f',1,'mlx::core::operator>=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0051156f6a568f58cd54850f746fb507',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ae93556906e115625ed1b62d36cf21b70',1,'mlx::core::operator>=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab81ad16e3be591dfc9e42ac3c19b055f',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6cfe9b03e7c5f1eb9374208a552c3cc9',1,'mlx::core::operator>=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2f5add83812fb137dd9226c6c01e45d5',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ad1014a836e7ce9301de8588eef1e89ee',1,'mlx::core::operator>=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a17791561434dc995de9f268d145c0ed1',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a3755925b24a903045937464be117de2f',1,'mlx::core::operator>=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a6262aeb513d27fc8313293b261e72abb',1,'mlx::core::operator>=(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a6feb4b3ea511b0eda4d1ec9725f3fb4c',1,'mlx::core::operator>=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a03b3f7fcb755ec075985ab26336926f0',1,'mlx::core::operator>=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aecfbf5ef4872ae447eb4a374e4db28e4',1,'mlx::core::operator>=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae4690f349b2483f5d1a4b75aba67399f',1,'mlx::core::operator>=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a667e95146dd5199e67bcb121b984b1f0',1,'mlx::core::operator>=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a3375f1562f148bdc07451f2b6e54e6df',1,'mlx::core::operator>=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ae83df12368cb07ccb1c10c1117ff3922',1,'mlx::core::operator>=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad41251938cf852b5560c1180944ebb49',1,'mlx::core::operator>=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a4ddb5ef0b88929086f9b09729fda0dde',1,'mlx::core::operator>=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a0908a61ab261aff726922b33fa6ed159',1,'mlx::core::operator>=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a0fdadf87edd8a0a57c63953fb0ebe053',1,'mlx::core::operator>=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a47c82778e43032c0bbf5d59407e81dc9',1,'mlx::core::operator>=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a14e6c43b924eacca1b2dac1d5d00ca2b',1,'mlx::core::operator>=(uint64_t lhs, _MLX_Float16 rhs)']]], + ['operator_3e_3e_42',['operator>>',['../namespacemlx_1_1core_1_1simd.html#a6e45c9c2f0591d9d5dd37a07ebcc3c2a',1,'mlx::core::simd::operator>>(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#aa35a2aab733e4bfc80a9f4e3f508daee',1,'mlx::core::simd::operator>>(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#aebf93b8179621e83bb3f3c4a8816eca8',1,'mlx::core::simd::operator>>(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a1108d186d57c2010c743d3f9297befc7',1,'mlx::core::simd::operator>>(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value > > b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a9ac36abfb7dffc7ad24b4d0c295452e5',1,'mlx::core::simd::operator>>(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a > > b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a4bf8c887eb6943563ceb1e603d1325b1',1,'mlx::core::simd::operator>>(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value > > b), 1 >'],['../group__ops.html#ga498b61f7e8f056ae00297fa0dc17303a',1,'mlx::core::operator>>()']]], + ['operator_5b_5d_43',['operator[]',['../classpocketfft_1_1detail_1_1arr.html#aea0bd899b19e03f54dfd6c188727061a',1,'pocketfft::detail::arr::operator[](size_t idx)'],['../classpocketfft_1_1detail_1_1arr.html#a99c54f96bc79c7cdd8925c1663462842',1,'pocketfft::detail::arr::operator[](size_t idx) const'],['../classpocketfft_1_1detail_1_1sincos__2pibyn.html#a71b02f67c47b24adb296eafd2c7a3598',1,'pocketfft::detail::sincos_2pibyn::operator[]()'],['../classpocketfft_1_1detail_1_1cndarr.html#ae4852d1fe936a5d61832b507816c7054',1,'pocketfft::detail::cndarr::operator[]()'],['../classpocketfft_1_1detail_1_1ndarr.html#a2b2c4e205e8b5c32c9fe55dfd7b8c8d8',1,'pocketfft::detail::ndarr::operator[]()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c',1,'mlx::core::simd::Simd::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557',1,'mlx::core::simd::Simd::operator[](int idx)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a4b24316469cd9ecc88f8c073ab1a862e',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a97043111a44318b5eb68977ecacbb638',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c',1,'mlx::core::simd::Simd< T, 1 >::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557',1,'mlx::core::simd::Simd< T, 1 >::operator[](int idx)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a235268dc56eb1bb5b86cd3aade67b77c',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx) const'],['../structmlx_1_1core_1_1simd_1_1_simd.html#ae877ce4884241399de8e28090441f557',1,'mlx::core::simd::Simd< float16_t, N >::operator[](int idx)']]], + ['operator_5e_44',['operator^',['../namespacemlx_1_1core_1_1simd.html#a25b3de1947dbab7c4864b41ec226453b',1,'mlx::core::simd::operator^(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a93e69a8170b8fe14f0a3188b4e8ccd49',1,'mlx::core::simd::operator^(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a16c4a2c8fc59a2e2fcc05db243289706',1,'mlx::core::simd::operator^(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a369178519e0e91fa936c0fd4aa9ee109',1,'mlx::core::simd::operator^(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value ^ b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a5b877b5eb7044d9b2a42a9af4af21f01',1,'mlx::core::simd::operator^(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a ^ b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a16fa3c809e46b5cae3e8abfaf98199a4',1,'mlx::core::simd::operator^(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value ^ b), 1 >'],['../group__ops.html#gac3a6fe18694e84b3d63458e9553ac181',1,'mlx::core::operator^(const array &a, const array &b)'],['../namespacemlx_1_1core.html#ae36ea40b8477bfa12d41aae8245225c9',1,'mlx::core::operator^(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a03fc96696f5c6d9411841889d05f4670',1,'mlx::core::operator^(_MLX_BFloat16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a55130edf926366db0d6207989e609b7c',1,'mlx::core::operator^(uint16_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0b75198f364d742a1c25dd13e398f2c2',1,'mlx::core::operator^(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7f205f1b10b23180a23bf2be4bb726b1',1,'mlx::core::operator^(_MLX_Float16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a9edfe65f3c6da583c7b109290ec94b22',1,'mlx::core::operator^(uint16_t lhs, _MLX_Float16 rhs)']]], + ['operator_5e_3d_45',['operator^=',['../namespacemlx_1_1core.html#a97cb7d3eac404a442e84656cefe7cfb4',1,'mlx::core::operator^=(_MLX_BFloat16 &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abcfd2d9615c96561fd44dfb9c341cf8e',1,'mlx::core::operator^=(_MLX_BFloat16 &lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#ae78083d766b9cf6f87cded341bbcd63e',1,'mlx::core::operator^=(_MLX_Float16 &lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#acf36c10779fbf1efbe1e6a7fd41176cd',1,'mlx::core::operator^=(_MLX_Float16 &lhs, uint16_t rhs)']]], + ['operator_7c_46',['operator|',['../namespacemlx_1_1core_1_1simd.html#ab2b540d7329491000e7722f9b3ef797d',1,'mlx::core::simd::operator|(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a0cd57bba23daed624df5e2b06b676dca',1,'mlx::core::simd::operator|(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#acd57dc91aa205d9d3f8804df4261a7fb',1,'mlx::core::simd::operator|(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a60805b5f57ddbbf74f700b54cd3fc4f8',1,'mlx::core::simd::operator|(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value|b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a495d15a18ee4a6dda22e37e8dc02e45b',1,'mlx::core::simd::operator|(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a|b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a6449faa1666afe1186d55b61bb3e5b5a',1,'mlx::core::simd::operator|(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value|b), 1 >'],['../group__ops.html#ga52392a2a98f09a80da8d338c4908bd02',1,'mlx::core::operator|(const array &a, const array &b)'],['../namespacemlx_1_1core.html#af84ed854132c1514dca5a524fdb7ed05',1,'mlx::core::operator|(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a7423aac70f9f2e3fb6a5c9a3fc96f703',1,'mlx::core::operator|(_MLX_BFloat16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a19805f505cb7ac72bfab66c339ea7900',1,'mlx::core::operator|(uint16_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2d933573edf4ed305fddd8a0caef1ee8',1,'mlx::core::operator|(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#afab3d4eb1b36a276922879ce6e44b7f5',1,'mlx::core::operator|(_MLX_Float16 lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#ab132729fa6912d22a8e402057eb4ba12',1,'mlx::core::operator|(uint16_t lhs, _MLX_Float16 rhs)']]], + ['operator_7c_3d_47',['operator|=',['../namespacemlx_1_1core.html#a8e1d21375ae4b89b3cbea3a46d262abd',1,'mlx::core::operator|=(_MLX_BFloat16 &lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a28d6c2f89e73b7b874dd1f67f853a96f',1,'mlx::core::operator|=(_MLX_BFloat16 &lhs, uint16_t rhs)'],['../namespacemlx_1_1core.html#a2d8470b69cbbeefece08d3ffd46c0082',1,'mlx::core::operator|=(_MLX_Float16 &lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a359c6257097a304c00d41d64296ef4c9',1,'mlx::core::operator|=(_MLX_Float16 &lhs, uint16_t rhs)']]], + ['operator_7c_7c_48',['operator||',['../namespacemlx_1_1core_1_1simd.html#ab380b8f73672727a38ea0931e731fe4a',1,'mlx::core::simd::operator||(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#ac34f6b278627949d2ee68cdbf3d2f50f',1,'mlx::core::simd::operator||(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab2bc61c02b9096163e9db91a3f88788f',1,'mlx::core::simd::operator||(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a7a1c3be1c37d41e450469f2e98cd9dde',1,'mlx::core::simd::operator||(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value||b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a0c8bd67982681ecd53cd8d739be3a5a9',1,'mlx::core::simd::operator||(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a||b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#aad2d440fbb9e5478b5ed24400a859942',1,'mlx::core::simd::operator||(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value||b), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a38e83534a648d0743dc4c7deb9a7fd49',1,'mlx::core::simd::operator||(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#acdcdaea84869a0b05c08139c10f13a06',1,'mlx::core::simd::operator||(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aa9ac1951153211b2ff95dd34a3427797',1,'mlx::core::simd::operator||(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1steel.html#a1bb3ac5061a04e407fc4cdcc9f6ea03f',1,'mlx::steel::operator||()'],['../group__ops.html#ga27af56a98270d4d76d139f0f9171b83a',1,'mlx::core::operator||()']]], + ['operator_7e_49',['operator~',['../namespacemlx_1_1core_1_1simd.html#a290787dda17296d27af7afdef3c732a9',1,'mlx::core::simd::operator~(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a4c6ed06d523db05f99df7ef21b374c41',1,'mlx::core::simd::operator~(Simd< T, 1 > in)'],['../group__ops.html#ga849365a62878579a33b3d3ad09bbc7be',1,'mlx::core::operator~()']]], + ['ops_2eh_50',['ops.h',['../backend_2metal_2kernels_2reduction_2ops_8h.html',1,'(Global Namespace)'],['../distributed_2ops_8h.html',1,'(Global Namespace)'],['../ops_8h.html',1,'(Global Namespace)']]], + ['or_51',['Or',['../struct_or.html',1,'Or< U >'],['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a7a959bb7b33f410a03b3c887173fd7ed',1,'mlx::core::distributed::AllReduce::Or'],['../classmlx_1_1core_1_1_bitwise_binary.html#a6f8b5d455d0c1770428a6bef1608f23da51065a44e7f9a76a6dab6de637c6db22',1,'mlx::core::BitwiseBinary::Or'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a2e53e38f8b906ed4def9a5653aeb51fe',1,'mlx::core::Reduce::Or']]], + ['orgqr_52',['orgqr',['../lapack_8h.html#aca4bf4d46eed1729128dc88d39c128c2',1,'lapack.h']]], + ['ortho_53',['ortho',['../structpocketfft_1_1detail_1_1_exec_dcst.html#aea17551a49acaca5e7808dc181d38b7f',1,'pocketfft::detail::ExecDcst']]], + ['os_54',['oS',['../struct_m_l_x_conv_params.html#a19ccb9fecfccdc18b6a7f0cc43adbc6e',1,'MLXConvParams']]], + ['out_55',['out',['../struct_read_writer.html#abea3b913c952c505d0ca4e529c7316ef',1,'ReadWriter']]], + ['out_5fof_5fbounds_56',['out_of_bounds',['../struct_read_writer.html#a08e10626fbc789b6dff9172fd6c36f7c',1,'ReadWriter::out_of_bounds() const'],['../struct_read_writer.html#a6f946aea5452109dca7fc70ed39c6efe',1,'ReadWriter::out_of_bounds() const'],['../struct_read_writer.html#a8f40d7f343d32134fe27a694abfde6bf',1,'ReadWriter::out_of_bounds() const']]], + ['out_5fstrides_57',['out_strides',['../struct_m_l_x_conv_params.html#adfca77f9a3c2b4c74752f90636ff5667',1,'MLXConvParams']]], + ['outer_58',['outer',['../group__ops.html#ga866af24e10db2797e1c5a5986dbf6c0d',1,'mlx::core']]], + ['output_5fshape_59',['output_shape',['../classmlx_1_1core_1_1_broadcast_axes.html#aaa495110c16fbbc642fbb224ef8dfae6',1,'mlx::core::BroadcastAxes::output_shape()'],['../classmlx_1_1core_1_1_broadcast.html#a00c39c113fe3e698771e2e6b595c32cd',1,'mlx::core::Broadcast::output_shape()'],['../classmlx_1_1core_1_1_expand_dims.html#a3814ad4697eccb75fdb9275017a3fd67',1,'mlx::core::ExpandDims::output_shape()'],['../classmlx_1_1core_1_1_flatten.html#a2f8e1defb9c33af2dec29ff8697132aa',1,'mlx::core::Flatten::output_shape()'],['../classmlx_1_1core_1_1_reshape.html#aa15020d7d844d714d42bc60b44aeefc1',1,'mlx::core::Reshape::output_shape()'],['../classmlx_1_1core_1_1_squeeze.html#aadf1d3b85839390a2ec560603aeed04a',1,'mlx::core::Squeeze::output_shape()'],['../classmlx_1_1core_1_1_unflatten.html#a4c760c8fe981fd2ac17a31ff9faff10a',1,'mlx::core::Unflatten::output_shape()']]], + ['output_5fshapes_60',['output_shapes',['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a50934862ccdb16a3dcce6626c5727080',1,'mlx::core::fast::AffineQuantize::output_shapes()'],['../classmlx_1_1core_1_1_primitive.html#aa5b443d71db1c7ed31a5ae6e31b7fe29',1,'mlx::core::Primitive::output_shapes()'],['../classmlx_1_1core_1_1_abs.html#ac9d55481e5490423e4aaf02b95cafc75',1,'mlx::core::Abs::output_shapes()'],['../classmlx_1_1core_1_1_add.html#a50877893083fd78b31aa25152f750418',1,'mlx::core::Add::output_shapes()'],['../classmlx_1_1core_1_1_arange.html#a447083a1403d3d42a7ad9c307a666946',1,'mlx::core::Arange::output_shapes()'],['../classmlx_1_1core_1_1_arc_cos.html#a67a5025f8d7e5bac22888ad4bf813679',1,'mlx::core::ArcCos::output_shapes()'],['../classmlx_1_1core_1_1_arc_cosh.html#a3ab82e9f0452faea735338abccb5f0ac',1,'mlx::core::ArcCosh::output_shapes()'],['../classmlx_1_1core_1_1_arc_sin.html#a0217b9a4e18196ed65ba96b4ad096ecd',1,'mlx::core::ArcSin::output_shapes()'],['../classmlx_1_1core_1_1_arc_sinh.html#a2f668f230d93c7b90e62200a0b7cb6f6',1,'mlx::core::ArcSinh::output_shapes()'],['../classmlx_1_1core_1_1_arc_tan.html#a2ebabfd1c2963199df0d7610b7ddf422',1,'mlx::core::ArcTan::output_shapes()'],['../classmlx_1_1core_1_1_arc_tan2.html#acb8e5cf85c4bc58f909ce2e8b83c3619',1,'mlx::core::ArcTan2::output_shapes()'],['../classmlx_1_1core_1_1_arc_tanh.html#a6806f04142d850f107a18a71900759c6',1,'mlx::core::ArcTanh::output_shapes()'],['../classmlx_1_1core_1_1_arg_partition.html#a587ce69b0639683ba646652f887d0239',1,'mlx::core::ArgPartition::output_shapes()'],['../classmlx_1_1core_1_1_arg_reduce.html#a81a70885480c1d436329025091b2fa4c',1,'mlx::core::ArgReduce::output_shapes()'],['../classmlx_1_1core_1_1_arg_sort.html#a219ce04a811397a900c3235d8e6aef5c',1,'mlx::core::ArgSort::output_shapes()'],['../classmlx_1_1core_1_1_as_type.html#a3975b31cfd86d6eb33dc73554b357b88',1,'mlx::core::AsType::output_shapes()'],['../classmlx_1_1core_1_1_bitwise_binary.html#a49c9d2688d3cca8abf5698a250d57d56',1,'mlx::core::BitwiseBinary::output_shapes()'],['../classmlx_1_1core_1_1_bitwise_invert.html#a36558873262f1353f1575590e68ef8bf',1,'mlx::core::BitwiseInvert::output_shapes()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a42c4385e65851d58e4411a4afe73f58e',1,'mlx::core::BroadcastAxes::output_shapes()'],['../classmlx_1_1core_1_1_broadcast.html#adef65b1ec75efbe43e5574ec81b7c0ac',1,'mlx::core::Broadcast::output_shapes()'],['../classmlx_1_1core_1_1_ceil.html#a3bf7db5178ed26e23d9ba360ba34ab85',1,'mlx::core::Ceil::output_shapes()'],['../classmlx_1_1core_1_1_compiled.html#a15cb081590ee024ba11476494581a4d4',1,'mlx::core::Compiled::output_shapes()'],['../classmlx_1_1core_1_1_concatenate.html#af8415a2fe28804a1437d0876ba15615f',1,'mlx::core::Concatenate::output_shapes()'],['../classmlx_1_1core_1_1_conjugate.html#afd68332463d12e69c47388f6b81ae96c',1,'mlx::core::Conjugate::output_shapes()'],['../classmlx_1_1core_1_1_contiguous.html#afff58fbf61f0c26b3606208dd2fa2072',1,'mlx::core::Contiguous::output_shapes()'],['../classmlx_1_1core_1_1_copy.html#a6bbe5fd9ce3cb5a39853b316106d2674',1,'mlx::core::Copy::output_shapes()'],['../classmlx_1_1core_1_1_cos.html#a923312e71c5a003a38b37ab67ec82580',1,'mlx::core::Cos::output_shapes()'],['../classmlx_1_1core_1_1_cosh.html#adf58c7e24b5059e66007132bc16dfe49',1,'mlx::core::Cosh::output_shapes()'],['../classmlx_1_1core_1_1_divide.html#a9563d9ee243204cfdaac6aca34853cd7',1,'mlx::core::Divide::output_shapes()'],['../classmlx_1_1core_1_1_div_mod.html#a1b7f104346cb5423ac15371b45c7ef86',1,'mlx::core::DivMod::output_shapes()'],['../classmlx_1_1core_1_1_select.html#a10e837a391542b364186288a87e11513',1,'mlx::core::Select::output_shapes()'],['../classmlx_1_1core_1_1_remainder.html#ab4de49818d1fdea8cdfef502f519b255',1,'mlx::core::Remainder::output_shapes()'],['../classmlx_1_1core_1_1_equal.html#ae714c2b0641fc9c339a2f8483bb4e257',1,'mlx::core::Equal::output_shapes()'],['../classmlx_1_1core_1_1_erf.html#ace70b96c48419e29243982ed697f6411',1,'mlx::core::Erf::output_shapes()'],['../classmlx_1_1core_1_1_erf_inv.html#a067cac7a7244b4dae6629c7e4466589f',1,'mlx::core::ErfInv::output_shapes()'],['../classmlx_1_1core_1_1_exp.html#aef2b3c24dba3ca3a63a210d3bd8e39b6',1,'mlx::core::Exp::output_shapes()'],['../classmlx_1_1core_1_1_expm1.html#ae78f03a204687f16164ed702cfc0d5cc',1,'mlx::core::Expm1::output_shapes()'],['../classmlx_1_1core_1_1_expand_dims.html#af64bd4bc2cc5f5c58869f34cd974bb3c',1,'mlx::core::ExpandDims::output_shapes()'],['../classmlx_1_1core_1_1_flatten.html#a5069a73ba1e7b52b7b051f692db6d0d2',1,'mlx::core::Flatten::output_shapes()'],['../classmlx_1_1core_1_1_floor.html#a0a62dee6df6a82fcd955bf7670be2cd5',1,'mlx::core::Floor::output_shapes()'],['../classmlx_1_1core_1_1_gather.html#a53d89a6c4ebb634bc208bd85aa2fcda1',1,'mlx::core::Gather::output_shapes()'],['../classmlx_1_1core_1_1_gather_axis.html#abc483c7da7747263b2f1498f98b4d96d',1,'mlx::core::GatherAxis::output_shapes()'],['../classmlx_1_1core_1_1_greater.html#af798a7cd704a2a9a8b3ecb6ef49583b0',1,'mlx::core::Greater::output_shapes()'],['../classmlx_1_1core_1_1_greater_equal.html#a1a77c18d89ee227171ff38efef6cacf6',1,'mlx::core::GreaterEqual::output_shapes()'],['../classmlx_1_1core_1_1_hadamard.html#aa709166de3c493308689769579d665e8',1,'mlx::core::Hadamard::output_shapes()'],['../classmlx_1_1core_1_1_imag.html#ad4f847483ba07d20aba5b927c2689be8',1,'mlx::core::Imag::output_shapes()'],['../classmlx_1_1core_1_1_less.html#ad7604a75b79260d263ac0c7d959cadd5',1,'mlx::core::Less::output_shapes()'],['../classmlx_1_1core_1_1_less_equal.html#a5598c700e881673098928e47b4da9ff8',1,'mlx::core::LessEqual::output_shapes()'],['../classmlx_1_1core_1_1_log.html#ab2cae6889352ca0674f6463f8f52d77d',1,'mlx::core::Log::output_shapes()'],['../classmlx_1_1core_1_1_log1p.html#a73a02ddf0f125fff83462d97146a0a08',1,'mlx::core::Log1p::output_shapes()'],['../classmlx_1_1core_1_1_logical_not.html#ad3889969521c6a040aa2f26caee219b7',1,'mlx::core::LogicalNot::output_shapes()'],['../classmlx_1_1core_1_1_logical_and.html#a266f1eaced19b8b11e273de9219cf9ed',1,'mlx::core::LogicalAnd::output_shapes()'],['../classmlx_1_1core_1_1_logical_or.html#a931b98fca3e19085af9fa97a43db8ced',1,'mlx::core::LogicalOr::output_shapes()'],['../classmlx_1_1core_1_1_log_add_exp.html#a234f8c8ea5f5bf2fb7e371588fea98b9',1,'mlx::core::LogAddExp::output_shapes()'],['../classmlx_1_1core_1_1_matmul.html#abfabe69f428f7f125bf5665713a0eb5c',1,'mlx::core::Matmul::output_shapes()'],['../classmlx_1_1core_1_1_maximum.html#a888a69fb68726c3c18973f3ea38cfd2b',1,'mlx::core::Maximum::output_shapes()'],['../classmlx_1_1core_1_1_minimum.html#af921b5202ebf9716972bcf0e3056742a',1,'mlx::core::Minimum::output_shapes()'],['../classmlx_1_1core_1_1_multiply.html#adfd4c7f89660b42ab58e088b1ae19435',1,'mlx::core::Multiply::output_shapes()'],['../classmlx_1_1core_1_1_negative.html#a606fb13a48d10c88707f1a2c41bee9e8',1,'mlx::core::Negative::output_shapes()'],['../classmlx_1_1core_1_1_not_equal.html#ad1e8a577dc103d96f1ab65bf3b389d35',1,'mlx::core::NotEqual::output_shapes()'],['../classmlx_1_1core_1_1_number_of_elements.html#a6cdf307348ba22b3dc8f90f1fb1e0757',1,'mlx::core::NumberOfElements::output_shapes()'],['../classmlx_1_1core_1_1_partition.html#a5e62aa0109e53fb4acb861ef39787b4a',1,'mlx::core::Partition::output_shapes()'],['../classmlx_1_1core_1_1_power.html#af23ed795bdcdc4c3f91f0d4c1bb1d928',1,'mlx::core::Power::output_shapes()'],['../classmlx_1_1core_1_1_quantized_matmul.html#a7d57a31d41c58e1bd88ffe9c6b0dbf52',1,'mlx::core::QuantizedMatmul::output_shapes()'],['../classmlx_1_1core_1_1_real.html#a75999bd0b97d97a5675b9cdbab27dcff',1,'mlx::core::Real::output_shapes()'],['../classmlx_1_1core_1_1_reshape.html#aed3a83606d6917b2c344607101a2c43d',1,'mlx::core::Reshape::output_shapes()'],['../classmlx_1_1core_1_1_reduce.html#aaf3da1c98cdf530803118b382c5f58bc',1,'mlx::core::Reduce::output_shapes()'],['../classmlx_1_1core_1_1_round.html#a61821399e177e142723fc986e437d459',1,'mlx::core::Round::output_shapes()'],['../classmlx_1_1core_1_1_scatter_axis.html#af9688c010e1abee9b7b3788f11d91cc5',1,'mlx::core::ScatterAxis::output_shapes()'],['../classmlx_1_1core_1_1_sigmoid.html#aff024a3309584724c9842f172a4e440b',1,'mlx::core::Sigmoid::output_shapes()'],['../classmlx_1_1core_1_1_sign.html#a2260f2e8e081010192eb8a6f90acde6e',1,'mlx::core::Sign::output_shapes()'],['../classmlx_1_1core_1_1_sin.html#abdd433ecbb54898161b43aa9e14ec7f1',1,'mlx::core::Sin::output_shapes()'],['../classmlx_1_1core_1_1_sinh.html#ae04d8f6175c691a8f0d2a9fdd15af0ad',1,'mlx::core::Sinh::output_shapes()'],['../classmlx_1_1core_1_1_slice_update.html#abb6376f13c4269bd9e739e131893da53',1,'mlx::core::SliceUpdate::output_shapes()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a920dc4d1ee4976065e6d91fe3ecfbbf3',1,'mlx::core::DynamicSlice::output_shapes()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a804c03c745fc563e209a7bfb3d425a91',1,'mlx::core::DynamicSliceUpdate::output_shapes()'],['../classmlx_1_1core_1_1_softmax.html#a1a798a4dcd62486362d4b58582357490',1,'mlx::core::Softmax::output_shapes()'],['../classmlx_1_1core_1_1_sort.html#acc0a3f078b3f4c83e6e1137cb81ee62c',1,'mlx::core::Sort::output_shapes()'],['../classmlx_1_1core_1_1_square.html#a0513541766bb997ed166643fe95a6d38',1,'mlx::core::Square::output_shapes()'],['../classmlx_1_1core_1_1_sqrt.html#ae45215d61e2e99749d9a0bae291edd45',1,'mlx::core::Sqrt::output_shapes()'],['../classmlx_1_1core_1_1_stop_gradient.html#a8af7641d478505d1dc39c75ba7d5a3cf',1,'mlx::core::StopGradient::output_shapes()'],['../classmlx_1_1core_1_1_subtract.html#aaaff4872bde70ad40cf90e6131ea0489',1,'mlx::core::Subtract::output_shapes()'],['../classmlx_1_1core_1_1_squeeze.html#a839d9d72ac0a19e1146b5b470292a174',1,'mlx::core::Squeeze::output_shapes()'],['../classmlx_1_1core_1_1_tan.html#a9e4bba311bb24617dbb5ca591bc2868e',1,'mlx::core::Tan::output_shapes()'],['../classmlx_1_1core_1_1_tanh.html#a8873286b69b805486fa83c4806843f3d',1,'mlx::core::Tanh::output_shapes()'],['../classmlx_1_1core_1_1_unflatten.html#a068cf053b5b0612fafd4a2d53d42f9fa',1,'mlx::core::Unflatten::output_shapes()'],['../classmlx_1_1core_1_1_transpose.html#ac9328f43900bedec555909d09202ccd7',1,'mlx::core::Transpose::output_shapes()'],['../classmlx_1_1core_1_1_eigh.html#a9892f5b72dec19a5a2f7af5efcf2a952',1,'mlx::core::Eigh::output_shapes()']]], + ['outputs_61',['outputs',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9',1,'mlx::core::metal::DeviceStream::outputs'],['../classmlx_1_1core_1_1array.html#a2c186fd527f984f0589d4183b4976289',1,'mlx::core::array::outputs()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f',1,'mlx::core::metal::CommandEncoder::outputs()'],['../structmlx_1_1core_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f',1,'mlx::core::CommandEncoder::outputs()']]], + ['overwrite_5fdescriptor_62',['overwrite_descriptor',['../classmlx_1_1core_1_1array.html#a95e6b156c8e05439f076b85c05079387',1,'mlx::core::array']]] ]; diff --git a/docs/build/html/search/classes_1.js b/docs/build/html/search/classes_1.js index 1a29858f0..a7398352a 100644 --- a/docs/build/html/search/classes_1.js +++ b/docs/build/html/search/classes_1.js @@ -32,5 +32,6 @@ var searchData= ['arrayiterator_29',['ArrayIterator',['../structmlx_1_1core_1_1array_1_1_array_iterator.html',1,'mlx::core::array']]], ['asstrided_30',['AsStrided',['../classmlx_1_1core_1_1_as_strided.html',1,'mlx::core']]], ['astype_31',['AsType',['../classmlx_1_1core_1_1_as_type.html',1,'mlx::core']]], - ['attnparams_32',['AttnParams',['../structmlx_1_1steel_1_1_attn_params.html',1,'mlx::steel']]] + ['attnmaskparams_32',['AttnMaskParams',['../structmlx_1_1steel_1_1_attn_mask_params.html',1,'mlx::steel']]], + ['attnparams_33',['AttnParams',['../structmlx_1_1steel_1_1_attn_params.html',1,'mlx::steel']]] ]; diff --git a/docs/build/html/search/classes_3.js b/docs/build/html/search/classes_3.js index 5e6fefacf..03116eec3 100644 --- a/docs/build/html/search/classes_3.js +++ b/docs/build/html/search/classes_3.js @@ -13,7 +13,7 @@ var searchData= ['cmplx_3c_20thigh_20_3e_10',['cmplx< Thigh >',['../structpocketfft_1_1detail_1_1cmplx.html',1,'pocketfft::detail']]], ['cmplx_3c_20vtype_5ft_3c_20t_20_3e_20_3e_11',['cmplx< vtype_t< T > >',['../structpocketfft_1_1detail_1_1cmplx.html',1,'pocketfft::detail']]], ['cndarr_12',['cndarr',['../classpocketfft_1_1detail_1_1cndarr.html',1,'pocketfft::detail']]], - ['commandencoder_13',['CommandEncoder',['../structmlx_1_1core_1_1_command_encoder.html',1,'mlx::core::CommandEncoder'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html',1,'mlx::core::metal::CommandEncoder']]], + ['commandencoder_13',['CommandEncoder',['../structmlx_1_1core_1_1_command_encoder.html',1,'mlx::core::CommandEncoder'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html',1,'mlx::core::cpu::CommandEncoder'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html',1,'mlx::core::metal::CommandEncoder']]], ['commonallocator_14',['CommonAllocator',['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html',1,'mlx::core::allocator']]], ['compiled_15',['Compiled',['../classmlx_1_1core_1_1_compiled.html',1,'mlx::core']]], ['complex128_5ft_16',['complex128_t',['../structmlx_1_1core_1_1complex128__t.html',1,'mlx::core']]], diff --git a/docs/build/html/search/defines_a.js b/docs/build/html/search/defines_a.js index d8df05296..1282d04bf 100644 --- a/docs/build/html/search/defines_a.js +++ b/docs/build/html/search/defines_a.js @@ -1,4 +1,4 @@ var searchData= [ - ['o_5fbinary_0',['O_BINARY',['../io_2load_8h.html#a36fa9b2e726512bc17a7a6d3e39002be',1,'load.h']]] + ['o_5fbinary_0',['O_BINARY',['../load_8h.html#a36fa9b2e726512bc17a7a6d3e39002be',1,'load.h']]] ]; diff --git a/docs/build/html/search/enumvalues_e.js b/docs/build/html/search/enumvalues_e.js index 5885b8201..8edc32e52 100644 --- a/docs/build/html/search/enumvalues_e.js +++ b/docs/build/html/search/enumvalues_e.js @@ -4,7 +4,6 @@ var searchData= ['scalarscalar_1',['ScalarScalar',['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6a7b15cb76e0535ea81a5b6af9c96dcde4',1,'mlx::core']]], ['scalarscalarscalar_2',['ScalarScalarScalar',['../namespacemlx_1_1core.html#ac2b8997537c7f25dd2b244d4c0a865a1a09c2e68746fa22c9903625cea17464db',1,'mlx::core']]], ['scalarvector_3',['ScalarVector',['../namespacemlx_1_1core.html#a546e3d3c8957fbf2758f9504f4a2d0b6aabac63719294588466e3c2f00cccb0a6',1,'mlx::core']]], - ['scheduled_4',['scheduled',['../classmlx_1_1core_1_1array.html#a199726612fa8a4bcd5c2d05eadad7078af8a6f8eed2395ab89a758dec434393ae',1,'mlx::core::array']]], - ['signedinteger_5',['signedinteger',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2daed58b4631ff157bec9e35ed1182d2c10',1,'mlx::core::Dtype']]], - ['sum_6',['Sum',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a1fc7c1f09c80650ab0497e2d6781d65f',1,'mlx::core::distributed::AllReduce::Sum'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a8582875544f1d3d396a1a376473ef1dd',1,'mlx::core::Reduce::Sum'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ade23893033e4849f5596e7ce76a5fc36',1,'mlx::core::Scan::Sum'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca14abe2d8818efa71726be4e156813d6f',1,'mlx::core::Scatter::Sum'],['../classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a702b8cfdaf7fe3e063873595ff0508f2',1,'mlx::core::ScatterAxis::Sum']]] + ['signedinteger_4',['signedinteger',['../structmlx_1_1core_1_1_dtype.html#ac091c39cbd6686ef69aa1e5a2425aa2daed58b4631ff157bec9e35ed1182d2c10',1,'mlx::core::Dtype']]], + ['sum_5',['Sum',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abb4560980e5d01aed14175ce8f6fc924a1fc7c1f09c80650ab0497e2d6781d65f',1,'mlx::core::distributed::AllReduce::Sum'],['../classmlx_1_1core_1_1_reduce.html#a0848518b16ae6d4043d6be247bdf31c9a8582875544f1d3d396a1a376473ef1dd',1,'mlx::core::Reduce::Sum'],['../classmlx_1_1core_1_1_scan.html#a47bf2ec54ead4b8f00f9f188518630f1ade23893033e4849f5596e7ce76a5fc36',1,'mlx::core::Scan::Sum'],['../classmlx_1_1core_1_1_scatter.html#a614d19af11dc30644b2b4941033b613ca14abe2d8818efa71726be4e156813d6f',1,'mlx::core::Scatter::Sum'],['../classmlx_1_1core_1_1_scatter_axis.html#aa292e6cb2a4b32c42ad4f7a258b334f2a702b8cfdaf7fe3e063873595ff0508f2',1,'mlx::core::ScatterAxis::Sum']]] ]; diff --git a/docs/build/html/search/files_4.js b/docs/build/html/search/files_4.js index 67039b83b..86655f040 100644 --- a/docs/build/html/search/files_4.js +++ b/docs/build/html/search/files_4.js @@ -1,9 +1,11 @@ var searchData= [ ['einsum_2eh_0',['einsum.h',['../einsum_8h.html',1,'']]], - ['erf_2eh_1',['erf.h',['../erf_8h.html',1,'']]], - ['event_2eh_2',['event.h',['../backend_2metal_2event_8h.html',1,'(Global Namespace)'],['../event_8h.html',1,'(Global Namespace)']]], - ['expm1f_2eh_3',['expm1f.h',['../expm1f_8h.html',1,'']]], - ['export_2eh_4',['export.h',['../export_8h.html',1,'']]], - ['export_5fimpl_2eh_5',['export_impl.h',['../export__impl_8h.html',1,'']]] + ['encoder_2eh_1',['encoder.h',['../encoder_8h.html',1,'']]], + ['erf_2eh_2',['erf.h',['../erf_8h.html',1,'']]], + ['eval_2eh_3',['eval.h',['../eval_8h.html',1,'']]], + ['event_2eh_4',['event.h',['../event_8h.html',1,'']]], + ['expm1f_2eh_5',['expm1f.h',['../expm1f_8h.html',1,'']]], + ['export_2eh_6',['export.h',['../export_8h.html',1,'']]], + ['export_5fimpl_2eh_7',['export_impl.h',['../export__impl_8h.html',1,'']]] ]; diff --git a/docs/build/html/search/files_b.js b/docs/build/html/search/files_b.js index 114a783c5..e045e0b6b 100644 --- a/docs/build/html/search/files_b.js +++ b/docs/build/html/search/files_b.js @@ -3,7 +3,7 @@ var searchData= ['lapack_2eh_0',['lapack.h',['../lapack_8h.html',1,'']]], ['limits_2eh_1',['limits.h',['../limits_8h.html',1,'']]], ['linalg_2eh_2',['linalg.h',['../linalg_8h.html',1,'']]], - ['load_2eh_3',['load.h',['../backend_2common_2load_8h.html',1,'(Global Namespace)'],['../io_2load_8h.html',1,'(Global Namespace)']]], + ['load_2eh_3',['load.h',['../load_8h.html',1,'']]], ['loader_2eh_4',['loader.h',['../attn_2loader_8h.html',1,'(Global Namespace)'],['../conv_2loader_8h.html',1,'(Global Namespace)'],['../gemm_2loader_8h.html',1,'(Global Namespace)']]], ['loader_5fchannel_5fl_2eh_5',['loader_channel_l.h',['../loader__channel__l_8h.html',1,'']]], ['loader_5fchannel_5fn_2eh_6',['loader_channel_n.h',['../loader__channel__n_8h.html',1,'']]], diff --git a/docs/build/html/search/functions_1.js b/docs/build/html/search/functions_1.js index 1df7610a5..8bfdfc5fd 100644 --- a/docs/build/html/search/functions_1.js +++ b/docs/build/html/search/functions_1.js @@ -7,8 +7,8 @@ var searchData= ['acosh_4',['acosh',['../namespacemlx_1_1core_1_1simd.html#a4f8a64e7742fcd8f759f723a36a7c826',1,'mlx::core::simd::acosh(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a90092f3826ad3be4b2b1785f7ff4a86b',1,'mlx::core::simd::acosh(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a51071c8104494b5bd8097990da3bf943',1,'mlx::core::simd::acosh(Simd< T, 1 > in)'],['../namespacemetal.html#a2d0efb92b7f61eff342d776bd6c5f3a0',1,'metal::acosh()'],['../namespacemetal_1_1fast.html#afb656fc3406649a238b6f1e0509de751',1,'metal::fast::acosh()'],['../namespacemetal_1_1precise.html#a1f489fabffab969b8677b56bb1136067',1,'metal::precise::acosh()']]], ['add_5',['Add',['../classmlx_1_1core_1_1_add.html#ae3fd5483f3454eac3df256e3f5f3cdae',1,'mlx::core::Add']]], ['add_6',['add',['../group__ops.html#ga2d32d67cfd76785a72c43d89b94dc7d7',1,'mlx::core']]], - ['add_5ftemporaries_7',['add_temporaries',['../classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901',1,'mlx::core::metal::Device']]], - ['add_5ftemporary_8',['add_temporary',['../classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576',1,'mlx::core::metal::Device']]], + ['add_5ftemporaries_7',['add_temporaries',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a30676a55a977418879a6a3a8a858d7c3',1,'mlx::core::cpu::CommandEncoder::add_temporaries()'],['../classmlx_1_1core_1_1metal_1_1_device.html#a72ad17c96fc6ce825bc77f0bed657901',1,'mlx::core::metal::Device::add_temporaries()']]], + ['add_5ftemporary_8',['add_temporary',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a0879746a3ca3531a081de1bcf484fa31',1,'mlx::core::cpu::CommandEncoder::add_temporary()'],['../classmlx_1_1core_1_1metal_1_1_device.html#acb90010af0cffe27fd8cc6c253d3a576',1,'mlx::core::metal::Device::add_temporary()']]], ['addmm_9',['AddMM',['../classmlx_1_1core_1_1_add_m_m.html#a8ae4372b3f96e72e8a5a06d59de8a550',1,'mlx::core::AddMM']]], ['addmm_10',['addmm',['../group__ops.html#ga82a53e083205a965387b3c3e2463244a',1,'mlx::core']]], ['adjust_5fmatrix_5foffsets_11',['adjust_matrix_offsets',['../quantized_8h.html#a3e448f8f23c12ffc83bff64ae66bbc66',1,'adjust_matrix_offsets(const device T *&x, const device uint32_t *&w, const device T *&scales, const device T *&biases, device T *&y, int output_stride, const constant int &x_batch_ndims, const constant int *x_shape, const constant int64_t *x_strides, const constant int &w_batch_ndims, const constant int *w_shape, const constant int64_t *w_strides, const constant int64_t *s_strides, const constant int64_t *b_strides, uint3 tid): quantized.h'],['../quantized_8h.html#acb9a7a0653084295657b630d49c71707',1,'adjust_matrix_offsets(const device T *&x, const device uint32_t *&w, const device T *&scales, const device T *&biases, const device uint32_t *lhs_indices, const device uint32_t *rhs_indices, device T *&y, int output_stride, const constant int &batch_ndims, const constant int *batch_shape, const constant int64_t *lhs_strides, const constant int64_t *rhs_strides, const constant int &x_batch_ndims, const constant int *x_shape, const constant int64_t *x_strides, const constant int &w_batch_ndims, const constant int *w_shape, const constant int64_t *w_strides, const constant int64_t *s_strides, const constant int64_t *b_strides, uint3 tid): quantized.h']]], @@ -20,10 +20,10 @@ var searchData= ['aligned_5fallocator_17',['aligned_allocator',['../structpocketfft_1_1detail_1_1threading_1_1aligned__allocator.html#a57c07047ac09c6cf48a269429de2b0fb',1,'pocketfft::detail::threading::aligned_allocator::aligned_allocator(const aligned_allocator< U > &)'],['../structpocketfft_1_1detail_1_1threading_1_1aligned__allocator.html#a0c390851ec37c5cdc5c1e7c6232a0b94',1,'pocketfft::detail::threading::aligned_allocator::aligned_allocator()=default']]], ['aligned_5fdealloc_18',['aligned_dealloc',['../namespacepocketfft_1_1detail.html#aec7820e36a33e0a8bb83aa03b04b81e8',1,'pocketfft::detail']]], ['all_19',['all',['../namespacemlx_1_1core_1_1simd.html#a5109118acb6766855878b9e8a56b156a',1,'mlx::core::simd::all(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a4ba3690489c2bf861e22e1175255438c',1,'mlx::core::simd::all(Simd< T, 1 > x)'],['../group__ops.html#ga3b1b90ef1275ca17655b6d7f25d3ee68',1,'mlx::core::all(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga3689e12e8f42dadb4cbe2b07dc4099f4',1,'mlx::core::all(const array &a, StreamOrDevice s={})'],['../group__ops.html#gac0919c6ba53aea35a7683dea7e9a9a59',1,'mlx::core::all(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#gae2d5fcc5b62d673cca76c08b7b4afbbc',1,'mlx::core::all(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['all_5fgather_20',['all_gather',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a04bb1df23abe5b1f3fa0126375c6cea4',1,'mlx::core::distributed::detail::GroupImpl::all_gather()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#aeb5a1726358213bc75756506f7b54d04',1,'mlx::core::distributed::detail::all_gather()'],['../namespacemlx_1_1core_1_1distributed.html#a82ef5e8cc7ac62cd228e51b1c1b77cb7',1,'mlx::core::distributed::all_gather()']]], + ['all_5fgather_20',['all_gather',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a65ae9485d2b1a2fd769744d50b0dd225',1,'mlx::core::distributed::detail::GroupImpl::all_gather()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#ab3dc0367476257f13fe15d4db946edf5',1,'mlx::core::distributed::detail::all_gather()'],['../namespacemlx_1_1core_1_1distributed.html#a82ef5e8cc7ac62cd228e51b1c1b77cb7',1,'mlx::core::distributed::all_gather()']]], ['all_5freduce_21',['all_reduce',['../reduce__all_8h.html#a9086a585eda5a887160ee24baae0a7b8',1,'reduce_all.h']]], ['all_5freduce_5fdispatch_22',['all_reduce_dispatch',['../namespacemlx_1_1core.html#a3ab0fd997d9a35782106ff083a72e098',1,'mlx::core']]], - ['all_5fsum_23',['all_sum',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae163a6f444c6cc8820288b20f294e483',1,'mlx::core::distributed::detail::GroupImpl::all_sum()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#aa1d225b25f7b6426c48c5e35860ee960',1,'mlx::core::distributed::detail::all_sum()'],['../namespacemlx_1_1core_1_1distributed.html#a67ccb1a5445fc6f5db49dd36a15e5980',1,'mlx::core::distributed::all_sum()']]], + ['all_5fsum_23',['all_sum',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a23f620ec55d75f236d5371e05a52fd64',1,'mlx::core::distributed::detail::GroupImpl::all_sum()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a042be875217168ccfc267fba19a627cb',1,'mlx::core::distributed::detail::all_sum()'],['../namespacemlx_1_1core_1_1distributed.html#a67ccb1a5445fc6f5db49dd36a15e5980',1,'mlx::core::distributed::all_sum()']]], ['allclose_24',['allclose',['../group__ops.html#gaf0cd4257de7542daf9faf5e605e31020',1,'mlx::core']]], ['allgather_25',['AllGather',['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#af4b10a5b61f160fb64353057c185b661',1,'mlx::core::distributed::AllGather']]], ['alloc_5ftmp_26',['alloc_tmp',['../namespacepocketfft_1_1detail.html#a4db03cbcd9d43d9e0b0b9067713c80e9',1,'pocketfft::detail::alloc_tmp(const shape_t &shape, size_t axsize, size_t elemsize)'],['../namespacepocketfft_1_1detail.html#a13832735696303b9559c4663631d5475',1,'pocketfft::detail::alloc_tmp(const shape_t &shape, const shape_t &axes, size_t elemsize)']]], @@ -37,7 +37,7 @@ var searchData= ['apply_5fepilogue_5fsafe_34',['apply_epilogue_safe',['../structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a',1,'mlx::steel::BlockMMA::apply_epilogue_safe(const device U *C, const int ldc, const int fdc, short2 dst_tile_dims, thread const BinaryEpilogue &epilogue_op)'],['../structmlx_1_1steel_1_1_block_m_m_a.html#a9e48f2d51099ec00171506724faab54a',1,'mlx::steel::BlockMMA::apply_epilogue_safe(const device U *C, const int ldc, const int fdc, short2 dst_tile_dims, thread const BinaryEpilogue &epilogue_op)']]], ['apply_5finplace_5fop_35',['apply_inplace_op',['../structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf',1,'mlx::steel::BlockLoader::apply_inplace_op()'],['../structmlx_1_1steel_1_1_block_loader_t.html#a2b136fad00dc54300e68aa6b905eff97',1,'mlx::steel::BlockLoaderT::apply_inplace_op()'],['../structmlx_1_1steel_1_1_block_loader.html#adb4ca2cc193630a779de552fa8847ddf',1,'mlx::steel::BlockLoader::apply_inplace_op()']]], ['arange_36',['Arange',['../classmlx_1_1core_1_1_arange.html#a1a70c3b0b9c67d5a9446c141c5b7c574',1,'mlx::core::Arange']]], - ['arange_37',['arange',['../namespacemlx_1_1core.html#a369aa886219b83cf219e7a7862ce260b',1,'mlx::core::arange()'],['../namespacemlx_1_1core_1_1metal.html#a272c36f0faf2570cbb2f36030e9a3f26',1,'mlx::core::metal::arange()'],['../metal_2kernels_2arange_8h.html#a1e5126ee6ae0164c2343230c4d87c03e',1,'arange(): arange.h'],['../group__ops.html#ga7ca088b8090b9f84f2e08345cf3f835a',1,'mlx::core::arange(double start, double stop, double step, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga4c36b841dc5cba391dad029be5a0ad98',1,'mlx::core::arange(double start, double stop, double step, StreamOrDevice s={})'],['../group__ops.html#ga8d7cf9eb15e2daf1469058907e8abc85',1,'mlx::core::arange(double start, double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga74566a14e69ba6a25f5a35e7ade5c282',1,'mlx::core::arange(double start, double stop, StreamOrDevice s={})'],['../group__ops.html#ga345aa27af3dae3646b8b4b1068e89a3e',1,'mlx::core::arange(double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaae179075d0fe23f4bd53fdf8c41f4c70',1,'mlx::core::arange(double stop, StreamOrDevice s={})'],['../group__ops.html#ga6b945f513077c2978afc1a952c884860',1,'mlx::core::arange(int start, int stop, int step, StreamOrDevice s={})'],['../group__ops.html#ga1c39fcc6eaa1c1867735c7f849d708d6',1,'mlx::core::arange(int start, int stop, StreamOrDevice s={})'],['../group__ops.html#gafe6e4580452c873cac294f16129e633f',1,'mlx::core::arange(int stop, StreamOrDevice s={})']]], + ['arange_37',['arange',['../namespacemlx_1_1core_1_1metal.html#a272c36f0faf2570cbb2f36030e9a3f26',1,'mlx::core::metal::arange()'],['../metal_2kernels_2arange_8h.html#a1e5126ee6ae0164c2343230c4d87c03e',1,'arange(): arange.h'],['../group__ops.html#ga7ca088b8090b9f84f2e08345cf3f835a',1,'mlx::core::arange(double start, double stop, double step, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga4c36b841dc5cba391dad029be5a0ad98',1,'mlx::core::arange(double start, double stop, double step, StreamOrDevice s={})'],['../group__ops.html#ga8d7cf9eb15e2daf1469058907e8abc85',1,'mlx::core::arange(double start, double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga74566a14e69ba6a25f5a35e7ade5c282',1,'mlx::core::arange(double start, double stop, StreamOrDevice s={})'],['../group__ops.html#ga345aa27af3dae3646b8b4b1068e89a3e',1,'mlx::core::arange(double stop, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaae179075d0fe23f4bd53fdf8c41f4c70',1,'mlx::core::arange(double stop, StreamOrDevice s={})'],['../group__ops.html#ga6b945f513077c2978afc1a952c884860',1,'mlx::core::arange(int start, int stop, int step, StreamOrDevice s={})'],['../group__ops.html#ga1c39fcc6eaa1c1867735c7f849d708d6',1,'mlx::core::arange(int start, int stop, StreamOrDevice s={})'],['../group__ops.html#gafe6e4580452c873cac294f16129e633f',1,'mlx::core::arange(int stop, StreamOrDevice s={})']]], ['arccos_38',['ArcCos',['../classmlx_1_1core_1_1_arc_cos.html#a66f4ee841d17923d93241b71ea5103e9',1,'mlx::core::ArcCos']]], ['arccos_39',['arccos',['../group__ops.html#ga08bec7cb10c84466487b507fc5bf9776',1,'mlx::core']]], ['arccosh_40',['ArcCosh',['../classmlx_1_1core_1_1_arc_cosh.html#a34597054db467941a2a883c653ba4d71',1,'mlx::core::ArcCosh']]], @@ -62,7 +62,7 @@ var searchData= ['argument_5fencoder_59',['argument_encoder',['../classmlx_1_1core_1_1metal_1_1_device.html#a6e33e2b1287324fb4a6575e0da5e5881',1,'mlx::core::metal::Device']]], ['arr_60',['arr',['../classpocketfft_1_1detail_1_1arr.html#a961a24410638b35129cd6b81850d2a42',1,'pocketfft::detail::arr::arr()'],['../classpocketfft_1_1detail_1_1arr.html#a04f832b780a4453fdf3b69bf75b182bd',1,'pocketfft::detail::arr::arr(size_t n)'],['../classpocketfft_1_1detail_1_1arr.html#a0cd8fb4a588a74d428a7349d38b477d0',1,'pocketfft::detail::arr::arr(arr &&other)']]], ['arr_5finfo_61',['arr_info',['../classpocketfft_1_1detail_1_1arr__info.html#a0dbddb7d86ca306159fc9ef9a453b21e',1,'pocketfft::detail::arr_info']]], - ['array_62',['array',['../classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232',1,'mlx::core::array::array(T val, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca',1,'mlx::core::array::array(const std::complex< float > &val, Dtype dtype=complex64)'],['../classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7',1,'mlx::core::array::array(It data, Shape shape, Dtype dtype=TypeToDtype< typename std::iterator_traits< It >::value_type >())'],['../classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00',1,'mlx::core::array::array(std::initializer_list< T > data, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7',1,'mlx::core::array::array(std::initializer_list< float > data)'],['../classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49',1,'mlx::core::array::array(std::initializer_list< int > data, Dtype dtype)'],['../classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507',1,'mlx::core::array::array(std::initializer_list< T > data, Shape shape, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4',1,'mlx::core::array::array(allocator::Buffer data, Shape shape, Dtype dtype, Deleter deleter=allocator::free)'],['../classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187',1,'mlx::core::array::array(const array &other)=default'],['../classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c',1,'mlx::core::array::array(array &&other)=default'],['../classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b',1,'mlx::core::array::array(Shape shape, Dtype dtype, std::shared_ptr< Primitive > primitive, std::vector< array > inputs)'],['../classmlx_1_1core_1_1array.html#a2476f987ec7a5afb7665d3b3974db0b2',1,'mlx::core::array::array(allocator::Buffer data, Shape shape, Dtype dtype, Strides strides, size_t data_size, Flags flags, Deleter deleter=allocator::free)']]], + ['array_62',['array',['../classmlx_1_1core_1_1array.html#a75fac72da3ce214fa3737df92a64b232',1,'mlx::core::array::array(T val, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a6db4b8c28c767cc16ad2785ece496dca',1,'mlx::core::array::array(const std::complex< float > &val, Dtype dtype=complex64)'],['../classmlx_1_1core_1_1array.html#abcc030a1c2434ec75ad9425751bffdc7',1,'mlx::core::array::array(It data, Shape shape, Dtype dtype=TypeToDtype< typename std::iterator_traits< It >::value_type >())'],['../classmlx_1_1core_1_1array.html#a87f170384f4fb93decf2b80ae7280f00',1,'mlx::core::array::array(std::initializer_list< T > data, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a46642301da11e3eb4312c37349fbc9d7',1,'mlx::core::array::array(std::initializer_list< float > data)'],['../classmlx_1_1core_1_1array.html#a5e1812029394bfb1a706c83611286f49',1,'mlx::core::array::array(std::initializer_list< int > data, Dtype dtype)'],['../classmlx_1_1core_1_1array.html#a89a7b0c02366ca456232d347ebb11507',1,'mlx::core::array::array(std::initializer_list< T > data, Shape shape, Dtype dtype=TypeToDtype< T >())'],['../classmlx_1_1core_1_1array.html#a485399a6680a370cabb08470306b63d4',1,'mlx::core::array::array(allocator::Buffer data, Shape shape, Dtype dtype, Deleter deleter=allocator::free)'],['../classmlx_1_1core_1_1array.html#a297df274e2da5cb884257bbeffd6b187',1,'mlx::core::array::array(const array &other)=default'],['../classmlx_1_1core_1_1array.html#ab6cbccbba66cc54acda4390b19f0397c',1,'mlx::core::array::array(array &&other)=default'],['../classmlx_1_1core_1_1array.html#abc26528271076510822e374d1668a94b',1,'mlx::core::array::array(Shape shape, Dtype dtype, std::shared_ptr< Primitive > primitive, std::vector< array > inputs)']]], ['array_5fequal_63',['array_equal',['../group__ops.html#ga8f3059336ee0c87207b1f8c6ab312645',1,'mlx::core::array_equal(const array &a, const array &b, bool equal_nan, StreamOrDevice s={})'],['../group__ops.html#gaf79cf0271ca0105d7b14295a90d0ed14',1,'mlx::core::array_equal(const array &a, const array &b, StreamOrDevice s={})']]], ['arrayiterator_64',['ArrayIterator',['../structmlx_1_1core_1_1array_1_1_array_iterator.html#ad3afcb24c6db7642bbc06835f7f3e27a',1,'mlx::core::array::ArrayIterator']]], ['as_5fstrided_65',['as_strided',['../group__ops.html#ga6085b03f2662ef2a61de523fd609f3bf',1,'mlx::core']]], @@ -80,5 +80,5 @@ var searchData= ['atleast_5f3d_77',['atleast_3d',['../group__ops.html#ga4afd919601e67782ff964465919956a0',1,'mlx::core::atleast_3d(const array &a, StreamOrDevice s={})'],['../group__ops.html#gaffdf742ad79440a60dda40062a8074fe',1,'mlx::core::atleast_3d(const std::vector< array > &a, StreamOrDevice s={})']]], ['atomic_5fupdate_78',['atomic_update',['../struct_none.html#aecbce7c97e8b1d5dc4afd2e788c24e06',1,'None']]], ['attach_5fevent_79',['attach_event',['../classmlx_1_1core_1_1array.html#a000c3cfe13cb378bf0523b62816190da',1,'mlx::core::array']]], - ['attention_80',['attention',['../steel__attention_8h.html#a5423b2a414f5e3c14166d568dedfbd33',1,'steel_attention.h']]] + ['attention_80',['attention',['../steel__attention_8h.html#a835f90451dd42ce2d52352d5cce0722a',1,'steel_attention.h']]] ]; diff --git a/docs/build/html/search/functions_12.js b/docs/build/html/search/functions_12.js index 758ad6119..82a44e46c 100644 --- a/docs/build/html/search/functions_12.js +++ b/docs/build/html/search/functions_12.js @@ -23,63 +23,62 @@ var searchData= ['randint_20',['randint',['../namespacemlx_1_1core_1_1random.html#ad7dc7ec016e0441749cf94325d624fba',1,'mlx::core::random::randint(const array &low, const array &high, const Shape &shape, Dtype dtype=int32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a286295f9eba91eb2505f855636763add',1,'mlx::core::random::randint(T low, U high, const Shape &shape, Dtype dtype=int32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})']]], ['randombits_21',['RandomBits',['../classmlx_1_1core_1_1_random_bits.html#acd79c5ea2d67132c98d00fa927f08e26',1,'mlx::core::RandomBits']]], ['rank_22',['rank',['../structmlx_1_1core_1_1distributed_1_1_group.html#a94b676c55c9a0f9d6e75ddf80644f18d',1,'mlx::core::distributed::Group::rank()'],['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ae0838a40ce58442cdc73d57d7969a702',1,'mlx::core::distributed::detail::GroupImpl::rank()']]], - ['raw_5fevent_23',['raw_event',['../classmlx_1_1core_1_1_event.html#af408d30df17c4771e9e2aa550cb6e921',1,'mlx::core::Event']]], - ['raw_5fgroup_24',['raw_group',['../structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf',1,'mlx::core::distributed::Group']]], - ['raw_5fptr_25',['raw_ptr',['../classmlx_1_1core_1_1allocator_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::allocator::Buffer::raw_ptr()'],['../classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::metal::Buffer::raw_ptr()']]], - ['read_26',['read',['../classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1',1,'mlx::core::io::Reader::read(char *data, size_t n)=0'],['../classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc',1,'mlx::core::io::Reader::read(char *data, size_t n, size_t offset)=0'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n) override'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n, size_t offset) override']]], - ['readwriter_27',['ReadWriter',['../struct_read_writer.html#a1aa07e41d7ac286ad79bd26a072dfa0c',1,'ReadWriter']]], - ['real_28',['Real',['../classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892',1,'mlx::core::Real']]], - ['real_29',['real',['../namespacemlx_1_1core_1_1simd.html#acdf822b7626bbab6a495552aea3457b5',1,'mlx::core::simd::real()'],['../group__ops.html#gaf8913cabeb9fb193ba687aaeb2087764',1,'mlx::core::real()']]], - ['recip_30',['recip',['../namespacemlx_1_1core_1_1simd.html#ae344abefc91c7d9c0a9506c868a84d61',1,'mlx::core::simd::recip(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#afc915aed256295475ac88fde3a736f1f',1,'mlx::core::simd::recip(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a6235990c43aaf0e0c126c82d10f01b45',1,'mlx::core::simd::recip(Simd< float16_t, N > a)']]], - ['reciprocal_31',['reciprocal',['../group__ops.html#ga4d29556bb93e2f66916116cf1f062b36',1,'mlx::core']]], - ['recv_32',['Recv',['../classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db',1,'mlx::core::distributed::Recv']]], - ['recv_33',['recv',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac4af5fc16a82ba8c72df04d7694f8352',1,'mlx::core::distributed::detail::GroupImpl::recv()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a003de04deb00ecbb19179b3f557df548',1,'mlx::core::distributed::detail::recv()'],['../namespacemlx_1_1core_1_1distributed.html#af93c1680b656e98158d5f6eed8e092e8',1,'mlx::core::distributed::recv(Shape shape, Dtype dtype, int src, std::optional< Group > group=std::nullopt, StreamOrDevice s={})']]], - ['recv_5flike_34',['recv_like',['../namespacemlx_1_1core_1_1distributed.html#a2822b78bce2c679e6ff940b2fca944f0',1,'mlx::core::distributed']]], - ['reduce_35',['Reduce',['../classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf',1,'mlx::core::Reduce']]], - ['reduce_36',['reduce',['../namespacemlx_1_1core_1_1metal.html#abb997ccbed4c9a9ccd975b1574755fca',1,'mlx::core::metal']]], - ['reduce_5futils_37',['reduce_utils',['../namespacemlx_1_1core_1_1metal.html#a2ec39572806310cf528aea06530e8af8',1,'mlx::core::metal']]], - ['reductionplan_38',['ReductionPlan',['../structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_, Shape shape_, Strides strides_)'],['../structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_)']]], - ['register_5flibrary_39',['register_library',['../classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d',1,'mlx::core::metal::Device::register_library(const std::string &lib_name, const std::string &lib_path)'],['../classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf',1,'mlx::core::metal::Device::register_library(const std::string &lib_name)']]], - ['register_5foutput_5farray_40',['register_output_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a',1,'mlx::core::metal::CommandEncoder::register_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a',1,'mlx::core::CommandEncoder::register_output_array()']]], - ['remainder_41',['Remainder',['../classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641',1,'mlx::core::Remainder']]], - ['remainder_42',['remainder',['../namespacemlx_1_1core_1_1simd.html#ac66bdf1a8e86a4d350c85037bc764da5',1,'mlx::core::simd::remainder(Simd< float16_t, N > x, Simd< float16_t, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab020d2c434fad0cdf79fd37b0f6c1676',1,'mlx::core::simd::remainder(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a54c7f2f2b995eb767462b1228982967f',1,'mlx::core::simd::remainder(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../group__ops.html#ga99f5c904f724156a814d7817188351d2',1,'mlx::core::remainder()']]], - ['remaining_43',['remaining',['../classpocketfft_1_1detail_1_1multi__iter.html#a034d12f842df90e6471dffd3fa6ba4bd',1,'pocketfft::detail::multi_iter::remaining()'],['../classpocketfft_1_1detail_1_1simple__iter.html#a9267d37f51a9a5aecc69293c7ed1b1f6',1,'pocketfft::detail::simple_iter::remaining()'],['../classpocketfft_1_1detail_1_1rev__iter.html#a143637135c441a4b9a2959c2370d8c63',1,'pocketfft::detail::rev_iter::remaining()']]], - ['repeat_44',['repeat',['../group__ops.html#gab49e3a687e826554ed1574186e8ae974',1,'mlx::core::repeat(const array &arr, int repeats, int axis, StreamOrDevice s={})'],['../group__ops.html#ga4f75f5d5db999f02f43ecbc6dccf3ba6',1,'mlx::core::repeat(const array &arr, int repeats, StreamOrDevice s={})']]], - ['reset_45',['reset',['../structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a',1,'mlx::core::ContiguousIterator']]], - ['reset_5fpeak_5fmemory_46',['reset_peak_memory',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6',1,'mlx::core::metal::MetalAllocator::reset_peak_memory()'],['../namespacemlx_1_1core_1_1metal.html#adec8bb375da6c9dd5ff625a3a8434122',1,'mlx::core::metal::reset_peak_memory()']]], - ['reshape_47',['Reshape',['../classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312',1,'mlx::core::Reshape']]], - ['reshape_48',['reshape',['../group__ops.html#ga084f03ce2b22258afb7c8b45e17af828',1,'mlx::core']]], - ['residencyset_49',['ResidencySet',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec',1,'mlx::core::metal::ResidencySet::ResidencySet(MTL::Device *d)'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7',1,'mlx::core::metal::ResidencySet::ResidencySet(const ResidencySet &)=delete']]], - ['resize_50',['resize',['../classpocketfft_1_1detail_1_1arr.html#a8d73baaefa02dff8714e4398c83917e0',1,'pocketfft::detail::arr::resize()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5',1,'mlx::core::metal::ResidencySet::resize()'],['../class_thread_pool.html#a33d9a848213206e95997eb050702ecbf',1,'ThreadPool::resize()']]], - ['restart_51',['restart',['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#a51d252df8d0cd060f15be8ba2bfe3288',1,'pocketfft::detail::threading::thread_pool']]], - ['result_5ftype_52',['result_type',['../namespacemlx_1_1core.html#a8b984eef832f757e28cd262d64a49ae7',1,'mlx::core::result_type(const array &a, const array &b)'],['../namespacemlx_1_1core.html#ac457c232f956ba802acb69c5a621633d',1,'mlx::core::result_type(const array &a, const array &b, const array &c)'],['../namespacemlx_1_1core.html#aafaf24a28297428caf6d0c36c623489e',1,'mlx::core::result_type(const std::vector< array > &arrays)']]], - ['retain_5fgraph_53',['retain_graph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814',1,'mlx::core::detail::RetainGraph::retain_graph()'],['../namespacemlx_1_1core_1_1detail.html#a38af45eb92e437207c722a088f381cd3',1,'mlx::core::detail::retain_graph()']]], - ['retaingraph_54',['RetainGraph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da',1,'mlx::core::detail::RetainGraph']]], - ['rev_5fiter_55',['rev_iter',['../classpocketfft_1_1detail_1_1rev__iter.html#af7b8c2f1534d3038ba2a3c6b9919e134',1,'pocketfft::detail::rev_iter']]], - ['rev_5fofs_56',['rev_ofs',['../classpocketfft_1_1detail_1_1rev__iter.html#a7f112afa76cb7a4c29cff217a6f5f5a9',1,'pocketfft::detail::rev_iter']]], - ['rfft_57',['rfft',['../namespacemlx_1_1core_1_1fft.html#a9cb0edfb831b1ed607a8124d38540c13',1,'mlx::core::fft::rfft(const array &a, int n, int axis, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a464016cbc948bb3af17d43ce39cf54bd',1,'mlx::core::fft::rfft(const array &a, int axis=-1, StreamOrDevice s={})']]], - ['rfft2_58',['rfft2',['../namespacemlx_1_1core_1_1fft.html#a99397f5d9de6551f967120546ec96728',1,'mlx::core::fft::rfft2(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a59ca0c3c455e4ff1fed3dbd2327c55f0',1,'mlx::core::fft::rfft2(const array &a, const std::vector< int > &axes={-2, -1}, StreamOrDevice s={})']]], - ['rfftn_59',['rfftn',['../namespacemlx_1_1core_1_1fft.html#ab60d121ff5509c5a144b2fab7ae0f93b',1,'mlx::core::fft::rfftn(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#ab502e092ba4bb571ecc421a25e4cb968',1,'mlx::core::fft::rfftn(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a53d44fd9b6c7645f9303c24099755bf2',1,'mlx::core::fft::rfftn(const array &a, StreamOrDevice s={})']]], - ['rfftp_60',['rfftp',['../classpocketfft_1_1detail_1_1rfftp.html#a0c590f917b8e8afa3ff53ccff52e68c5',1,'pocketfft::detail::rfftp']]], - ['right_5fshift_61',['right_shift',['../group__ops.html#gafa376ad57d38ba87378f0272dc379b23',1,'mlx::core']]], - ['rint_62',['rint',['../namespacemlx_1_1core_1_1simd.html#a400d89d040f43d471b306a8e8bdb3974',1,'mlx::core::simd::rint(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a797196eccc3690aac5c45e5f9c804ceb',1,'mlx::core::simd::rint(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a8c200919c0eeefb2e2e5d9d19741a805',1,'mlx::core::simd::rint(Simd< float16_t, N > a)'],['../namespacemetal.html#a29ab6060527120eee745aec0daa06e01',1,'metal::rint()'],['../namespacemetal_1_1fast.html#aa613bc252f8d8069e175ec9e9d05a7ec',1,'metal::fast::rint()'],['../namespacemetal_1_1precise.html#ab17bd408098270ad92f37bcd1039c254',1,'metal::precise::rint()']]], - ['rms_5fnorm_63',['rms_norm',['../namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01',1,'mlx::core::fast']]], - ['rmsnorm_64',['RMSNorm',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2',1,'mlx::core::fast::RMSNorm']]], - ['rmsnormvjp_65',['RMSNormVJP',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca',1,'mlx::core::fast::RMSNormVJP']]], - ['roll_66',['roll',['../group__ops.html#gac40e48c69f9c715a767912c30836e75c',1,'mlx::core::roll(const array &a, int shift, StreamOrDevice s={})'],['../group__ops.html#ga5011d1a5735c64e5b91afa56c7e2cc02',1,'mlx::core::roll(const array &a, const Shape &shift, StreamOrDevice s={})'],['../group__ops.html#ga8694ec137165752cb6d8a36a6b7c3436',1,'mlx::core::roll(const array &a, int shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga665f502ecc96f1f4467556b784abf9ae',1,'mlx::core::roll(const array &a, int shift, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga79137f90bc44ac9e35f408c012701df9',1,'mlx::core::roll(const array &a, const Shape &shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga9d76930fb567a7d459ff96fb851abe36',1,'mlx::core::roll(const array &a, const Shape &shift, const std::vector< int > &axes, StreamOrDevice s={})']]], - ['rope_67',['RoPE',['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a',1,'mlx::core::fast::RoPE']]], - ['rope_68',['rope',['../namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, int offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, const array &offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})']]], - ['rot90_69',['ROT90',['../namespacepocketfft_1_1detail.html#a928bad5278df636ee47402c0a75f64ef',1,'pocketfft::detail']]], - ['rotx90_70',['ROTX90',['../namespacepocketfft_1_1detail.html#ab6a43dc0cec4291e163e68a0875ac501',1,'pocketfft::detail']]], - ['round_71',['Round',['../classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde',1,'mlx::core::Round']]], - ['round_72',['round',['../namespacemetal.html#a46c667e169ff9d51a9204a045305442f',1,'metal::round()'],['../namespacemetal_1_1fast.html#a4cb687257a004726d49e496417eaa40f',1,'metal::fast::round()'],['../namespacemetal_1_1precise.html#a5295ab08055d12534cc3775da855ac12',1,'metal::precise::round()'],['../group__ops.html#ga2d74d43f007a069384e89d8416525331',1,'mlx::core::round(const array &a, int decimals, StreamOrDevice s={})'],['../group__ops.html#gaf18fb7e98bf8cf3b7fbc5e64c988a95b',1,'mlx::core::round(const array &a, StreamOrDevice s={})']]], - ['round_5ferror_73',['round_error',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#afa223448fa4f04c1113a85345dd720c3',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['row_5fbin_5fop_74',['row_bin_op',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_bin_op()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2',1,'mlx::steel::MMATile::row_bin_op()']]], - ['row_5freduce_75',['row_reduce',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_reduce()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88',1,'mlx::steel::MMATile::row_reduce()']]], - ['row_5freduce_5fgeneral_5fdispatch_76',['row_reduce_general_dispatch',['../namespacemlx_1_1core.html#ab1eeca8ec6fa31819ee108fa6ed2c41b',1,'mlx::core']]], - ['row_5freduce_5flooped_77',['row_reduce_looped',['../reduce__row_8h.html#a72611b8006ae5642b69f4d250d69865b',1,'reduce_row.h']]], - ['row_5freduce_5fsimple_78',['row_reduce_simple',['../reduce__row_8h.html#a7dbd7cc81b1ce5a4271d56b99ce595d4',1,'reduce_row.h']]], - ['row_5freduce_5fsmall_79',['row_reduce_small',['../reduce__row_8h.html#a1e1b59fa73d2b0be978494a759f2c6ee',1,'reduce_row.h']]], - ['rsqrt_80',['rsqrt',['../namespacemlx_1_1core_1_1simd.html#aea75ddf8c696efc2e5e924667ed48e70',1,'mlx::core::simd::rsqrt(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a74ac0fd799967b0f303bfd26fc6a17cf',1,'mlx::core::simd::rsqrt(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a3345cb53830d1afd625acc7bdc3a0435',1,'mlx::core::simd::rsqrt(Simd< float16_t, N > a)'],['../namespacemetal.html#a1cf4b605c0aa7ff5bfe5e979a16f5157',1,'metal::rsqrt()'],['../namespacemetal_1_1fast.html#aa62097c750f1e4b69d09277f19976ab1',1,'metal::fast::rsqrt()'],['../namespacemetal_1_1precise.html#afb397b477745f12a44423934fa2b05ac',1,'metal::precise::rsqrt()'],['../group__ops.html#ga102f23aa0b0c3d3296a321c694617aa1',1,'mlx::core::rsqrt()']]], - ['run_81',['run',['../struct_g_e_m_v_kernel.html#ac4a7b5011a0ea938ab1949bb1767fc1a',1,'GEMVKernel::run()'],['../struct_g_e_m_v_t_kernel.html#a5d68656832de892f33db939005713927',1,'GEMVTKernel::run()'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)']]] + ['raw_5fgroup_23',['raw_group',['../structmlx_1_1core_1_1distributed_1_1_group.html#aea20bbd3a1c46a3d19da9923885720bf',1,'mlx::core::distributed::Group']]], + ['raw_5fptr_24',['raw_ptr',['../classmlx_1_1core_1_1allocator_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::allocator::Buffer::raw_ptr()'],['../classmlx_1_1core_1_1metal_1_1_buffer.html#a2dfe63e0b4bffeb965cdc50ad4228dbc',1,'mlx::core::metal::Buffer::raw_ptr()']]], + ['read_25',['read',['../classmlx_1_1core_1_1io_1_1_reader.html#ad8d74e2c62b579511089faa4cc6f50a1',1,'mlx::core::io::Reader::read(char *data, size_t n)=0'],['../classmlx_1_1core_1_1io_1_1_reader.html#a3e82cc31bd2a8594f19dc9858dca3efc',1,'mlx::core::io::Reader::read(char *data, size_t n, size_t offset)=0'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a6691826fc8d28f83792bfa2f92660a3b',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n) override'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2b83b4576f1942db869171cccbf607df',1,'mlx::core::io::ParallelFileReader::read(char *data, size_t n, size_t offset) override']]], + ['readwriter_26',['ReadWriter',['../struct_read_writer.html#a1aa07e41d7ac286ad79bd26a072dfa0c',1,'ReadWriter']]], + ['real_27',['Real',['../classmlx_1_1core_1_1_real.html#acd4480e3f0834d70ff6b5f1ecef17892',1,'mlx::core::Real']]], + ['real_28',['real',['../namespacemlx_1_1core_1_1simd.html#acdf822b7626bbab6a495552aea3457b5',1,'mlx::core::simd::real()'],['../group__ops.html#gaf8913cabeb9fb193ba687aaeb2087764',1,'mlx::core::real()']]], + ['recip_29',['recip',['../namespacemlx_1_1core_1_1simd.html#ae344abefc91c7d9c0a9506c868a84d61',1,'mlx::core::simd::recip(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#afc915aed256295475ac88fde3a736f1f',1,'mlx::core::simd::recip(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a6235990c43aaf0e0c126c82d10f01b45',1,'mlx::core::simd::recip(Simd< float16_t, N > a)']]], + ['reciprocal_30',['reciprocal',['../group__ops.html#ga4d29556bb93e2f66916116cf1f062b36',1,'mlx::core']]], + ['recv_31',['Recv',['../classmlx_1_1core_1_1distributed_1_1_recv.html#a511dd4e0259da18a181a25579d9b55db',1,'mlx::core::distributed::Recv']]], + ['recv_32',['recv',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a7ce5b7a19d0fb8e189986c84845c5898',1,'mlx::core::distributed::detail::GroupImpl::recv()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a79bb934225482f2104e8ff270b0530c3',1,'mlx::core::distributed::detail::recv()'],['../namespacemlx_1_1core_1_1distributed.html#af93c1680b656e98158d5f6eed8e092e8',1,'mlx::core::distributed::recv(Shape shape, Dtype dtype, int src, std::optional< Group > group=std::nullopt, StreamOrDevice s={})']]], + ['recv_5flike_33',['recv_like',['../namespacemlx_1_1core_1_1distributed.html#a2822b78bce2c679e6ff940b2fca944f0',1,'mlx::core::distributed']]], + ['reduce_34',['Reduce',['../classmlx_1_1core_1_1_reduce.html#a055368c1d036fb953a23ef230e33dcbf',1,'mlx::core::Reduce']]], + ['reduce_35',['reduce',['../namespacemlx_1_1core_1_1metal.html#abb997ccbed4c9a9ccd975b1574755fca',1,'mlx::core::metal']]], + ['reduce_5futils_36',['reduce_utils',['../namespacemlx_1_1core_1_1metal.html#a2ec39572806310cf528aea06530e8af8',1,'mlx::core::metal']]], + ['reductionplan_37',['ReductionPlan',['../structmlx_1_1core_1_1_reduction_plan.html#a07d9eb40a259918ce23360416b3e9db8',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_, Shape shape_, Strides strides_)'],['../structmlx_1_1core_1_1_reduction_plan.html#aec7496f3740a0b0d51aaa606f6fd68f4',1,'mlx::core::ReductionPlan::ReductionPlan(ReductionOpType type_)']]], + ['register_5flibrary_38',['register_library',['../classmlx_1_1core_1_1metal_1_1_device.html#a45945f2efcd242d915ffa2171e92bf9d',1,'mlx::core::metal::Device::register_library(const std::string &lib_name, const std::string &lib_path)'],['../classmlx_1_1core_1_1metal_1_1_device.html#a99ff72689b7beb65ad4541391b0eeabf',1,'mlx::core::metal::Device::register_library(const std::string &lib_name)']]], + ['register_5foutput_5farray_39',['register_output_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f',1,'mlx::core::metal::CommandEncoder::register_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f',1,'mlx::core::CommandEncoder::register_output_array()']]], + ['remainder_40',['Remainder',['../classmlx_1_1core_1_1_remainder.html#a4f3eada4a21898af4a77d1d27ce14641',1,'mlx::core::Remainder']]], + ['remainder_41',['remainder',['../namespacemlx_1_1core_1_1simd.html#ac66bdf1a8e86a4d350c85037bc764da5',1,'mlx::core::simd::remainder(Simd< float16_t, N > x, Simd< float16_t, N > y)'],['../namespacemlx_1_1core_1_1simd.html#ab020d2c434fad0cdf79fd37b0f6c1676',1,'mlx::core::simd::remainder(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a54c7f2f2b995eb767462b1228982967f',1,'mlx::core::simd::remainder(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../group__ops.html#ga99f5c904f724156a814d7817188351d2',1,'mlx::core::remainder()']]], + ['remaining_42',['remaining',['../classpocketfft_1_1detail_1_1multi__iter.html#a034d12f842df90e6471dffd3fa6ba4bd',1,'pocketfft::detail::multi_iter::remaining()'],['../classpocketfft_1_1detail_1_1simple__iter.html#a9267d37f51a9a5aecc69293c7ed1b1f6',1,'pocketfft::detail::simple_iter::remaining()'],['../classpocketfft_1_1detail_1_1rev__iter.html#a143637135c441a4b9a2959c2370d8c63',1,'pocketfft::detail::rev_iter::remaining()']]], + ['repeat_43',['repeat',['../group__ops.html#gab49e3a687e826554ed1574186e8ae974',1,'mlx::core::repeat(const array &arr, int repeats, int axis, StreamOrDevice s={})'],['../group__ops.html#ga4f75f5d5db999f02f43ecbc6dccf3ba6',1,'mlx::core::repeat(const array &arr, int repeats, StreamOrDevice s={})']]], + ['reset_44',['reset',['../structmlx_1_1core_1_1_contiguous_iterator.html#afa2e2bde9bfa57ac759bc7f5b881262a',1,'mlx::core::ContiguousIterator']]], + ['reset_5fpeak_5fmemory_45',['reset_peak_memory',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a26b9c8ac7ed56c3bb7ddc194009ec5a6',1,'mlx::core::metal::MetalAllocator::reset_peak_memory()'],['../namespacemlx_1_1core_1_1metal.html#adec8bb375da6c9dd5ff625a3a8434122',1,'mlx::core::metal::reset_peak_memory()']]], + ['reshape_46',['Reshape',['../classmlx_1_1core_1_1_reshape.html#aa5a5d520b6ec6c8d9ba9d79808e36312',1,'mlx::core::Reshape']]], + ['reshape_47',['reshape',['../group__ops.html#ga084f03ce2b22258afb7c8b45e17af828',1,'mlx::core']]], + ['residencyset_48',['ResidencySet',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#abb69d020da017a7e52e9e3903b877eec',1,'mlx::core::metal::ResidencySet::ResidencySet(MTL::Device *d)'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aabbf8c16f269f38e4c38097b947d18b7',1,'mlx::core::metal::ResidencySet::ResidencySet(const ResidencySet &)=delete']]], + ['resize_49',['resize',['../classpocketfft_1_1detail_1_1arr.html#a8d73baaefa02dff8714e4398c83917e0',1,'pocketfft::detail::arr::resize()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#a0364647bca4324ac41ea3900925a69b5',1,'mlx::core::metal::ResidencySet::resize()'],['../class_thread_pool.html#a33d9a848213206e95997eb050702ecbf',1,'ThreadPool::resize()']]], + ['restart_50',['restart',['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#a51d252df8d0cd060f15be8ba2bfe3288',1,'pocketfft::detail::threading::thread_pool']]], + ['result_5ftype_51',['result_type',['../namespacemlx_1_1core.html#a8b984eef832f757e28cd262d64a49ae7',1,'mlx::core::result_type(const array &a, const array &b)'],['../namespacemlx_1_1core.html#ac457c232f956ba802acb69c5a621633d',1,'mlx::core::result_type(const array &a, const array &b, const array &c)'],['../namespacemlx_1_1core.html#aafaf24a28297428caf6d0c36c623489e',1,'mlx::core::result_type(const std::vector< array > &arrays)']]], + ['retain_5fgraph_52',['retain_graph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a12ead93cb70ebab865c5e9ce7718f814',1,'mlx::core::detail::RetainGraph::retain_graph()'],['../namespacemlx_1_1core_1_1detail.html#a38af45eb92e437207c722a088f381cd3',1,'mlx::core::detail::retain_graph()']]], + ['retaingraph_53',['RetainGraph',['../structmlx_1_1core_1_1detail_1_1_retain_graph.html#a7fac0244c14cc9e8f580bc1298ff68da',1,'mlx::core::detail::RetainGraph']]], + ['rev_5fiter_54',['rev_iter',['../classpocketfft_1_1detail_1_1rev__iter.html#af7b8c2f1534d3038ba2a3c6b9919e134',1,'pocketfft::detail::rev_iter']]], + ['rev_5fofs_55',['rev_ofs',['../classpocketfft_1_1detail_1_1rev__iter.html#a7f112afa76cb7a4c29cff217a6f5f5a9',1,'pocketfft::detail::rev_iter']]], + ['rfft_56',['rfft',['../namespacemlx_1_1core_1_1fft.html#a9cb0edfb831b1ed607a8124d38540c13',1,'mlx::core::fft::rfft(const array &a, int n, int axis, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a464016cbc948bb3af17d43ce39cf54bd',1,'mlx::core::fft::rfft(const array &a, int axis=-1, StreamOrDevice s={})']]], + ['rfft2_57',['rfft2',['../namespacemlx_1_1core_1_1fft.html#a99397f5d9de6551f967120546ec96728',1,'mlx::core::fft::rfft2(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a59ca0c3c455e4ff1fed3dbd2327c55f0',1,'mlx::core::fft::rfft2(const array &a, const std::vector< int > &axes={-2, -1}, StreamOrDevice s={})']]], + ['rfftn_58',['rfftn',['../namespacemlx_1_1core_1_1fft.html#ab60d121ff5509c5a144b2fab7ae0f93b',1,'mlx::core::fft::rfftn(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#ab502e092ba4bb571ecc421a25e4cb968',1,'mlx::core::fft::rfftn(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a53d44fd9b6c7645f9303c24099755bf2',1,'mlx::core::fft::rfftn(const array &a, StreamOrDevice s={})']]], + ['rfftp_59',['rfftp',['../classpocketfft_1_1detail_1_1rfftp.html#a0c590f917b8e8afa3ff53ccff52e68c5',1,'pocketfft::detail::rfftp']]], + ['right_5fshift_60',['right_shift',['../group__ops.html#gafa376ad57d38ba87378f0272dc379b23',1,'mlx::core']]], + ['rint_61',['rint',['../namespacemlx_1_1core_1_1simd.html#a400d89d040f43d471b306a8e8bdb3974',1,'mlx::core::simd::rint(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a797196eccc3690aac5c45e5f9c804ceb',1,'mlx::core::simd::rint(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a8c200919c0eeefb2e2e5d9d19741a805',1,'mlx::core::simd::rint(Simd< float16_t, N > a)'],['../namespacemetal.html#a29ab6060527120eee745aec0daa06e01',1,'metal::rint()'],['../namespacemetal_1_1fast.html#aa613bc252f8d8069e175ec9e9d05a7ec',1,'metal::fast::rint()'],['../namespacemetal_1_1precise.html#ab17bd408098270ad92f37bcd1039c254',1,'metal::precise::rint()']]], + ['rms_5fnorm_62',['rms_norm',['../namespacemlx_1_1core_1_1fast.html#a85ec3abc6b9d968c58275f5eef916f01',1,'mlx::core::fast']]], + ['rmsnorm_63',['RMSNorm',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a22adaff0749711263388ec151fcfebe2',1,'mlx::core::fast::RMSNorm']]], + ['rmsnormvjp_64',['RMSNormVJP',['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#aac060129b2e1af79bf388bfe705381ca',1,'mlx::core::fast::RMSNormVJP']]], + ['roll_65',['roll',['../group__ops.html#gac40e48c69f9c715a767912c30836e75c',1,'mlx::core::roll(const array &a, int shift, StreamOrDevice s={})'],['../group__ops.html#ga5011d1a5735c64e5b91afa56c7e2cc02',1,'mlx::core::roll(const array &a, const Shape &shift, StreamOrDevice s={})'],['../group__ops.html#ga8694ec137165752cb6d8a36a6b7c3436',1,'mlx::core::roll(const array &a, int shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga665f502ecc96f1f4467556b784abf9ae',1,'mlx::core::roll(const array &a, int shift, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga79137f90bc44ac9e35f408c012701df9',1,'mlx::core::roll(const array &a, const Shape &shift, int axis, StreamOrDevice s={})'],['../group__ops.html#ga9d76930fb567a7d459ff96fb851abe36',1,'mlx::core::roll(const array &a, const Shape &shift, const std::vector< int > &axes, StreamOrDevice s={})']]], + ['rope_66',['RoPE',['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a60b399d7f38c0f5f50342a6b97f0eb1a',1,'mlx::core::fast::RoPE']]], + ['rope_67',['rope',['../namespacemlx_1_1core_1_1fast.html#a534ef357eae24892684a6ecd866d3fab',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, int offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fast.html#a1632b78950f0c8c31b24be7d80faeb39',1,'mlx::core::fast::rope(const array &x, int dims, bool traditional, std::optional< float > base, float scale, const array &offset, const std::optional< array > &freqs=std::nullopt, StreamOrDevice s={})']]], + ['rot90_68',['ROT90',['../namespacepocketfft_1_1detail.html#a928bad5278df636ee47402c0a75f64ef',1,'pocketfft::detail']]], + ['rotx90_69',['ROTX90',['../namespacepocketfft_1_1detail.html#ab6a43dc0cec4291e163e68a0875ac501',1,'pocketfft::detail']]], + ['round_70',['Round',['../classmlx_1_1core_1_1_round.html#a1327a359b2aed91f576145a0e70d1dde',1,'mlx::core::Round']]], + ['round_71',['round',['../namespacemetal.html#a46c667e169ff9d51a9204a045305442f',1,'metal::round()'],['../namespacemetal_1_1fast.html#a4cb687257a004726d49e496417eaa40f',1,'metal::fast::round()'],['../namespacemetal_1_1precise.html#a5295ab08055d12534cc3775da855ac12',1,'metal::precise::round()'],['../group__ops.html#ga2d74d43f007a069384e89d8416525331',1,'mlx::core::round(const array &a, int decimals, StreamOrDevice s={})'],['../group__ops.html#gaf18fb7e98bf8cf3b7fbc5e64c988a95b',1,'mlx::core::round(const array &a, StreamOrDevice s={})']]], + ['round_5ferror_72',['round_error',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#afa223448fa4f04c1113a85345dd720c3',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['row_5fbin_5fop_73',['row_bin_op',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a318c4279bdc7b39b7919f108b1cd8010',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_bin_op()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a3d0d5b9c7962658cc6d5afbbbb2f19e2',1,'mlx::steel::MMATile::row_bin_op()']]], + ['row_5freduce_74',['row_reduce',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a51d662e4cff88b5ad17d7c44bb6b6970',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::row_reduce()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa0ad5cb750ace934bf230385d8bd9f88',1,'mlx::steel::MMATile::row_reduce()']]], + ['row_5freduce_5fgeneral_5fdispatch_75',['row_reduce_general_dispatch',['../namespacemlx_1_1core.html#ab1eeca8ec6fa31819ee108fa6ed2c41b',1,'mlx::core']]], + ['row_5freduce_5flooped_76',['row_reduce_looped',['../reduce__row_8h.html#a72611b8006ae5642b69f4d250d69865b',1,'reduce_row.h']]], + ['row_5freduce_5fsimple_77',['row_reduce_simple',['../reduce__row_8h.html#a7dbd7cc81b1ce5a4271d56b99ce595d4',1,'reduce_row.h']]], + ['row_5freduce_5fsmall_78',['row_reduce_small',['../reduce__row_8h.html#a1e1b59fa73d2b0be978494a759f2c6ee',1,'reduce_row.h']]], + ['rsqrt_79',['rsqrt',['../namespacemlx_1_1core_1_1simd.html#aea75ddf8c696efc2e5e924667ed48e70',1,'mlx::core::simd::rsqrt(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a74ac0fd799967b0f303bfd26fc6a17cf',1,'mlx::core::simd::rsqrt(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#a3345cb53830d1afd625acc7bdc3a0435',1,'mlx::core::simd::rsqrt(Simd< float16_t, N > a)'],['../namespacemetal.html#a1cf4b605c0aa7ff5bfe5e979a16f5157',1,'metal::rsqrt()'],['../namespacemetal_1_1fast.html#aa62097c750f1e4b69d09277f19976ab1',1,'metal::fast::rsqrt()'],['../namespacemetal_1_1precise.html#afb397b477745f12a44423934fa2b05ac',1,'metal::precise::rsqrt()'],['../group__ops.html#ga102f23aa0b0c3d3296a321c694617aa1',1,'mlx::core::rsqrt()']]], + ['run_80',['run',['../struct_g_e_m_v_kernel.html#ac1a9e1d9853489dd928916912cc627a7',1,'GEMVKernel::run()'],['../struct_g_e_m_v_t_kernel.html#a1a96467ee6957e62c2aa1061431095a4',1,'GEMVTKernel::run()'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a00e55d4a161758350ed7310817d2d2a5',1,'mlx::steel::GEMMKernel::run(const device T *A, const device T *B, device U *D, const constant GEMMParams *params, threadgroup T *As, threadgroup T *Bs, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)']]] ]; diff --git a/docs/build/html/search/functions_13.js b/docs/build/html/search/functions_13.js index 51ef31032..a4ea0e34d 100644 --- a/docs/build/html/search/functions_13.js +++ b/docs/build/html/search/functions_13.js @@ -4,50 +4,50 @@ var searchData= ['save_1',['save',['../namespacemlx_1_1core.html#ad4c2cebe9e54582295f98c5a448a1f32',1,'mlx::core::save(std::shared_ptr< io::Writer > out_stream, array a)'],['../namespacemlx_1_1core.html#a22a37f3e33e0658680f6227bdd2d0b91',1,'mlx::core::save(std::string file, array a)']]], ['save_5fgguf_2',['save_gguf',['../namespacemlx_1_1core.html#a8bcc29ca8846ec99dce333df4a34dc5f',1,'mlx::core']]], ['save_5fsafetensors_3',['save_safetensors',['../namespacemlx_1_1core.html#a9f158db20c2405557f3ebc397e876de8',1,'mlx::core::save_safetensors(std::shared_ptr< io::Writer > in_stream, std::unordered_map< std::string, array >, std::unordered_map< std::string, std::string > metadata={})'],['../namespacemlx_1_1core.html#a21e256d852d587bcdc0827831b2c5c16',1,'mlx::core::save_safetensors(std::string file, std::unordered_map< std::string, array >, std::unordered_map< std::string, std::string > metadata={})']]], - ['scalarvector_4',['ScalarVector',['../structmlx_1_1core_1_1_scalar_vector.html#a69d6a3ddd7586e8e19a42c5e6f5a287b',1,'mlx::core::ScalarVector']]], - ['scaled_5fdot_5fproduct_5fattention_5',['scaled_dot_product_attention',['../namespacemlx_1_1core_1_1fast.html#a3663b50265b0a9c0cca2b5376852e059',1,'mlx::core::fast']]], - ['scaleddotproductattention_6',['ScaledDotProductAttention',['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ab3f78d30e5bb3e76cfe701f2358e4748',1,'mlx::core::fast::ScaledDotProductAttention']]], - ['scan_7',['Scan',['../classmlx_1_1core_1_1_scan.html#ac93e8f9c6771de825d2186ef34fa7087',1,'mlx::core::Scan']]], - ['scan_8',['scan',['../namespacemlx_1_1core_1_1metal.html#a81c2cf124b0803098a54a78f8f6873a6',1,'mlx::core::metal']]], - ['scatter_9',['Scatter',['../classmlx_1_1core_1_1_scatter.html#ac9b3eff67389ef9aa820753379ffeaa3',1,'mlx::core::Scatter']]], - ['scatter_10',['scatter',['../namespacemlx_1_1core_1_1metal.html#a32e902c6cd6d35fcc3119ed6685a170f',1,'mlx::core::metal::scatter()'],['../group__ops.html#gad438be8f90bae9d37c6853b8f4225d61',1,'mlx::core::scatter(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#gac2c2b379a3ce959dbe1c4a68f112edfe',1,'mlx::core::scatter(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], - ['scatter_5fadd_11',['scatter_add',['../group__ops.html#gacd14c2b5cfebf343fc2d672722f8d174',1,'mlx::core::scatter_add(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#gac13318518e5703f1273c5366eb523a5a',1,'mlx::core::scatter_add(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], - ['scatter_5fadd_5faxis_12',['scatter_add_axis',['../group__ops.html#gab3fd98c0d06b84b836f93bddbd7a2a0d',1,'mlx::core']]], - ['scatter_5faxis_13',['scatter_axis',['../namespacemlx_1_1core_1_1metal.html#a88c1d42d525fcdfb2f9e8aa2c3f82ea6',1,'mlx::core::metal::scatter_axis()'],['../scatter__axis_8h.html#af78a7935b05dabd42c2cdff4cf375130',1,'scatter_axis(const device T *upd, const device IdxT *indices, device mlx_atomic< T > *out, const constant int *shape, const constant int64_t *upd_strides, const constant int64_t *idx_strides, const constant size_t &ndim, const constant int &axis, const constant int &out_axis_size, const constant size_t &upd_ax_stride, const constant size_t &idx_ax_stride, uint3 index, uint3 grid_dim): scatter_axis.h']]], - ['scatter_5fimpl_14',['scatter_impl',['../scatter_8h.html#ab72d4fe1dbd4ae4dc529ee2ec8164fa4',1,'scatter.h']]], - ['scatter_5fmax_15',['scatter_max',['../group__ops.html#ga05881a4157cd113c9392d168a79e6673',1,'mlx::core::scatter_max(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga9adda5f9202bb3486e4d9e1114e3a56f',1,'mlx::core::scatter_max(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], - ['scatter_5fmin_16',['scatter_min',['../group__ops.html#ga0ca16b7579dfc899f3f7fd40245ba7c5',1,'mlx::core::scatter_min(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga51fa762a997c243ca7a19e1ed3e83199',1,'mlx::core::scatter_min(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], - ['scatter_5fprod_17',['scatter_prod',['../group__ops.html#ga3708b5bcb61e2c63d213c4ce6ad0ffc0',1,'mlx::core::scatter_prod(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#gaf83c53c453faa9083ba27e4b97539339',1,'mlx::core::scatter_prod(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], - ['scatteraxis_18',['ScatterAxis',['../classmlx_1_1core_1_1_scatter_axis.html#a7365a2c5fddb1c39509998598de411db',1,'mlx::core::ScatterAxis']]], - ['scheduler_19',['Scheduler',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba',1,'mlx::core::scheduler::Scheduler::Scheduler()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648',1,'mlx::core::scheduler::Scheduler::Scheduler(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059',1,'mlx::core::scheduler::Scheduler::Scheduler(Scheduler &&)=delete']]], - ['scheduler_20',['scheduler',['../namespacemlx_1_1core_1_1scheduler.html#ae856e468c2f7c8f8ec672522cc13730b',1,'mlx::core::scheduler']]], - ['sdpa_5fvector_21',['sdpa_vector',['../sdpa__vector_8h.html#aa83885125881230b6c4657dd3d0eba18',1,'sdpa_vector.h']]], - ['sdpa_5fvector_5f2pass_5f1_22',['sdpa_vector_2pass_1',['../sdpa__vector_8h.html#ae2a4a8d17e571578ed529f4d4afe93ac',1,'sdpa_vector.h']]], - ['sdpa_5fvector_5f2pass_5f2_23',['sdpa_vector_2pass_2',['../sdpa__vector_8h.html#ae1be83816bf9332277dab185aa1b58c2',1,'sdpa_vector.h']]], - ['seed_24',['seed',['../classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8',1,'mlx::core::random::KeySequence::seed()'],['../namespacemlx_1_1core_1_1random.html#ac4ad325b613257306df74595d3d0e23b',1,'mlx::core::random::seed()']]], - ['seek_25',['seek',['../structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5',1,'mlx::core::ContiguousIterator::seek()'],['../classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1',1,'mlx::core::io::Reader::seek()'],['../classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4',1,'mlx::core::io::Writer::seek()'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f',1,'mlx::core::io::ParallelFileReader::seek()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433',1,'mlx::core::io::FileWriter::seek()']]], - ['select_26',['Select',['../classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9',1,'mlx::core::Select']]], - ['select_27',['select',['../namespacemlx_1_1core_1_1simd.html#afb3bcbd8d8b34128cd0c8eb677a170ef',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a9e3e7b35d564c70de8fa0b6150570ed8',1,'mlx::core::simd::select(Simd< MaskT, 1 > mask, Simd< T, 1 > x, Simd< T, 1 > y)'],['../namespacemlx_1_1core_1_1simd.html#a3b5ebb46e7beae839c97b2e7ed9c7426',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< float16_t, N > x, Simd< float16_t, N > y)']]], - ['send_28',['Send',['../classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac',1,'mlx::core::distributed::Send']]], - ['send_29',['send',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#ac8472eb2f96d1b14c7e4ccef56268ba0',1,'mlx::core::distributed::detail::GroupImpl::send()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#abf33511660ac71df5fc92f2aad6c6e08',1,'mlx::core::distributed::detail::send()'],['../namespacemlx_1_1core_1_1distributed.html#a5a8360edaa3a528a3927fce4d2cf1777',1,'mlx::core::distributed::send()']]], - ['set_30',['Set',['../structpocketfft_1_1detail_1_1cmplx.html#a647fece372b64b13c4a7e5877d09a807',1,'pocketfft::detail::cmplx::Set(T r_, T i_)'],['../structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98',1,'pocketfft::detail::cmplx::Set(T r_)']]], - ['set_5fbinary_5fop_5foutput_5fdata_31',['set_binary_op_output_data',['../namespacemlx_1_1core.html#a6a52856325c2eb031d3983eba2108d59',1,'mlx::core']]], - ['set_5fbuffer_32',['set_buffer',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::metal::CommandEncoder::set_buffer()'],['../structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::CommandEncoder::set_buffer()']]], - ['set_5fbytes_33',['set_bytes',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::metal::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::metal::CommandEncoder::set_bytes(const T &v, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::CommandEncoder::set_bytes(const T &v, int idx)']]], - ['set_5fcache_5flimit_34',['set_cache_limit',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764',1,'mlx::core::metal::MetalAllocator::set_cache_limit()'],['../namespacemlx_1_1core_1_1metal.html#ab09c9b60f1e886ab859e6a066c9a5b9d',1,'mlx::core::metal::set_cache_limit()']]], - ['set_5fcompile_5fmode_35',['set_compile_mode',['../namespacemlx_1_1core.html#a49445a55f976c4397f25ea18e1e92bef',1,'mlx::core']]], - ['set_5fcompute_5fpipeline_5fstate_36',['set_compute_pipeline_state',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::metal::CommandEncoder::set_compute_pipeline_state()'],['../structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::CommandEncoder::set_compute_pipeline_state()']]], + ['scaled_5fdot_5fproduct_5fattention_4',['scaled_dot_product_attention',['../namespacemlx_1_1core_1_1fast.html#a4207ab2eb838335c0074f6bbb6b4cfc5',1,'mlx::core::fast']]], + ['scaleddotproductattention_5',['ScaledDotProductAttention',['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a09c99b460cca606b2ebb22f90b3d13a2',1,'mlx::core::fast::ScaledDotProductAttention']]], + ['scan_6',['Scan',['../classmlx_1_1core_1_1_scan.html#ac93e8f9c6771de825d2186ef34fa7087',1,'mlx::core::Scan']]], + ['scan_7',['scan',['../namespacemlx_1_1core_1_1metal.html#a81c2cf124b0803098a54a78f8f6873a6',1,'mlx::core::metal']]], + ['scatter_8',['Scatter',['../classmlx_1_1core_1_1_scatter.html#ac9b3eff67389ef9aa820753379ffeaa3',1,'mlx::core::Scatter']]], + ['scatter_9',['scatter',['../namespacemlx_1_1core_1_1metal.html#a32e902c6cd6d35fcc3119ed6685a170f',1,'mlx::core::metal::scatter()'],['../group__ops.html#gad438be8f90bae9d37c6853b8f4225d61',1,'mlx::core::scatter(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#gac2c2b379a3ce959dbe1c4a68f112edfe',1,'mlx::core::scatter(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], + ['scatter_5fadd_10',['scatter_add',['../group__ops.html#gacd14c2b5cfebf343fc2d672722f8d174',1,'mlx::core::scatter_add(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#gac13318518e5703f1273c5366eb523a5a',1,'mlx::core::scatter_add(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], + ['scatter_5fadd_5faxis_11',['scatter_add_axis',['../group__ops.html#gab3fd98c0d06b84b836f93bddbd7a2a0d',1,'mlx::core']]], + ['scatter_5faxis_12',['scatter_axis',['../namespacemlx_1_1core_1_1metal.html#a88c1d42d525fcdfb2f9e8aa2c3f82ea6',1,'mlx::core::metal::scatter_axis()'],['../scatter__axis_8h.html#af78a7935b05dabd42c2cdff4cf375130',1,'scatter_axis(const device T *upd, const device IdxT *indices, device mlx_atomic< T > *out, const constant int *shape, const constant int64_t *upd_strides, const constant int64_t *idx_strides, const constant size_t &ndim, const constant int &axis, const constant int &out_axis_size, const constant size_t &upd_ax_stride, const constant size_t &idx_ax_stride, uint3 index, uint3 grid_dim): scatter_axis.h']]], + ['scatter_5fimpl_13',['scatter_impl',['../scatter_8h.html#ab72d4fe1dbd4ae4dc529ee2ec8164fa4',1,'scatter.h']]], + ['scatter_5fmax_14',['scatter_max',['../group__ops.html#ga05881a4157cd113c9392d168a79e6673',1,'mlx::core::scatter_max(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga9adda5f9202bb3486e4d9e1114e3a56f',1,'mlx::core::scatter_max(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], + ['scatter_5fmin_15',['scatter_min',['../group__ops.html#ga0ca16b7579dfc899f3f7fd40245ba7c5',1,'mlx::core::scatter_min(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga51fa762a997c243ca7a19e1ed3e83199',1,'mlx::core::scatter_min(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], + ['scatter_5fprod_16',['scatter_prod',['../group__ops.html#ga3708b5bcb61e2c63d213c4ce6ad0ffc0',1,'mlx::core::scatter_prod(const array &a, const std::vector< array > &indices, const array &updates, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#gaf83c53c453faa9083ba27e4b97539339',1,'mlx::core::scatter_prod(const array &a, const array &indices, const array &updates, int axis, StreamOrDevice s={})']]], + ['scatteraxis_17',['ScatterAxis',['../classmlx_1_1core_1_1_scatter_axis.html#a7365a2c5fddb1c39509998598de411db',1,'mlx::core::ScatterAxis']]], + ['scheduler_18',['Scheduler',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a3ae42aed78a2200e9d02776fcd2316ba',1,'mlx::core::scheduler::Scheduler::Scheduler()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a61a74e3628899e66dde600e24a750648',1,'mlx::core::scheduler::Scheduler::Scheduler(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ac3f77b7c93220dadd0b3bb2e903b7059',1,'mlx::core::scheduler::Scheduler::Scheduler(Scheduler &&)=delete']]], + ['scheduler_19',['scheduler',['../namespacemlx_1_1core_1_1scheduler.html#ae856e468c2f7c8f8ec672522cc13730b',1,'mlx::core::scheduler']]], + ['sdpa_5fvector_20',['sdpa_vector',['../sdpa__vector_8h.html#a3289383906473a108e6aee1993a72816',1,'sdpa_vector.h']]], + ['sdpa_5fvector_5f2pass_5f1_21',['sdpa_vector_2pass_1',['../sdpa__vector_8h.html#a1cdf4f03898ffe2800519892f7f6e0ad',1,'sdpa_vector.h']]], + ['sdpa_5fvector_5f2pass_5f2_22',['sdpa_vector_2pass_2',['../sdpa__vector_8h.html#ae1be83816bf9332277dab185aa1b58c2',1,'sdpa_vector.h']]], + ['seed_23',['seed',['../classmlx_1_1core_1_1random_1_1_key_sequence.html#a9f19c5da2031cba50d0ff996924347d8',1,'mlx::core::random::KeySequence::seed()'],['../namespacemlx_1_1core_1_1random.html#ac4ad325b613257306df74595d3d0e23b',1,'mlx::core::random::seed()']]], + ['seek_24',['seek',['../structmlx_1_1core_1_1_contiguous_iterator.html#af08f009e0a72414d274db2ff1b2c7dd5',1,'mlx::core::ContiguousIterator::seek()'],['../classmlx_1_1core_1_1io_1_1_reader.html#acea55078bd39ccaa27a9a36f17a39cd1',1,'mlx::core::io::Reader::seek()'],['../classmlx_1_1core_1_1io_1_1_writer.html#a9c1716dda53aa36faea9c8fb1a3e34d4',1,'mlx::core::io::Writer::seek()'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a4434ee18ff8bbf1b4fce670a337b535f',1,'mlx::core::io::ParallelFileReader::seek()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a9646f4ea048ae58719daeb588e2de433',1,'mlx::core::io::FileWriter::seek()']]], + ['select_25',['Select',['../classmlx_1_1core_1_1_select.html#a6f833fe55dd68ad3726bbf9a8f75eec9',1,'mlx::core::Select']]], + ['select_26',['select',['../namespacemlx_1_1core_1_1simd.html#afb3bcbd8d8b34128cd0c8eb677a170ef',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a9e3e7b35d564c70de8fa0b6150570ed8',1,'mlx::core::simd::select(Simd< MaskT, 1 > mask, Simd< T, 1 > x, Simd< T, 1 > y)'],['../namespacemlx_1_1core_1_1simd.html#a3b5ebb46e7beae839c97b2e7ed9c7426',1,'mlx::core::simd::select(Simd< MaskT, N > mask, Simd< float16_t, N > x, Simd< float16_t, N > y)']]], + ['send_27',['Send',['../classmlx_1_1core_1_1distributed_1_1_send.html#a2481dd876b14d4a13ac466cbca9c4eac',1,'mlx::core::distributed::Send']]], + ['send_28',['send',['../classmlx_1_1core_1_1distributed_1_1detail_1_1_group_impl.html#a74befcdc600669cb87761106ae0bd9a5',1,'mlx::core::distributed::detail::GroupImpl::send()'],['../namespacemlx_1_1core_1_1distributed_1_1detail.html#a23c5cf992d4f2b2ce9dfa51593a4876d',1,'mlx::core::distributed::detail::send()'],['../namespacemlx_1_1core_1_1distributed.html#a5a8360edaa3a528a3927fce4d2cf1777',1,'mlx::core::distributed::send()']]], + ['set_29',['Set',['../structpocketfft_1_1detail_1_1cmplx.html#a647fece372b64b13c4a7e5877d09a807',1,'pocketfft::detail::cmplx::Set(T r_, T i_)'],['../structpocketfft_1_1detail_1_1cmplx.html#a447d26b2e07f6e45f29d865e906c0a98',1,'pocketfft::detail::cmplx::Set(T r_)']]], + ['set_5fbinary_5fop_5foutput_5fdata_30',['set_binary_op_output_data',['../namespacemlx_1_1core.html#a9f22a9ed98104aaffb929381055b966d',1,'mlx::core']]], + ['set_5fbuffer_31',['set_buffer',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::metal::CommandEncoder::set_buffer()'],['../structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92',1,'mlx::core::CommandEncoder::set_buffer()']]], + ['set_5fbytes_32',['set_bytes',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::metal::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::metal::CommandEncoder::set_bytes(const T &v, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5',1,'mlx::core::CommandEncoder::set_bytes(const T *v, int n, int idx)'],['../structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849',1,'mlx::core::CommandEncoder::set_bytes(const T &v, int idx)']]], + ['set_5fcache_5flimit_33',['set_cache_limit',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#af392bced29d9e4e3f1a7cc4725d83764',1,'mlx::core::metal::MetalAllocator::set_cache_limit()'],['../namespacemlx_1_1core_1_1metal.html#ab09c9b60f1e886ab859e6a066c9a5b9d',1,'mlx::core::metal::set_cache_limit()']]], + ['set_5fcompile_5fmode_34',['set_compile_mode',['../namespacemlx_1_1core.html#a49445a55f976c4397f25ea18e1e92bef',1,'mlx::core']]], + ['set_5fcompute_5fpipeline_5fstate_35',['set_compute_pipeline_state',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::metal::CommandEncoder::set_compute_pipeline_state()'],['../structmlx_1_1core_1_1_command_encoder.html#a6d4c03a6585deedb5ccd1a1057d0c6ef',1,'mlx::core::CommandEncoder::set_compute_pipeline_state()']]], + ['set_5fcopy_5foutput_5fdata_36',['set_copy_output_data',['../namespacemlx_1_1core.html#a3892b68a2e828270caa1c7accf44f038',1,'mlx::core']]], ['set_5fdata_37',['set_data',['../classmlx_1_1core_1_1array.html#af9e3a02b4c0023c36248dc75c887214f',1,'mlx::core::array::set_data(allocator::Buffer buffer, Deleter d=allocator::free)'],['../classmlx_1_1core_1_1array.html#a5f338202a39d37fa3f4241e851a15838',1,'mlx::core::array::set_data(allocator::Buffer buffer, size_t data_size, Strides strides, Flags flags, Deleter d=allocator::free)']]], ['set_5fdefault_5fdevice_38',['set_default_device',['../namespacemlx_1_1core.html#a312a2de41367fe52caeaf8c0f596a120',1,'mlx::core']]], ['set_5fdefault_5fstream_39',['set_default_stream',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a6d15314ac9cf25efc9bd1278de9a66bb',1,'mlx::core::scheduler::Scheduler::set_default_stream()'],['../namespacemlx_1_1core.html#af35a2b06517d8bb7dbb469692b4f841c',1,'mlx::core::set_default_stream()']]], - ['set_5finput_5farray_40',['set_input_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::metal::CommandEncoder::set_input_array()'],['../structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::CommandEncoder::set_input_array()']]], + ['set_5finput_5farray_40',['set_input_array',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa0646f94b37d9d419b0e379c8b81a5fe',1,'mlx::core::cpu::CommandEncoder::set_input_array()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::metal::CommandEncoder::set_input_array()'],['../structmlx_1_1core_1_1_command_encoder.html#ab69ff0d7f14b9b59db4df0608193dce4',1,'mlx::core::CommandEncoder::set_input_array()']]], ['set_5fmemory_5flimit_41',['set_memory_limit',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a179e3127ef9377ce54295f771c34ba1b',1,'mlx::core::metal::MetalAllocator::set_memory_limit()'],['../namespacemlx_1_1core_1_1metal.html#a3fb2c4a237fa4bfdff798156146c4937',1,'mlx::core::metal::set_memory_limit()']]], ['set_5fname_42',['set_name',['../structmlx_1_1core_1_1_node_namer.html#a57a574e48f8a9cd122616d80b138c768',1,'mlx::core::NodeNamer']]], - ['set_5foutput_5farray_43',['set_output_array',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::metal::CommandEncoder::set_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::CommandEncoder::set_output_array()']]], + ['set_5foutput_5farray_43',['set_output_array',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#addd04a642072b7097faa74d1a924147b',1,'mlx::core::cpu::CommandEncoder::set_output_array()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::metal::CommandEncoder::set_output_array()'],['../structmlx_1_1core_1_1_command_encoder.html#a6a2e28e542eaa2886041bddd51ff6522',1,'mlx::core::CommandEncoder::set_output_array()']]], ['set_5fresidency_5fset_44',['set_residency_set',['../classmlx_1_1core_1_1metal_1_1_device.html#a03a2f0c712660a1bd437cb16e4aba79f',1,'mlx::core::metal::Device']]], ['set_5fsiblings_45',['set_siblings',['../classmlx_1_1core_1_1array.html#a8fccbe7a4edfd8cca168161124e263b1',1,'mlx::core::array']]], ['set_5fstatus_46',['set_status',['../classmlx_1_1core_1_1array.html#a63598018999b49f1340b183cb303f05c',1,'mlx::core::array']]], - ['set_5fternary_5fop_5foutput_5fdata_47',['set_ternary_op_output_data',['../namespacemlx_1_1core.html#a6f4528d0d338ea5e1f19d345875c26a2',1,'mlx::core']]], + ['set_5fternary_5fop_5foutput_5fdata_47',['set_ternary_op_output_data',['../namespacemlx_1_1core.html#ae159e1f9193c12eff9a56dfceb1502ef',1,'mlx::core']]], ['set_5ftracer_48',['set_tracer',['../classmlx_1_1core_1_1array.html#af26e6be1a9e6239471a4c24310c0c7c8',1,'mlx::core::array']]], ['set_5funary_5foutput_5fdata_49',['set_unary_output_data',['../namespacemlx_1_1core.html#a4c6a4241bfcdd7bbf30d0e521b79e5a3',1,'mlx::core']]], ['set_5fvalue_50',['set_value',['../classmlx_1_1core_1_1_event.html#a0d077b11f4b28f882b42440b7ac6d40d',1,'mlx::core::Event']]], @@ -64,7 +64,7 @@ var searchData= ['sigmoid_61',['sigmoid',['../group__ops.html#ga708abf8f79609cd6831db7c38cafac0e',1,'mlx::core']]], ['sign_62',['Sign',['../classmlx_1_1core_1_1_sign.html#afe951e50907bc23a601ec5fa9eae5763',1,'mlx::core::Sign']]], ['sign_63',['sign',['../group__ops.html#ga20f1a1a8c0cd6206485f9363f3915faa',1,'mlx::core']]], - ['signal_64',['signal',['../classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89',1,'mlx::core::Event']]], + ['signal_64',['signal',['../classmlx_1_1core_1_1_event.html#a65a858445506a61be5889ae0e3651b89',1,'mlx::core::Event::signal()'],['../classmlx_1_1core_1_1_event.html#ab514bd9e9c21d1fdd7c1460dc7d0ec7f',1,'mlx::core::Event::signal(Stream stream)']]], ['signaling_5fnan_65',['signaling_NaN',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#ad1f76a43c7d51a3765174aa6e0dd9f80',1,'metal::_numeric_limits_impl< bfloat16_t >']]], ['simd_66',['Simd',['../structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab',1,'mlx::core::simd::Simd::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6',1,'mlx::core::simd::Simd::Simd(Simd< U, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce',1,'mlx::core::simd::Simd::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927',1,'mlx::core::simd::Simd::Simd(Simd< T, N/2 > x, Simd< T, N/2 > y)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a3f6e4a83ecf897465f44160b6fad5a7a',1,'mlx::core::simd::Simd< T, 1 >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#a585bc4768c4f7e1313d7e8756fbb00cc',1,'mlx::core::simd::Simd< T, 1 >::Simd(Simd< U, 1 > v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01_t_00_011_01_4.html#acf948f7c5e8829432c0ac17fc9f911e2',1,'mlx::core::simd::Simd< T, 1 >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a04a3a73f98fa5c9090b6cf6154e99e8d',1,'mlx::core::simd::Simd< float16_t, N >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ad8b628f8834e983853d557cc1e4124bb',1,'mlx::core::simd::Simd< float16_t, N >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a5e76655d70c0e9ae49eea536c0e3b8cf',1,'mlx::core::simd::Simd< float16_t, N >::Simd(float16x8_t v)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#ae1dfcaca51f9a6fcdb757cb8413ac223',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< float, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd_3_01float16__t_00_01_n_01_4.html#a1f30c088a6828d0673e927ed6c0a4b2b',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< uint16_t, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab',1,'mlx::core::simd::Simd< T, 1 >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6',1,'mlx::core::simd::Simd< T, 1 >::Simd(Simd< U, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce',1,'mlx::core::simd::Simd< T, 1 >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927',1,'mlx::core::simd::Simd< T, 1 >::Simd(Simd< T, N/2 > x, Simd< T, N/2 > y)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a5c24246e05e833fd81d900226a29e6ab',1,'mlx::core::simd::Simd< float16_t, N >::Simd()'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a1693c8e542dddf2ab60d309d64de71b6',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< U, N > other)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#a74091cd8b7c72014f73ec215b52ea2ce',1,'mlx::core::simd::Simd< float16_t, N >::Simd(U v)'],['../structmlx_1_1core_1_1simd_1_1_simd.html#aabe757c8fd93dadd6f8859cda99f4927',1,'mlx::core::simd::Simd< float16_t, N >::Simd(Simd< float16_t, N/2 > x, Simd< float16_t, N/2 > y)']]], ['simd_5fbroadcast_67',['simd_broadcast',['../namespacemetal.html#a498f1e85107eb5f01ba4435977f8efe0',1,'metal']]], @@ -144,7 +144,7 @@ var searchData= ['stream_141',['Stream',['../structmlx_1_1core_1_1_stream.html#a7f0815ff4886da74cbbff5f93d82dd3e',1,'mlx::core::Stream']]], ['stream_142',['stream',['../classmlx_1_1core_1_1_event.html#a193143bad31b68c699fa27f135b45614',1,'mlx::core::Event::stream()'],['../classmlx_1_1core_1_1_primitive.html#a46e6257397a662528f9f831842ac456a',1,'mlx::core::Primitive::stream()']]], ['streamcontext_143',['StreamContext',['../structmlx_1_1core_1_1_stream_context.html#a89d803151e9d7dce29382aa83d5c6ef1',1,'mlx::core::StreamContext']]], - ['streamthread_144',['StreamThread',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#ac528109a11abcb82e6e221c5efa4493c',1,'mlx::core::scheduler::StreamThread']]], + ['streamthread_144',['StreamThread',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a18486415163f4d531bedb3b923d724cf',1,'mlx::core::scheduler::StreamThread']]], ['stride_145',['stride',['../classpocketfft_1_1detail_1_1arr__info.html#a9d10aa83a1117e75d36f7396b8c2a093',1,'pocketfft::detail::arr_info::stride() const'],['../classpocketfft_1_1detail_1_1arr__info.html#ac1f6a9bd6703eceef6003f5f6315d39b',1,'pocketfft::detail::arr_info::stride(size_t i) const']]], ['stride_5fin_146',['stride_in',['../classpocketfft_1_1detail_1_1multi__iter.html#ac947f03b1cfcb63436a7e61ff020a88c',1,'pocketfft::detail::multi_iter']]], ['stride_5fout_147',['stride_out',['../classpocketfft_1_1detail_1_1multi__iter.html#a81d71a13bf0b85e556fbb9834167ecc7',1,'pocketfft::detail::multi_iter']]], @@ -160,5 +160,5 @@ var searchData= ['swapaxes_157',['swapaxes',['../group__ops.html#gabc46eed81ab6c6247903e4ec0c4ec1fb',1,'mlx::core']]], ['swizzle_158',['swizzle',['../structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760',1,'mlx::steel::BlockSwizzle::swizzle(uint3 tid, const int swizzle_log)'],['../structmlx_1_1steel_1_1_block_swizzle.html#a98e558d63826d2aaa06d3e65a06d2760',1,'mlx::steel::BlockSwizzle::swizzle(uint3 tid, const int swizzle_log)']]], ['syevd_159',['syevd',['../lapack_8h.html#a07b8fcda68eb0c861d282757b5381148',1,'lapack.h']]], - ['synchronize_160',['synchronize',['../namespacemlx_1_1core.html#a14287949d82ffefad0306cef5eb5f9e4',1,'mlx::core::synchronize()'],['../namespacemlx_1_1core.html#a6648a71937b055e5ff513d98056c2fb5',1,'mlx::core::synchronize(Stream)']]] + ['synchronize_160',['synchronize',['../namespacemlx_1_1core_1_1metal.html#acc15b940ea02dcac263a1af9e39ec16b',1,'mlx::core::metal::synchronize()'],['../namespacemlx_1_1core.html#a14287949d82ffefad0306cef5eb5f9e4',1,'mlx::core::synchronize()'],['../namespacemlx_1_1core.html#a6648a71937b055e5ff513d98056c2fb5',1,'mlx::core::synchronize(Stream)']]] ]; diff --git a/docs/build/html/search/functions_14.js b/docs/build/html/search/functions_14.js index 678b75281..d9a129bcb 100644 --- a/docs/build/html/search/functions_14.js +++ b/docs/build/html/search/functions_14.js @@ -12,47 +12,48 @@ var searchData= ['tanh_9',['tanh',['../namespacemlx_1_1core_1_1simd.html#aa244fbe7456b653aa50a473108fd6a2b',1,'mlx::core::simd::tanh(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ad78f543dc5da87a14ca113a1dd9852fd',1,'mlx::core::simd::tanh(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ab80a7db8d99e3f4032e761c60216027d',1,'mlx::core::simd::tanh(Simd< T, 1 > in)'],['../namespacemetal.html#aa97fc50bd6addfc6de0aae8570fe963d',1,'metal::tanh()'],['../namespacemetal_1_1fast.html#a13e6e6ae087b7c558e9a94ddbc864d43',1,'metal::fast::tanh()'],['../namespacemetal_1_1precise.html#a741c27a10cc968dd1e63473d9fcd8f99',1,'metal::precise::tanh()'],['../group__ops.html#ga5efb19aa0dfa42d8a3d5e1dfd569cd6d',1,'mlx::core::tanh()']]], ['tanpi_10',['tanpi',['../namespacemetal.html#ae2046d163a525fc1822a9ec8a0aeaeb3',1,'metal::tanpi()'],['../namespacemetal_1_1fast.html#a39b2952d4adf1400016c63243798aaf8',1,'metal::fast::tanpi()'],['../namespacemetal_1_1precise.html#a8fae8c20deff43a8e855bba6f3ba20a5',1,'metal::precise::tanpi()']]], ['tell_11',['tell',['../classmlx_1_1core_1_1io_1_1_reader.html#a27697ccc1ce45da0233db3bd4f298aed',1,'mlx::core::io::Reader::tell()'],['../classmlx_1_1core_1_1io_1_1_writer.html#a11ad80749894993232fbb5c70fd7b282',1,'mlx::core::io::Writer::tell()'],['../classmlx_1_1core_1_1io_1_1_parallel_file_reader.html#a2e92131428f0ffa98fff781b8c35d9e5',1,'mlx::core::io::ParallelFileReader::tell()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#aa883a722789c962164fd0ddcc5f6ffc5',1,'mlx::core::io::FileWriter::tell()']]], - ['tensordot_12',['tensordot',['../group__ops.html#gaf5c9735f4690327e1500e04e728fae70',1,'mlx::core::tensordot(const array &a, const array &b, const int axis=2, StreamOrDevice s={})'],['../group__ops.html#gad7fe00b566f89d607639c1a497cabbc6',1,'mlx::core::tensordot(const array &a, const array &b, const std::vector< int > &axes_a, const std::vector< int > &axes_b, StreamOrDevice s={})']]], - ['ternary_13',['ternary',['../namespacemlx_1_1core_1_1metal.html#a2d1c92ba6897c0a7a428fed63279b61f',1,'mlx::core::metal']]], - ['ternary_5fg_14',['ternary_g',['../metal_2kernels_2ternary_8h.html#a34189dad8224d54d74e070ab05b97e9f',1,'ternary.h']]], - ['ternary_5fg_5fnd1_15',['ternary_g_nd1',['../metal_2kernels_2ternary_8h.html#af8400389f3bb11498fb1c4057e638a27',1,'ternary.h']]], - ['ternary_5fg_5fnd2_16',['ternary_g_nd2',['../metal_2kernels_2ternary_8h.html#a0971bb39ec881e97af7ab9584e1ce22a',1,'ternary.h']]], - ['ternary_5fg_5fnd3_17',['ternary_g_nd3',['../metal_2kernels_2ternary_8h.html#ad7968ba7b638b85ff67a65eef768f59c',1,'ternary.h']]], - ['ternary_5fop_18',['ternary_op',['../namespacemlx_1_1core.html#a9dcc3018702ee31c21c8652bdc2182b1',1,'mlx::core']]], - ['ternary_5fop_5fdims_19',['ternary_op_dims',['../namespacemlx_1_1core.html#a8096c7a688ac3f09cca69a3a85f7f157',1,'mlx::core']]], - ['ternary_5fop_5fdispatch_5fdims_20',['ternary_op_dispatch_dims',['../namespacemlx_1_1core.html#ac1c085e305954247d042f5d8803cd85b',1,'mlx::core']]], - ['ternary_5fop_5fgpu_21',['ternary_op_gpu',['../namespacemlx_1_1core.html#aa63e62b6d3906e4cac871d498515a1cd',1,'mlx::core']]], - ['ternary_5fop_5fgpu_5finplace_22',['ternary_op_gpu_inplace',['../namespacemlx_1_1core.html#a37645c0adccb3eb46844115def1a68d7',1,'mlx::core']]], - ['ternary_5fops_23',['ternary_ops',['../namespacemlx_1_1core_1_1metal.html#a11b593b07e9a33e5f78fe4695fb99ec9',1,'mlx::core::metal']]], - ['ternary_5fv_24',['ternary_v',['../metal_2kernels_2ternary_8h.html#a83f93644d21ee774e06e8190d0725ccb',1,'ternary.h']]], - ['ternary_5fv2_25',['ternary_v2',['../metal_2kernels_2ternary_8h.html#a3e610f3b01966bdbf23fdfebe5d2c508',1,'ternary.h']]], - ['thread_5fcount_26',['thread_count',['../structpocketfft_1_1detail_1_1util.html#a3b012d5a19215bcd32cf6e228556fa87',1,'pocketfft::detail::util']]], - ['thread_5ffn_27',['thread_fn',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a06a62c21c1174e4eb4d242e50aad7adf',1,'mlx::core::scheduler::StreamThread']]], - ['thread_5fid_28',['thread_id',['../namespacepocketfft_1_1detail_1_1threading.html#aebe85d6273d92c7d3728e2c621ccc82b',1,'pocketfft::detail::threading']]], - ['thread_5fmap_29',['thread_map',['../namespacepocketfft_1_1detail_1_1threading.html#a4fcf674db39f0e2c1c59d48491daed6e',1,'pocketfft::detail::threading']]], - ['thread_5fpool_30',['thread_pool',['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#a37a8121a99dd06a9d44b3e80ba0ea560',1,'pocketfft::detail::threading::thread_pool::thread_pool(size_t nthreads)'],['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#aefaadaa60c0183b862ad96338177a5e0',1,'pocketfft::detail::threading::thread_pool::thread_pool()'],['../namespacemlx_1_1core_1_1io.html#a05f27b765443a178a972abae772e863d',1,'mlx::core::io::thread_pool()']]], - ['thread_5freduce_31',['thread_reduce',['../reduce__row_8h.html#afd80a25fa84e6cc884dcc8698859ade1',1,'reduce_row.h']]], - ['thread_5fswap_32',['thread_swap',['../sort_8h.html#a6e8c2da4975a8001fd5ddf211a3058b7',1,'sort.h']]], - ['threadgroup_5freduce_33',['threadgroup_reduce',['../reduce__row_8h.html#aa146bb611069fd2892f03714fd1cc3cf',1,'reduce_row.h']]], - ['threadpool_34',['ThreadPool',['../class_thread_pool.html#ac291710e33dbbed96ee20711080d506d',1,'ThreadPool']]], - ['threefry2x32_5fhash_35',['threefry2x32_hash',['../namespacemlx_1_1core_1_1random.html#ac7e92c89a2bac1b0bed922a3d4c3c66b',1,'mlx::core::random']]], - ['tile_36',['tile',['../group__ops.html#gab105a57b9a4d84496fe1e4d60e13d361',1,'mlx::core']]], - ['tile_5fmatmad_37',['tile_matmad',['../namespacemlx_1_1steel.html#ab9fdcb06fb1f639f9120ab14cfedd150',1,'mlx::steel::tile_matmad(thread MMATile< Dtype, M, N, MMAFragD > &D, thread MMATile< Atype, M, K, MMAFragA > &A, thread MMATile< Btype, K, N, MMAFragB > &B, thread MMATile< Ctype, M, N, MMAFragC > &C)'],['../namespacemlx_1_1steel.html#ad583e6038efc119542410f43b603d4ad',1,'mlx::steel::tile_matmad(thread MMATile< T, M, N > &D, thread MMATile< U, M, K > &A, thread MMATile< U, K, N > &B, thread MMATile< T, M, N > &C)']]], - ['to_5fstream_38',['to_stream',['../namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9',1,'mlx::core']]], - ['topk_39',['topk',['../group__ops.html#ga5487dd887c43e5341f3e68ffe47f0f5a',1,'mlx::core::topk(const array &a, int k, StreamOrDevice s={})'],['../group__ops.html#ga35b8436c79ff953f6c809598b646f498',1,'mlx::core::topk(const array &a, int k, int axis, StreamOrDevice s={})']]], - ['trace_40',['trace',['../group__ops.html#gabf786129c7660ed8d5acb5499bc6fefd',1,'mlx::core::trace(const array &a, int offset, int axis1, int axis2, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga5ed43c2dbf7d6cbddbaa2fd682deaafd',1,'mlx::core::trace(const array &a, int offset, int axis1, int axis2, StreamOrDevice s={})'],['../group__ops.html#gaf25c00108feaafaa6350a4434cb0062e',1,'mlx::core::trace(const array &a, StreamOrDevice s={})']]], - ['transformadd_41',['TransformAdd',['../structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae',1,'mlx::steel::TransformAdd::TransformAdd(const float, const float)'],['../structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae',1,'mlx::steel::TransformAdd::TransformAdd(const float, const float)']]], - ['transformaxpby_42',['TransformAxpby',['../structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9',1,'mlx::steel::TransformAxpby::TransformAxpby(const float alpha_, const float beta_)'],['../structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9',1,'mlx::steel::TransformAxpby::TransformAxpby(const float alpha_, const float beta_)']]], - ['transformscale_43',['TransformScale',['../struct_transform_scale.html#ae109cf7c963ba13df96977e7563f7b70',1,'TransformScale']]], - ['transpose_44',['Transpose',['../classmlx_1_1core_1_1_transpose.html#a1a9ba023584c61c7ac93d6dce536760a',1,'mlx::core::Transpose']]], - ['transpose_45',['transpose',['../group__ops.html#gac1869f3b7094869b44fe7ac4ce58638b',1,'mlx::core::transpose(const array &a, std::vector< int > axes, StreamOrDevice s={})'],['../group__ops.html#ga260ac332956f3a6bf1dfdb9095c84dc5',1,'mlx::core::transpose(const array &a, std::initializer_list< int > axes, StreamOrDevice s={})'],['../group__ops.html#ga68da0176fefbe0c0096783c6fd926c6a',1,'mlx::core::transpose(const array &a, StreamOrDevice s={})']]], - ['tri_46',['tri',['../group__ops.html#ga4f3389e5b89e70e862e7d2b40d6c7f78',1,'mlx::core::tri(int n, int m, int k, Dtype type, StreamOrDevice s={})'],['../group__ops.html#gac19a1bd6ed6d5c7bc9d258820189dbb5',1,'mlx::core::tri(int n, Dtype type, StreamOrDevice s={})']]], - ['tri_5finv_47',['tri_inv',['../namespacemlx_1_1core_1_1linalg.html#aba1994571326326717b5b5e38c2e0661',1,'mlx::core::linalg']]], - ['tril_48',['tril',['../group__ops.html#ga83e0bb45dc770cf014531d873b78c5a2',1,'mlx::core']]], - ['triu_49',['triu',['../group__ops.html#gaa9df5917876eeb0cb28b7fa81f880412',1,'mlx::core']]], - ['trtri_50',['trtri',['../lapack_8h.html#a9eb1ec7983c0404d7055edd2e9edeb79',1,'lapack.h']]], - ['trunc_51',['trunc',['../namespacemetal.html#a93cb75a11a362bfc8310ea19c554c887',1,'metal::trunc()'],['../namespacemetal_1_1fast.html#aa62e1075e86c626d97038f16e9433415',1,'metal::fast::trunc()'],['../namespacemetal_1_1precise.html#a334183e7a2dd49b983d072d1e8ee2b27',1,'metal::precise::trunc()']]], - ['truncated_5fnormal_52',['truncated_normal',['../namespacemlx_1_1core_1_1random.html#aece7dc5a29e0488d8b9648f340dbff72',1,'mlx::core::random::truncated_normal(const array &lower, const array &upper, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a39663eda0fd7b274d01499a7b1c9035f',1,'mlx::core::random::truncated_normal(const array &lower, const array &upper, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})']]], - ['try_5fpop_53',['try_pop',['../classpocketfft_1_1detail_1_1threading_1_1concurrent__queue.html#aa3807d46a126d229f9054c779105ea43',1,'pocketfft::detail::threading::concurrent_queue']]], - ['type_5fto_5fname_54',['type_to_name',['../namespacemlx_1_1core.html#aef60e3a8d9c987c9c338b193673d2164',1,'mlx::core::type_to_name(const Dtype &t)'],['../namespacemlx_1_1core.html#af1fdfdaa5644394362e6baba30701bae',1,'mlx::core::type_to_name(const array &a)']]] + ['temporaries_12',['temporaries',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a61e90a31f29ae3ffe5f6f1e7672f79b0',1,'mlx::core::cpu::CommandEncoder']]], + ['tensordot_13',['tensordot',['../group__ops.html#gaf5c9735f4690327e1500e04e728fae70',1,'mlx::core::tensordot(const array &a, const array &b, const int axis=2, StreamOrDevice s={})'],['../group__ops.html#gad7fe00b566f89d607639c1a497cabbc6',1,'mlx::core::tensordot(const array &a, const array &b, const std::vector< int > &axes_a, const std::vector< int > &axes_b, StreamOrDevice s={})']]], + ['ternary_14',['ternary',['../namespacemlx_1_1core_1_1metal.html#a2d1c92ba6897c0a7a428fed63279b61f',1,'mlx::core::metal']]], + ['ternary_5fg_15',['ternary_g',['../metal_2kernels_2ternary_8h.html#a34189dad8224d54d74e070ab05b97e9f',1,'ternary.h']]], + ['ternary_5fg_5fnd1_16',['ternary_g_nd1',['../metal_2kernels_2ternary_8h.html#af8400389f3bb11498fb1c4057e638a27',1,'ternary.h']]], + ['ternary_5fg_5fnd2_17',['ternary_g_nd2',['../metal_2kernels_2ternary_8h.html#a0971bb39ec881e97af7ab9584e1ce22a',1,'ternary.h']]], + ['ternary_5fg_5fnd3_18',['ternary_g_nd3',['../metal_2kernels_2ternary_8h.html#ad7968ba7b638b85ff67a65eef768f59c',1,'ternary.h']]], + ['ternary_5fop_19',['ternary_op',['../namespacemlx_1_1core.html#a48fbbd43d2165ab7f42bac3f228bbda3',1,'mlx::core']]], + ['ternary_5fop_5fdims_20',['ternary_op_dims',['../namespacemlx_1_1core.html#a8096c7a688ac3f09cca69a3a85f7f157',1,'mlx::core']]], + ['ternary_5fop_5fdispatch_5fdims_21',['ternary_op_dispatch_dims',['../namespacemlx_1_1core.html#a9abcc6efafd9ab5df1293b1793a734d2',1,'mlx::core']]], + ['ternary_5fop_5fgpu_22',['ternary_op_gpu',['../namespacemlx_1_1core.html#aa63e62b6d3906e4cac871d498515a1cd',1,'mlx::core']]], + ['ternary_5fop_5fgpu_5finplace_23',['ternary_op_gpu_inplace',['../namespacemlx_1_1core.html#a37645c0adccb3eb46844115def1a68d7',1,'mlx::core']]], + ['ternary_5fops_24',['ternary_ops',['../namespacemlx_1_1core_1_1metal.html#a11b593b07e9a33e5f78fe4695fb99ec9',1,'mlx::core::metal']]], + ['ternary_5fv_25',['ternary_v',['../metal_2kernels_2ternary_8h.html#a83f93644d21ee774e06e8190d0725ccb',1,'ternary.h']]], + ['ternary_5fv2_26',['ternary_v2',['../metal_2kernels_2ternary_8h.html#a3e610f3b01966bdbf23fdfebe5d2c508',1,'ternary.h']]], + ['thread_5fcount_27',['thread_count',['../structpocketfft_1_1detail_1_1util.html#a3b012d5a19215bcd32cf6e228556fa87',1,'pocketfft::detail::util']]], + ['thread_5ffn_28',['thread_fn',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a06a62c21c1174e4eb4d242e50aad7adf',1,'mlx::core::scheduler::StreamThread']]], + ['thread_5fid_29',['thread_id',['../namespacepocketfft_1_1detail_1_1threading.html#aebe85d6273d92c7d3728e2c621ccc82b',1,'pocketfft::detail::threading']]], + ['thread_5fmap_30',['thread_map',['../namespacepocketfft_1_1detail_1_1threading.html#a4fcf674db39f0e2c1c59d48491daed6e',1,'pocketfft::detail::threading']]], + ['thread_5fpool_31',['thread_pool',['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#a37a8121a99dd06a9d44b3e80ba0ea560',1,'pocketfft::detail::threading::thread_pool::thread_pool(size_t nthreads)'],['../classpocketfft_1_1detail_1_1threading_1_1thread__pool.html#aefaadaa60c0183b862ad96338177a5e0',1,'pocketfft::detail::threading::thread_pool::thread_pool()'],['../namespacemlx_1_1core_1_1io.html#a05f27b765443a178a972abae772e863d',1,'mlx::core::io::thread_pool()']]], + ['thread_5freduce_32',['thread_reduce',['../reduce__row_8h.html#afd80a25fa84e6cc884dcc8698859ade1',1,'reduce_row.h']]], + ['thread_5fswap_33',['thread_swap',['../sort_8h.html#a6e8c2da4975a8001fd5ddf211a3058b7',1,'sort.h']]], + ['threadgroup_5freduce_34',['threadgroup_reduce',['../reduce__row_8h.html#aa146bb611069fd2892f03714fd1cc3cf',1,'reduce_row.h']]], + ['threadpool_35',['ThreadPool',['../class_thread_pool.html#ac291710e33dbbed96ee20711080d506d',1,'ThreadPool']]], + ['threefry2x32_5fhash_36',['threefry2x32_hash',['../namespacemlx_1_1core_1_1random.html#ac7e92c89a2bac1b0bed922a3d4c3c66b',1,'mlx::core::random']]], + ['tile_37',['tile',['../group__ops.html#gab105a57b9a4d84496fe1e4d60e13d361',1,'mlx::core']]], + ['tile_5fmatmad_38',['tile_matmad',['../namespacemlx_1_1steel.html#ab9fdcb06fb1f639f9120ab14cfedd150',1,'mlx::steel::tile_matmad(thread MMATile< Dtype, M, N, MMAFragD > &D, thread MMATile< Atype, M, K, MMAFragA > &A, thread MMATile< Btype, K, N, MMAFragB > &B, thread MMATile< Ctype, M, N, MMAFragC > &C)'],['../namespacemlx_1_1steel.html#ad583e6038efc119542410f43b603d4ad',1,'mlx::steel::tile_matmad(thread MMATile< T, M, N > &D, thread MMATile< U, M, K > &A, thread MMATile< U, K, N > &B, thread MMATile< T, M, N > &C)']]], + ['to_5fstream_39',['to_stream',['../namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9',1,'mlx::core::to_stream(StreamOrDevice s)'],['../namespacemlx_1_1core.html#a999be930e8a5b35eb33d934eefd548e8',1,'mlx::core::to_stream(StreamOrDevice s, Device default_)']]], + ['topk_40',['topk',['../group__ops.html#ga5487dd887c43e5341f3e68ffe47f0f5a',1,'mlx::core::topk(const array &a, int k, StreamOrDevice s={})'],['../group__ops.html#ga35b8436c79ff953f6c809598b646f498',1,'mlx::core::topk(const array &a, int k, int axis, StreamOrDevice s={})']]], + ['trace_41',['trace',['../group__ops.html#gabf786129c7660ed8d5acb5499bc6fefd',1,'mlx::core::trace(const array &a, int offset, int axis1, int axis2, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga5ed43c2dbf7d6cbddbaa2fd682deaafd',1,'mlx::core::trace(const array &a, int offset, int axis1, int axis2, StreamOrDevice s={})'],['../group__ops.html#gaf25c00108feaafaa6350a4434cb0062e',1,'mlx::core::trace(const array &a, StreamOrDevice s={})']]], + ['transformadd_42',['TransformAdd',['../structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae',1,'mlx::steel::TransformAdd::TransformAdd(const float, const float)'],['../structmlx_1_1steel_1_1_transform_add.html#a7c1b7292910b74281e5296b3dac157ae',1,'mlx::steel::TransformAdd::TransformAdd(const float, const float)']]], + ['transformaxpby_43',['TransformAxpby',['../structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9',1,'mlx::steel::TransformAxpby::TransformAxpby(const float alpha_, const float beta_)'],['../structmlx_1_1steel_1_1_transform_axpby.html#ad7d11c53de13646b725921391d15bbe9',1,'mlx::steel::TransformAxpby::TransformAxpby(const float alpha_, const float beta_)']]], + ['transformscale_44',['TransformScale',['../struct_transform_scale.html#ae109cf7c963ba13df96977e7563f7b70',1,'TransformScale']]], + ['transpose_45',['Transpose',['../classmlx_1_1core_1_1_transpose.html#a1a9ba023584c61c7ac93d6dce536760a',1,'mlx::core::Transpose']]], + ['transpose_46',['transpose',['../group__ops.html#gac1869f3b7094869b44fe7ac4ce58638b',1,'mlx::core::transpose(const array &a, std::vector< int > axes, StreamOrDevice s={})'],['../group__ops.html#ga260ac332956f3a6bf1dfdb9095c84dc5',1,'mlx::core::transpose(const array &a, std::initializer_list< int > axes, StreamOrDevice s={})'],['../group__ops.html#ga68da0176fefbe0c0096783c6fd926c6a',1,'mlx::core::transpose(const array &a, StreamOrDevice s={})']]], + ['tri_47',['tri',['../group__ops.html#ga4f3389e5b89e70e862e7d2b40d6c7f78',1,'mlx::core::tri(int n, int m, int k, Dtype type, StreamOrDevice s={})'],['../group__ops.html#gac19a1bd6ed6d5c7bc9d258820189dbb5',1,'mlx::core::tri(int n, Dtype type, StreamOrDevice s={})']]], + ['tri_5finv_48',['tri_inv',['../namespacemlx_1_1core_1_1linalg.html#aba1994571326326717b5b5e38c2e0661',1,'mlx::core::linalg']]], + ['tril_49',['tril',['../group__ops.html#ga83e0bb45dc770cf014531d873b78c5a2',1,'mlx::core']]], + ['triu_50',['triu',['../group__ops.html#gaa9df5917876eeb0cb28b7fa81f880412',1,'mlx::core']]], + ['trtri_51',['trtri',['../lapack_8h.html#a9eb1ec7983c0404d7055edd2e9edeb79',1,'lapack.h']]], + ['trunc_52',['trunc',['../namespacemetal.html#a93cb75a11a362bfc8310ea19c554c887',1,'metal::trunc()'],['../namespacemetal_1_1fast.html#aa62e1075e86c626d97038f16e9433415',1,'metal::fast::trunc()'],['../namespacemetal_1_1precise.html#a334183e7a2dd49b983d072d1e8ee2b27',1,'metal::precise::trunc()']]], + ['truncated_5fnormal_53',['truncated_normal',['../namespacemlx_1_1core_1_1random.html#aece7dc5a29e0488d8b9648f340dbff72',1,'mlx::core::random::truncated_normal(const array &lower, const array &upper, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a39663eda0fd7b274d01499a7b1c9035f',1,'mlx::core::random::truncated_normal(const array &lower, const array &upper, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})']]], + ['try_5fpop_54',['try_pop',['../classpocketfft_1_1detail_1_1threading_1_1concurrent__queue.html#aa3807d46a126d229f9054c779105ea43',1,'pocketfft::detail::threading::concurrent_queue']]], + ['type_5fto_5fname_55',['type_to_name',['../namespacemlx_1_1core.html#aef60e3a8d9c987c9c338b193673d2164',1,'mlx::core::type_to_name(const Dtype &t)'],['../namespacemlx_1_1core.html#af1fdfdaa5644394362e6baba30701bae',1,'mlx::core::type_to_name(const array &a)']]] ]; diff --git a/docs/build/html/search/functions_15.js b/docs/build/html/search/functions_15.js index b01f6853f..dd4ec4606 100644 --- a/docs/build/html/search/functions_15.js +++ b/docs/build/html/search/functions_15.js @@ -1,23 +1,26 @@ var searchData= [ ['uint16_5fto_5fbfloat16_0',['uint16_to_bfloat16',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a8d066e48cf3e2a0583c71816fa40f7f4',1,'uint16_to_bfloat16(const uint16_t x): bf16.h'],['../backend_2metal_2kernels_2metal__3__1_2bf16_8h.html#a8d066e48cf3e2a0583c71816fa40f7f4',1,'uint16_to_bfloat16(const uint16_t x): bf16.h']]], - ['unary_1',['unary',['../namespacemlx_1_1core.html#a6c8fdd03ef891d7f47804bf02e9a8507',1,'mlx::core::unary()'],['../namespacemlx_1_1core_1_1metal.html#afac64fd56ac492d6baf6de7e8a00b039',1,'mlx::core::metal::unary()']]], - ['unary_5ffp_2',['unary_fp',['../namespacemlx_1_1core.html#a76a2cb4634f5fd6970a8c3b3753d7a4a',1,'mlx::core']]], - ['unary_5fg_3',['unary_g',['../metal_2kernels_2unary_8h.html#af13d20efb568db3ab7cd7ec0311c87be',1,'unary.h']]], - ['unary_5fint_4',['unary_int',['../namespacemlx_1_1core.html#a078859db0d66ff77f97af6dc9764e8eb',1,'mlx::core']]], - ['unary_5fop_5',['unary_op',['../namespacemlx_1_1core.html#a27f00519f9756896734fd4d47fec0625',1,'mlx::core::unary_op(const T *a, U *out, Op op, size_t shape, size_t stride)'],['../namespacemlx_1_1core.html#ae20f207ad1ed3badc17cecf08f118b5e',1,'mlx::core::unary_op(const array &a, array &out, Op op)']]], - ['unary_5fop_5fgpu_6',['unary_op_gpu',['../namespacemlx_1_1core.html#aba2b4accc059f30d4dca88db9f7a6e13',1,'mlx::core']]], - ['unary_5fop_5fgpu_5finplace_7',['unary_op_gpu_inplace',['../namespacemlx_1_1core.html#a668fde2bd280a88f63a68b68a343d375',1,'mlx::core']]], - ['unary_5fops_8',['unary_ops',['../namespacemlx_1_1core_1_1metal.html#a17b471fa52ea5f24ee63e081f46528f5',1,'mlx::core::metal']]], - ['unary_5fv_9',['unary_v',['../metal_2kernels_2unary_8h.html#a64e4f6737edddb72122e262977ee3014',1,'unary.h']]], - ['unary_5fv2_10',['unary_v2',['../metal_2kernels_2unary_8h.html#a7c7690f0df9d2acc60b63be58d9c7777',1,'unary.h']]], - ['unaryprimitive_11',['UnaryPrimitive',['../classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(Stream stream)'],['../classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(UnaryPrimitive &&other)=delete']]], - ['unflatten_12',['Unflatten',['../classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966',1,'mlx::core::Unflatten']]], - ['unflatten_13',['unflatten',['../group__ops.html#ga666bcc2187a144247e8c0c224b016625',1,'mlx::core']]], - ['uniform_14',['uniform',['../namespacemlx_1_1core_1_1random.html#ac461a0be91e448c9887b38b832c61cc2',1,'mlx::core::random::uniform(const array &low, const array &high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#abe65438fbb52624386f50f77863a2c5e',1,'mlx::core::random::uniform(T low, U high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a52913f952387ee3943b3c1f572583ac0',1,'mlx::core::random::uniform(const Shape &shape, Dtype dtype, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a0ffb2f91da490f372f898ca2f82104a8',1,'mlx::core::random::uniform(const Shape &shape, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})']]], - ['unsafe_5fweak_5fcopy_15',['unsafe_weak_copy',['../namespacemlx_1_1core.html#a357f4172305d2021bde8cf07d99adb7d',1,'mlx::core']]], - ['update_16',['update',['../classmlx_1_1core_1_1_fence.html#a653279d4023d69751a930a91d3bf010a',1,'mlx::core::Fence']]], - ['update_5ffence_17',['update_fence',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::metal::CommandEncoder::update_fence()'],['../structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::CommandEncoder::update_fence()']]], - ['update_5fgpu_18',['update_gpu',['../classmlx_1_1core_1_1_fence.html#a6c5652aad6e93b06c72258bb8d9c19fc',1,'mlx::core::Fence']]], - ['utils_19',['utils',['../namespacemlx_1_1core_1_1metal.html#a529dc6c2d4a37ba544b66b2c3cd792cc',1,'mlx::core::metal']]] + ['unary_1',['unary',['../namespacemlx_1_1core.html#a0f3ff0f676d28840c210ef6277caa546',1,'mlx::core::unary()'],['../namespacemlx_1_1core_1_1metal.html#afac64fd56ac492d6baf6de7e8a00b039',1,'mlx::core::metal::unary()']]], + ['unary_5fcomplex_2',['unary_complex',['../namespacemlx_1_1core.html#a9af588b2e7f4e5249cd8b7722ad829c0',1,'mlx::core']]], + ['unary_5fcomplex_5fto_5ffloat_3',['unary_complex_to_float',['../namespacemlx_1_1core.html#a0640d1f5bcd9a4f5cdaea9f197a53515',1,'mlx::core']]], + ['unary_5ffp_4',['unary_fp',['../namespacemlx_1_1core.html#a6c1b92aea938457e44f93a7955d22823',1,'mlx::core']]], + ['unary_5fg_5',['unary_g',['../metal_2kernels_2unary_8h.html#af13d20efb568db3ab7cd7ec0311c87be',1,'unary.h']]], + ['unary_5fint_6',['unary_int',['../namespacemlx_1_1core.html#a50536365b8bcfec55e7d023ae9a6395c',1,'mlx::core']]], + ['unary_5fop_7',['unary_op',['../namespacemlx_1_1core.html#aa6b3dfc27a21d26b3fda96022aa60e32',1,'mlx::core::unary_op(const T *a, U *out, size_t shape, size_t stride)'],['../namespacemlx_1_1core.html#ab9812785763451ceb86486032d614048',1,'mlx::core::unary_op(const array &a, array &out, Op)']]], + ['unary_5fop_5fgpu_8',['unary_op_gpu',['../namespacemlx_1_1core.html#aba2b4accc059f30d4dca88db9f7a6e13',1,'mlx::core']]], + ['unary_5fop_5fgpu_5finplace_9',['unary_op_gpu_inplace',['../namespacemlx_1_1core.html#a668fde2bd280a88f63a68b68a343d375',1,'mlx::core']]], + ['unary_5fops_10',['unary_ops',['../namespacemlx_1_1core_1_1metal.html#a17b471fa52ea5f24ee63e081f46528f5',1,'mlx::core::metal']]], + ['unary_5freal_5ffp_11',['unary_real_fp',['../namespacemlx_1_1core.html#a940f998c7469d14f5234f78dcaecd48b',1,'mlx::core']]], + ['unary_5fsigned_12',['unary_signed',['../namespacemlx_1_1core.html#aed2b5550f8424094ef10bdadfe92ec0f',1,'mlx::core']]], + ['unary_5fv_13',['unary_v',['../metal_2kernels_2unary_8h.html#a64e4f6737edddb72122e262977ee3014',1,'unary.h']]], + ['unary_5fv2_14',['unary_v2',['../metal_2kernels_2unary_8h.html#a7c7690f0df9d2acc60b63be58d9c7777',1,'unary.h']]], + ['unaryprimitive_15',['UnaryPrimitive',['../classmlx_1_1core_1_1_unary_primitive.html#a189f6d4ed369f82a4b724a29eb056d4e',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(Stream stream)'],['../classmlx_1_1core_1_1_unary_primitive.html#a9935cffc4f246d3d883bc3d26c5163f2',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a780281fb04e2daf1be630c124bd605e3',1,'mlx::core::UnaryPrimitive::UnaryPrimitive(UnaryPrimitive &&other)=delete']]], + ['unflatten_16',['Unflatten',['../classmlx_1_1core_1_1_unflatten.html#a2d1c32eb1fe2bc7641ade600453c7966',1,'mlx::core::Unflatten']]], + ['unflatten_17',['unflatten',['../group__ops.html#ga666bcc2187a144247e8c0c224b016625',1,'mlx::core']]], + ['uniform_18',['uniform',['../namespacemlx_1_1core_1_1random.html#ac461a0be91e448c9887b38b832c61cc2',1,'mlx::core::random::uniform(const array &low, const array &high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#abe65438fbb52624386f50f77863a2c5e',1,'mlx::core::random::uniform(T low, U high, const Shape &shape, Dtype dtype=float32, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a52913f952387ee3943b3c1f572583ac0',1,'mlx::core::random::uniform(const Shape &shape, Dtype dtype, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1random.html#a0ffb2f91da490f372f898ca2f82104a8',1,'mlx::core::random::uniform(const Shape &shape, const std::optional< array > &key=std::nullopt, StreamOrDevice s={})']]], + ['unsafe_5fweak_5fcopy_19',['unsafe_weak_copy',['../classmlx_1_1core_1_1array.html#a797ae8a1708a7c67d62e6c55c321d802',1,'mlx::core::array']]], + ['update_20',['update',['../classmlx_1_1core_1_1_fence.html#a19438c60b5e9c6f64529c8f0329ead13',1,'mlx::core::Fence']]], + ['update_5ffence_21',['update_fence',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::metal::CommandEncoder::update_fence()'],['../structmlx_1_1core_1_1_command_encoder.html#aeef08f5f3c015578d40de756a6465aa2',1,'mlx::core::CommandEncoder::update_fence()']]], + ['utils_22',['utils',['../namespacemlx_1_1core_1_1metal.html#a529dc6c2d4a37ba544b66b2c3cd792cc',1,'mlx::core::metal']]] ]; diff --git a/docs/build/html/search/functions_16.js b/docs/build/html/search/functions_16.js index dcf22a00d..b14244e77 100644 --- a/docs/build/html/search/functions_16.js +++ b/docs/build/html/search/functions_16.js @@ -5,13 +5,11 @@ var searchData= ['value_2',['value',['../classmlx_1_1core_1_1_event.html#ab71c7baee3d1d02ad6a2001bbf90b970',1,'mlx::core::Event']]], ['value_5fand_5fgrad_3',['value_and_grad',['../namespacemlx_1_1core.html#abf49b337a00997231c0f7fd389efa8f3',1,'mlx::core::value_and_grad(const std::function< std::vector< array >(const std::vector< array > &)> &fun, const std::vector< int > &argnums)'],['../namespacemlx_1_1core.html#a7b987f404b8699de00f9e0099ab6b1b0',1,'mlx::core::value_and_grad(const std::function< std::vector< array >(const std::vector< array > &)> &fun, int argnum=0)'],['../namespacemlx_1_1core.html#a5a64dc878b29403d27e50bd7a288cc04',1,'mlx::core::value_and_grad(const std::function< array(const array &)> &fun)'],['../namespacemlx_1_1core.html#a7620f1ae298127cb6181db9162f012a7',1,'mlx::core::value_and_grad(const std::function< array(const std::vector< array > &)> &fun, const std::vector< int > &argnums)'],['../namespacemlx_1_1core.html#a2f69ffc30d66b1fca8f24b65be161a51',1,'mlx::core::value_and_grad(const std::function< array(const std::vector< array > &)> &fun, int argnum=0)']]], ['var_4',['var',['../group__ops.html#ga7e133df686439588a8cd1fb10ce0c6e9',1,'mlx::core::var(const array &a, bool keepdims, int ddof=0, StreamOrDevice s={})'],['../group__ops.html#ga7d7b38d118fa2613214078ef0f7d5a42',1,'mlx::core::var(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga78ddeb966cbe7a5b0aa17e1de43025f2',1,'mlx::core::var(const array &a, const std::vector< int > &axes, bool keepdims=false, int ddof=0, StreamOrDevice s={})'],['../group__ops.html#ga4fbf3e3f98f2e4956faf87af320aa9d0',1,'mlx::core::var(const array &a, int axis, bool keepdims=false, int ddof=0, StreamOrDevice s={})']]], - ['vectorscalar_5',['VectorScalar',['../structmlx_1_1core_1_1_vector_scalar.html#a97088143e6d301d753dcdd1ccdd82287',1,'mlx::core::VectorScalar']]], - ['vectorvector_6',['VectorVector',['../structmlx_1_1core_1_1_vector_vector.html#a4867666c95c597a113afb64f173cc022',1,'mlx::core::VectorVector']]], - ['version_7',['version',['../namespacemlx_1_1core.html#a4d7bc76b40d028805d32a9e0f7ae7598',1,'mlx::core']]], - ['view_8',['View',['../classmlx_1_1core_1_1_view.html#ad7eed156c308e9a29a8b41f965ec941e',1,'mlx::core::View']]], - ['view_9',['view',['../group__ops.html#ga3602aa91b7b124a0b41ec1b2137a1b02',1,'mlx::core']]], - ['vjp_10',['vjp',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abbf6d1d63dcda207ad7d9eeb4fc36225',1,'mlx::core::distributed::AllReduce::vjp()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#aa5eff6fc128b71220899aab8ab9116fb',1,'mlx::core::distributed::AllGather::vjp()'],['../classmlx_1_1core_1_1fast_1_1_custom.html#a74be4bcd0382f7f6400bf73fd5569c91',1,'mlx::core::fast::Custom::vjp()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#aacfbbbc15fcee0a5ce4f519ca3cca5eb',1,'mlx::core::fast::RMSNorm::vjp()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#ae5e1b5df0705a6b1d141691a4396b0b6',1,'mlx::core::fast::LayerNorm::vjp()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#ad999105414badd66c8fd9e069454a533',1,'mlx::core::fast::RoPE::vjp()'],['../classmlx_1_1core_1_1_primitive.html#a1dcb6807326eeab62474c6a0e3836d42',1,'mlx::core::Primitive::vjp()'],['../classmlx_1_1core_1_1_abs.html#aa2dd8ec0989e716b77394ac349b34592',1,'mlx::core::Abs::vjp()'],['../classmlx_1_1core_1_1_add.html#ac28e581862880e24ed2b99bb6a916607',1,'mlx::core::Add::vjp()'],['../classmlx_1_1core_1_1_add_m_m.html#ac1562a37cec6928e01281926ebeb47c6',1,'mlx::core::AddMM::vjp()'],['../classmlx_1_1core_1_1_arc_cos.html#a78e73e5e639d1249c7fe9614bf157c92',1,'mlx::core::ArcCos::vjp()'],['../classmlx_1_1core_1_1_arc_cosh.html#a856c677f16e2b3f2edd2491e35db2d26',1,'mlx::core::ArcCosh::vjp()'],['../classmlx_1_1core_1_1_arc_sin.html#ab4057cd5ef1a8359f97493018e10d3a1',1,'mlx::core::ArcSin::vjp()'],['../classmlx_1_1core_1_1_arc_sinh.html#a7988ee5b9e1e7e498dcab73d61ba147e',1,'mlx::core::ArcSinh::vjp()'],['../classmlx_1_1core_1_1_arc_tan.html#a5fefc3634b96a67ff8ae011a8ee180c2',1,'mlx::core::ArcTan::vjp()'],['../classmlx_1_1core_1_1_arc_tan2.html#a99840c282e37b2b2a9c312e6e8ade1d2',1,'mlx::core::ArcTan2::vjp()'],['../classmlx_1_1core_1_1_arc_tanh.html#a07da5797f7aaf3dfe43bf24e8562ac72',1,'mlx::core::ArcTanh::vjp()'],['../classmlx_1_1core_1_1_arg_partition.html#ade23d014717a0b0235d00073503aeac0',1,'mlx::core::ArgPartition::vjp()'],['../classmlx_1_1core_1_1_arg_reduce.html#a60d272685a373e6fe879416481a1ce1a',1,'mlx::core::ArgReduce::vjp()'],['../classmlx_1_1core_1_1_as_type.html#ac38a4f889311a3b5e5be9a67dcb93e18',1,'mlx::core::AsType::vjp()'],['../classmlx_1_1core_1_1_as_strided.html#a34783284c9b2f5b4a62c3c3ee5dd4062',1,'mlx::core::AsStrided::vjp()'],['../classmlx_1_1core_1_1_bitwise_binary.html#a6131ed1c317ff8700a3e9b13fdaa9d61',1,'mlx::core::BitwiseBinary::vjp()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#a1adf20087ee2f685bf39c2724b8e7120',1,'mlx::core::BlockMaskedMM::vjp()'],['../classmlx_1_1core_1_1_gather_m_m.html#a76c9f27c57354f6230b43944882e1bda',1,'mlx::core::GatherMM::vjp()'],['../classmlx_1_1core_1_1_broadcast_axes.html#aea8ef2b2616568a2bb56695381a035be',1,'mlx::core::BroadcastAxes::vjp()'],['../classmlx_1_1core_1_1_broadcast.html#a0318847c9be40f00b23907ad56037d18',1,'mlx::core::Broadcast::vjp()'],['../classmlx_1_1core_1_1_ceil.html#ac2f5a2bd84b8f013e5ce688419a88acb',1,'mlx::core::Ceil::vjp()'],['../classmlx_1_1core_1_1_compiled.html#a32462e65c52f84b708188130cc508133',1,'mlx::core::Compiled::vjp()'],['../classmlx_1_1core_1_1_concatenate.html#a8155db9100ec3b8bd0bc94baeaeee3b0',1,'mlx::core::Concatenate::vjp()'],['../classmlx_1_1core_1_1_contiguous.html#abf488f02057fd5852f38b2e8a600ad2a',1,'mlx::core::Contiguous::vjp()'],['../classmlx_1_1core_1_1_convolution.html#af8eb9c0c055ad20aa74b547016917690',1,'mlx::core::Convolution::vjp()'],['../classmlx_1_1core_1_1_copy.html#a6c4dee582001e9983e9517485ee37efd',1,'mlx::core::Copy::vjp()'],['../classmlx_1_1core_1_1_cos.html#a51d84113728e651ef9d4a1fe671c4d00',1,'mlx::core::Cos::vjp()'],['../classmlx_1_1core_1_1_cosh.html#a0791abd4305a333fb3b181a5357ce0f4',1,'mlx::core::Cosh::vjp()'],['../classmlx_1_1core_1_1_custom_transforms.html#aa1da36cef632df767cd9809d6cf06209',1,'mlx::core::CustomTransforms::vjp()'],['../classmlx_1_1core_1_1_depends.html#a02996fa45f01f7cb9f37074d5f8ccab0',1,'mlx::core::Depends::vjp()'],['../classmlx_1_1core_1_1_divide.html#ad3af7c70cad22c1a1a75b4a78ef793b6',1,'mlx::core::Divide::vjp()'],['../classmlx_1_1core_1_1_div_mod.html#a8c914a07f666a1d9377a27ed5d55e7c1',1,'mlx::core::DivMod::vjp()'],['../classmlx_1_1core_1_1_select.html#a9b522487b78fceeca7f827cd1c29a9a3',1,'mlx::core::Select::vjp()'],['../classmlx_1_1core_1_1_remainder.html#ab18f7bca1027ae71847a50da0933cec6',1,'mlx::core::Remainder::vjp()'],['../classmlx_1_1core_1_1_equal.html#af3c1bfcd1bf50922fc00e302bb193736',1,'mlx::core::Equal::vjp()'],['../classmlx_1_1core_1_1_erf.html#a1f529e95a42a2d69a8b18979d3ee2909',1,'mlx::core::Erf::vjp()'],['../classmlx_1_1core_1_1_erf_inv.html#a48afff12a58ddefae7ae0245c3580189',1,'mlx::core::ErfInv::vjp()'],['../classmlx_1_1core_1_1_exp.html#a94b9b7d137c3640d290b96c5e8b7e1a8',1,'mlx::core::Exp::vjp()'],['../classmlx_1_1core_1_1_expm1.html#af6ce416169190479c9792bb9cdbe2f43',1,'mlx::core::Expm1::vjp()'],['../classmlx_1_1core_1_1_expand_dims.html#a2fb3c65ba7a3b2d1f33a3c681fda8896',1,'mlx::core::ExpandDims::vjp()'],['../classmlx_1_1core_1_1_f_f_t.html#aafc895614a6e368c0e6d64af20d01090',1,'mlx::core::FFT::vjp()'],['../classmlx_1_1core_1_1_flatten.html#ab549a8c38b63055e2d5cd672f7676aab',1,'mlx::core::Flatten::vjp()'],['../classmlx_1_1core_1_1_floor.html#a589e2cf99b6fd1a5ba85534a2a31338e',1,'mlx::core::Floor::vjp()'],['../classmlx_1_1core_1_1_full.html#a49e76e7a8641f990701abc1b3bd49969',1,'mlx::core::Full::vjp()'],['../classmlx_1_1core_1_1_gather.html#aacf612a8f5f1cdbbfd19707d8d33c426',1,'mlx::core::Gather::vjp()'],['../classmlx_1_1core_1_1_gather_axis.html#a9c73b4ebed01bbdbaa316eddb6b5606d',1,'mlx::core::GatherAxis::vjp()'],['../classmlx_1_1core_1_1_greater.html#a341766a8a7e41d2a1160d35d4e781679',1,'mlx::core::Greater::vjp()'],['../classmlx_1_1core_1_1_greater_equal.html#a62f07a4ac54c708307c82aac0e5693ee',1,'mlx::core::GreaterEqual::vjp()'],['../classmlx_1_1core_1_1_hadamard.html#af4134775427b8998d66f489468b98656',1,'mlx::core::Hadamard::vjp()'],['../classmlx_1_1core_1_1_imag.html#a80da5fdd0fa549eebd7804c0e261848b',1,'mlx::core::Imag::vjp()'],['../classmlx_1_1core_1_1_less.html#aaf205d389b5e602e0814b68f66de8f50',1,'mlx::core::Less::vjp()'],['../classmlx_1_1core_1_1_less_equal.html#aab2aab7590c299885e815c18eedd1028',1,'mlx::core::LessEqual::vjp()'],['../classmlx_1_1core_1_1_log.html#a40885dccfbf928c4d035881be1d49280',1,'mlx::core::Log::vjp()'],['../classmlx_1_1core_1_1_log1p.html#a3113c1d2b4c5e73d0b470f42dc48a880',1,'mlx::core::Log1p::vjp()'],['../classmlx_1_1core_1_1_logical_not.html#af2c3c241cf3910fbaba013c69d052a50',1,'mlx::core::LogicalNot::vjp()'],['../classmlx_1_1core_1_1_logical_and.html#ae42f8fc454577b0fd6410cae9d5f3b54',1,'mlx::core::LogicalAnd::vjp()'],['../classmlx_1_1core_1_1_logical_or.html#a51aed488f52d5031998689af9cb17847',1,'mlx::core::LogicalOr::vjp()'],['../classmlx_1_1core_1_1_log_add_exp.html#ae231af0ed24a93eb647ee58c2d2b20b4',1,'mlx::core::LogAddExp::vjp()'],['../classmlx_1_1core_1_1_matmul.html#a524136cca481598ea20894d85ca66bb0',1,'mlx::core::Matmul::vjp()'],['../classmlx_1_1core_1_1_maximum.html#a7de15d7b28784e24bbfc7e85ddcbcff3',1,'mlx::core::Maximum::vjp()'],['../classmlx_1_1core_1_1_minimum.html#a48a0cbe3a6c4f7473c00e343f63b5204',1,'mlx::core::Minimum::vjp()'],['../classmlx_1_1core_1_1_multiply.html#a74b7556ec03e2c3d3f971666d06f5db1',1,'mlx::core::Multiply::vjp()'],['../classmlx_1_1core_1_1_negative.html#a889585f056d33bda30c30311257af52a',1,'mlx::core::Negative::vjp()'],['../classmlx_1_1core_1_1_not_equal.html#a0361f29f4ae1235bdf3f3304527e2d4b',1,'mlx::core::NotEqual::vjp()'],['../classmlx_1_1core_1_1_pad.html#ad8a7e547644f2717a24322968e971038',1,'mlx::core::Pad::vjp()'],['../classmlx_1_1core_1_1_partition.html#a7110772b6cd2d430a2b825cf5c952ca9',1,'mlx::core::Partition::vjp()'],['../classmlx_1_1core_1_1_power.html#a1453bb8307d6ff33134f1e00263bf082',1,'mlx::core::Power::vjp()'],['../classmlx_1_1core_1_1_quantized_matmul.html#acb975e272b4a88ab232ef7f7c3a2bf26',1,'mlx::core::QuantizedMatmul::vjp()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#ae08a4b7d28902d46f39e66beeb0e23ab',1,'mlx::core::GatherQMM::vjp()'],['../classmlx_1_1core_1_1_real.html#a29f6109339c5141a862ceae72c8b80fe',1,'mlx::core::Real::vjp()'],['../classmlx_1_1core_1_1_reshape.html#ab17294ecc6b5d4e89626fb48c7516365',1,'mlx::core::Reshape::vjp()'],['../classmlx_1_1core_1_1_reduce.html#a684883d2a96315f548ca769510e28e4e',1,'mlx::core::Reduce::vjp()'],['../classmlx_1_1core_1_1_round.html#af8f085e08b7fa8840c52a20b12ca35ce',1,'mlx::core::Round::vjp()'],['../classmlx_1_1core_1_1_scan.html#aaf13f72620b4b5d6a20e1228930e848e',1,'mlx::core::Scan::vjp()'],['../classmlx_1_1core_1_1_scatter.html#a0b51287fba789bb139ed61d40a0c636a',1,'mlx::core::Scatter::vjp()'],['../classmlx_1_1core_1_1_scatter_axis.html#a450f97b0be61a2bdfbfef4b2eb7cd198',1,'mlx::core::ScatterAxis::vjp()'],['../classmlx_1_1core_1_1_sigmoid.html#aac2f56a4c8362e36a28e232758ca52cf',1,'mlx::core::Sigmoid::vjp()'],['../classmlx_1_1core_1_1_sign.html#aa60ac52edd739fbdf388a997acd01bce',1,'mlx::core::Sign::vjp()'],['../classmlx_1_1core_1_1_sin.html#aedefe550ab4b0687858981bc0bcfbfa0',1,'mlx::core::Sin::vjp()'],['../classmlx_1_1core_1_1_sinh.html#a6b39fdd429bbb4de389e7c904fd561f0',1,'mlx::core::Sinh::vjp()'],['../classmlx_1_1core_1_1_slice.html#a291746a527ff991b66249fb2b54b685f',1,'mlx::core::Slice::vjp()'],['../classmlx_1_1core_1_1_slice_update.html#aedcdc60a0477997a96306c02b66d3f77',1,'mlx::core::SliceUpdate::vjp()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a29caf03256945f7732a52d551191f8fa',1,'mlx::core::DynamicSlice::vjp()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#ab2817cb9d1bfcd3de6454d841909da1f',1,'mlx::core::DynamicSliceUpdate::vjp()'],['../classmlx_1_1core_1_1_softmax.html#abb68c311c45ee422a7c966accde9041b',1,'mlx::core::Softmax::vjp()'],['../classmlx_1_1core_1_1_sort.html#a3a8900dce53ee4eb7a1b83806e629358',1,'mlx::core::Sort::vjp()'],['../classmlx_1_1core_1_1_split.html#a7e8730f9cffa9872fff6f8d577031674',1,'mlx::core::Split::vjp()'],['../classmlx_1_1core_1_1_square.html#abcd9516da7f02dc906368c23b0bca263',1,'mlx::core::Square::vjp()'],['../classmlx_1_1core_1_1_sqrt.html#a08a21bd2c3a016f042d95aca294e68f3',1,'mlx::core::Sqrt::vjp()'],['../classmlx_1_1core_1_1_subtract.html#a3a3322be7c3bcaa0397cf099091df16b',1,'mlx::core::Subtract::vjp()'],['../classmlx_1_1core_1_1_squeeze.html#a8d95a13d7cc5586d48a38e9199180d06',1,'mlx::core::Squeeze::vjp()'],['../classmlx_1_1core_1_1_tan.html#a4639836cff03d73c769387d6943e92d7',1,'mlx::core::Tan::vjp()'],['../classmlx_1_1core_1_1_tanh.html#afe7b05e2b36b99c3a1b66f0cd3544e95',1,'mlx::core::Tanh::vjp()'],['../classmlx_1_1core_1_1_unflatten.html#a34f1218fa1d0e28f3ee10b65e6b0e319',1,'mlx::core::Unflatten::vjp()'],['../classmlx_1_1core_1_1_transpose.html#ac7805aa29b34afdf8852554f1e759f80',1,'mlx::core::Transpose::vjp()'],['../namespacemlx_1_1core.html#a1b33e2c2e3471420490cf0be2de6de18',1,'mlx::core::vjp(const std::function< std::vector< array >(const std::vector< array > &)> &fun, const std::vector< array > &primals, const std::vector< array > &cotangents)'],['../namespacemlx_1_1core.html#a2065a11249c3f4356ffd69b7a8c487ff',1,'mlx::core::vjp(const std::function< array(const array &)> &fun, const array &primal, const array &cotangent)']]], - ['vmap_11',['vmap',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a3f2dc71859847ca675ec4bfbe125035a',1,'mlx::core::distributed::AllReduce::vmap()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#ad532d1d51f089dec3c84799b724ea031',1,'mlx::core::distributed::AllGather::vmap()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#a5cfb66191b9e8b86649da77af55b0f93',1,'mlx::core::distributed::Send::vmap()'],['../classmlx_1_1core_1_1fast_1_1_custom.html#a7f4c3a4c48c6807faa36fb31e39dad8d',1,'mlx::core::fast::Custom::vmap()'],['../classmlx_1_1core_1_1_primitive.html#ac632b9619dd7a6a0f177bd36202e8103',1,'mlx::core::Primitive::vmap()'],['../classmlx_1_1core_1_1_abs.html#a4c9c98f1d71432fd3752ad9a6a8e7f2f',1,'mlx::core::Abs::vmap()'],['../classmlx_1_1core_1_1_add.html#a0e557d4d896153f84a25532562e4c646',1,'mlx::core::Add::vmap()'],['../classmlx_1_1core_1_1_add_m_m.html#a73ce80b3a37ec2523943028d50ebce81',1,'mlx::core::AddMM::vmap()'],['../classmlx_1_1core_1_1_arc_cos.html#a7548e23ace6827674aa6d284d44ccf83',1,'mlx::core::ArcCos::vmap()'],['../classmlx_1_1core_1_1_arc_cosh.html#af8ff78e910a9e485a203e1d3347bd461',1,'mlx::core::ArcCosh::vmap()'],['../classmlx_1_1core_1_1_arc_sin.html#a7cabb1e5a2bda44944378822c671ec82',1,'mlx::core::ArcSin::vmap()'],['../classmlx_1_1core_1_1_arc_sinh.html#a9e72b9751939387c333b5d4e19a37f6d',1,'mlx::core::ArcSinh::vmap()'],['../classmlx_1_1core_1_1_arc_tan.html#a1fb921554544a56498bc54f82e4a0556',1,'mlx::core::ArcTan::vmap()'],['../classmlx_1_1core_1_1_arc_tan2.html#ae02cb9fbf25e93dc1d7fbc9e3fb28634',1,'mlx::core::ArcTan2::vmap()'],['../classmlx_1_1core_1_1_arc_tanh.html#a6ddcae68873559211cb91e7740dfc040',1,'mlx::core::ArcTanh::vmap()'],['../classmlx_1_1core_1_1_arg_partition.html#a441093795bcc31495ab5fbc9957b740a',1,'mlx::core::ArgPartition::vmap()'],['../classmlx_1_1core_1_1_arg_reduce.html#abfec42fa06ea15edaf393593751fb1ba',1,'mlx::core::ArgReduce::vmap()'],['../classmlx_1_1core_1_1_arg_sort.html#a3522bbbe4626a467394c1a8a9d7ac34e',1,'mlx::core::ArgSort::vmap()'],['../classmlx_1_1core_1_1_as_type.html#a7ebaf86fd6cad4a1ecfd7cde1ee0b0cc',1,'mlx::core::AsType::vmap()'],['../classmlx_1_1core_1_1_bitwise_binary.html#aa10be55f05bc1868bf4b375dc475f965',1,'mlx::core::BitwiseBinary::vmap()'],['../classmlx_1_1core_1_1_bitwise_invert.html#a2213ba033d215cca411edca552ac634e',1,'mlx::core::BitwiseInvert::vmap()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a4e04f564d440e2d312c335db52c308e1',1,'mlx::core::BroadcastAxes::vmap()'],['../classmlx_1_1core_1_1_broadcast.html#aee4c71c2588ad01eb57e10f346cd666f',1,'mlx::core::Broadcast::vmap()'],['../classmlx_1_1core_1_1_ceil.html#ae86819990b43bdb0c2b3a25719b3a7a4',1,'mlx::core::Ceil::vmap()'],['../classmlx_1_1core_1_1_compiled.html#a732e7548f53977b4513bb7f30a04c30d',1,'mlx::core::Compiled::vmap()'],['../classmlx_1_1core_1_1_concatenate.html#a58c54dcf8e4b045d25edd3afc2caffc1',1,'mlx::core::Concatenate::vmap()'],['../classmlx_1_1core_1_1_conjugate.html#a2c7632c8ae0ca07777e23a0a79344e60',1,'mlx::core::Conjugate::vmap()'],['../classmlx_1_1core_1_1_contiguous.html#a563221e90b15aa90bfae23d29c10e4ec',1,'mlx::core::Contiguous::vmap()'],['../classmlx_1_1core_1_1_copy.html#a669b10253c15b769d90058d1ad7d0e61',1,'mlx::core::Copy::vmap()'],['../classmlx_1_1core_1_1_cos.html#aec9460daf0131156734013d03b230cd6',1,'mlx::core::Cos::vmap()'],['../classmlx_1_1core_1_1_cosh.html#a1ab2386e7d96219b6e4a525f7dac0406',1,'mlx::core::Cosh::vmap()'],['../classmlx_1_1core_1_1_custom_transforms.html#a906a2ff30d9c5281fbf1fa927e4c021b',1,'mlx::core::CustomTransforms::vmap()'],['../classmlx_1_1core_1_1_divide.html#a83e7da52831165b3a026e97b63770242',1,'mlx::core::Divide::vmap()'],['../classmlx_1_1core_1_1_div_mod.html#ae709e0fdd83994bd1d156e0d0e6a7942',1,'mlx::core::DivMod::vmap()'],['../classmlx_1_1core_1_1_select.html#a84e80361c8cf02536b4b98098793550f',1,'mlx::core::Select::vmap()'],['../classmlx_1_1core_1_1_remainder.html#a79867e1099a2e3c2d3e87407b2ab6e3d',1,'mlx::core::Remainder::vmap()'],['../classmlx_1_1core_1_1_equal.html#aea9cc3c88924ac824d72c39c2e83b0ca',1,'mlx::core::Equal::vmap()'],['../classmlx_1_1core_1_1_erf.html#abe554f553356654a3e800ba368108aaa',1,'mlx::core::Erf::vmap()'],['../classmlx_1_1core_1_1_erf_inv.html#ad5d7634e8568af8cc4a54a558a48d0e9',1,'mlx::core::ErfInv::vmap()'],['../classmlx_1_1core_1_1_exp.html#a0fcd579fe148b4c3dbc72e514b81bb37',1,'mlx::core::Exp::vmap()'],['../classmlx_1_1core_1_1_expm1.html#aa4caa848b2ea97e71ee3dd33de039296',1,'mlx::core::Expm1::vmap()'],['../classmlx_1_1core_1_1_expand_dims.html#a380c9ddc25a1f973c3d71b42f8a19486',1,'mlx::core::ExpandDims::vmap()'],['../classmlx_1_1core_1_1_f_f_t.html#ac32d6cc9b67289124f855ea68a61ede1',1,'mlx::core::FFT::vmap()'],['../classmlx_1_1core_1_1_flatten.html#a244a03915313286d36ed4d36b01a99f2',1,'mlx::core::Flatten::vmap()'],['../classmlx_1_1core_1_1_floor.html#aea4dc79a65774990e775ad49519a5d10',1,'mlx::core::Floor::vmap()'],['../classmlx_1_1core_1_1_full.html#afc57ab6bd9ebdbbf042af54a59785d95',1,'mlx::core::Full::vmap()'],['../classmlx_1_1core_1_1_gather.html#abab0c4c204e66489825ce80d2194a275',1,'mlx::core::Gather::vmap()'],['../classmlx_1_1core_1_1_gather_axis.html#a48d50bad33b69e29f75bedc794f7b785',1,'mlx::core::GatherAxis::vmap()'],['../classmlx_1_1core_1_1_greater.html#a6d8267411fc4951de781f9e8e6c53aa0',1,'mlx::core::Greater::vmap()'],['../classmlx_1_1core_1_1_greater_equal.html#ab0e1be93eb01b0ce7fa83e953f5e3e1d',1,'mlx::core::GreaterEqual::vmap()'],['../classmlx_1_1core_1_1_hadamard.html#a9f1a172e6246859e813002abe9b8f99c',1,'mlx::core::Hadamard::vmap()'],['../classmlx_1_1core_1_1_imag.html#ace9906672bd88df0573653883d58ecb3',1,'mlx::core::Imag::vmap()'],['../classmlx_1_1core_1_1_less.html#a5fee5956cf087d8405359121aa62ba7e',1,'mlx::core::Less::vmap()'],['../classmlx_1_1core_1_1_less_equal.html#a3d5df21db184f2b7620cda9da1684480',1,'mlx::core::LessEqual::vmap()'],['../classmlx_1_1core_1_1_log.html#a007ddbcf911093231f607a8b9ed5cd49',1,'mlx::core::Log::vmap()'],['../classmlx_1_1core_1_1_log1p.html#a7122576f95ce479926bbbbc690891f71',1,'mlx::core::Log1p::vmap()'],['../classmlx_1_1core_1_1_logical_not.html#a5308a271619ee74df561b0aaf525915d',1,'mlx::core::LogicalNot::vmap()'],['../classmlx_1_1core_1_1_logical_and.html#aacc5f6f53ffc327b7771485e3da2a4e5',1,'mlx::core::LogicalAnd::vmap()'],['../classmlx_1_1core_1_1_logical_or.html#a6e2e77e6aaf47872b2e96b151c32daf3',1,'mlx::core::LogicalOr::vmap()'],['../classmlx_1_1core_1_1_log_add_exp.html#a82190aa1421a9734b6e9480debffac78',1,'mlx::core::LogAddExp::vmap()'],['../classmlx_1_1core_1_1_matmul.html#a3a1c6e70bac300240760fe41a58340c2',1,'mlx::core::Matmul::vmap()'],['../classmlx_1_1core_1_1_maximum.html#ab664918e0d71cfec1318a9879e78c5d3',1,'mlx::core::Maximum::vmap()'],['../classmlx_1_1core_1_1_minimum.html#adab0f31acf68075a0be908d8eb882980',1,'mlx::core::Minimum::vmap()'],['../classmlx_1_1core_1_1_multiply.html#ae7e82c8fc8cbaf4e00c27eb54fac7dbf',1,'mlx::core::Multiply::vmap()'],['../classmlx_1_1core_1_1_negative.html#a1f8a6079e272f1a0599f88a1a8419cf0',1,'mlx::core::Negative::vmap()'],['../classmlx_1_1core_1_1_not_equal.html#ab8b57932f03c8eee664bf89adeaa43b5',1,'mlx::core::NotEqual::vmap()'],['../classmlx_1_1core_1_1_number_of_elements.html#a977d83eae845b8bd8c0b98b48cb1c6c2',1,'mlx::core::NumberOfElements::vmap()'],['../classmlx_1_1core_1_1_pad.html#a85658812a0f3275ba3eb74b7c75686cf',1,'mlx::core::Pad::vmap()'],['../classmlx_1_1core_1_1_partition.html#aa0cc55e4d4d2cb5d129d32832321df2c',1,'mlx::core::Partition::vmap()'],['../classmlx_1_1core_1_1_power.html#a5e22749592413a9adbdc877b03b87c8f',1,'mlx::core::Power::vmap()'],['../classmlx_1_1core_1_1_quantized_matmul.html#a3434394140177b285f971c9ffe7e8763',1,'mlx::core::QuantizedMatmul::vmap()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a13ce5e138ebddb8780a034452f68892f',1,'mlx::core::GatherQMM::vmap()'],['../classmlx_1_1core_1_1_random_bits.html#a0dc12f053c6492f934bc18031412c415',1,'mlx::core::RandomBits::vmap()'],['../classmlx_1_1core_1_1_real.html#a07fbbefb6a1bc1ebd3985b24c36693b6',1,'mlx::core::Real::vmap()'],['../classmlx_1_1core_1_1_reshape.html#ae239dd3c6cab147e4af572dc58204f9d',1,'mlx::core::Reshape::vmap()'],['../classmlx_1_1core_1_1_reduce.html#abab1b5aa01ccad44f213f510c3596b38',1,'mlx::core::Reduce::vmap()'],['../classmlx_1_1core_1_1_round.html#a6fad8799a7982e1ccbe05be7cc38a7fd',1,'mlx::core::Round::vmap()'],['../classmlx_1_1core_1_1_scan.html#a297c7cc89c9bf9d186ebdebb634c7804',1,'mlx::core::Scan::vmap()'],['../classmlx_1_1core_1_1_scatter.html#a696c38b373a7a7c71bc112bd1117e322',1,'mlx::core::Scatter::vmap()'],['../classmlx_1_1core_1_1_scatter_axis.html#ae78709d1be122618f210ff595d888df8',1,'mlx::core::ScatterAxis::vmap()'],['../classmlx_1_1core_1_1_sigmoid.html#a12712c23037e38192cbccd2d4b14cc85',1,'mlx::core::Sigmoid::vmap()'],['../classmlx_1_1core_1_1_sign.html#aa7296045907015b4e0ae8a93e5e6e295',1,'mlx::core::Sign::vmap()'],['../classmlx_1_1core_1_1_sin.html#a45533996f3d72d9dd97d4c61cd684fba',1,'mlx::core::Sin::vmap()'],['../classmlx_1_1core_1_1_sinh.html#ae171df22bc34c32e31b8135dc4caa788',1,'mlx::core::Sinh::vmap()'],['../classmlx_1_1core_1_1_slice.html#ae33583b0db22fcfeae34dfe1c0e3eaa2',1,'mlx::core::Slice::vmap()'],['../classmlx_1_1core_1_1_slice_update.html#adbf1c76de6ab2f986758530d351d6fa3',1,'mlx::core::SliceUpdate::vmap()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a825a6d4d1499b287525462854b841ef2',1,'mlx::core::DynamicSlice::vmap()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a750fb3548d8f3a5c6f4e54958649936f',1,'mlx::core::DynamicSliceUpdate::vmap()'],['../classmlx_1_1core_1_1_softmax.html#ad22d3dcc71054d3dba529cf2dc981e19',1,'mlx::core::Softmax::vmap()'],['../classmlx_1_1core_1_1_sort.html#abfabb9e625cc0cb9335c7454ed27505c',1,'mlx::core::Sort::vmap()'],['../classmlx_1_1core_1_1_split.html#ab7c40e02a842e83bdb4698608472c7a6',1,'mlx::core::Split::vmap()'],['../classmlx_1_1core_1_1_square.html#a55bf43f878d4741c57a08d5fef472ea5',1,'mlx::core::Square::vmap()'],['../classmlx_1_1core_1_1_sqrt.html#a9d30e306ce08980c27d98c898577017e',1,'mlx::core::Sqrt::vmap()'],['../classmlx_1_1core_1_1_stop_gradient.html#aca680c8befef81da414c4375b11b16b0',1,'mlx::core::StopGradient::vmap()'],['../classmlx_1_1core_1_1_subtract.html#aa98f960e621a767c8a03624fd292f098',1,'mlx::core::Subtract::vmap()'],['../classmlx_1_1core_1_1_squeeze.html#aa098a5850741bfb621800c7badce3532',1,'mlx::core::Squeeze::vmap()'],['../classmlx_1_1core_1_1_tan.html#ae2f67ca2adc83b10009cf28498bf58b7',1,'mlx::core::Tan::vmap()'],['../classmlx_1_1core_1_1_tanh.html#a32df3564c1ecb858c1ba9f855376762f',1,'mlx::core::Tanh::vmap()'],['../classmlx_1_1core_1_1_unflatten.html#a0f6ee31b99aca962d887c856414813fe',1,'mlx::core::Unflatten::vmap()'],['../classmlx_1_1core_1_1_view.html#a2230d3e5f434fb2b888de50b529ac121',1,'mlx::core::View::vmap()'],['../classmlx_1_1core_1_1_transpose.html#a5ef848b69def9a246665b67e6e3ffdfe',1,'mlx::core::Transpose::vmap()'],['../classmlx_1_1core_1_1_s_v_d.html#a0366c958f6cdac8d1d9e1a4eda53fae8',1,'mlx::core::SVD::vmap()'],['../classmlx_1_1core_1_1_inverse.html#a98419b9f0b8a6c9185fe012d523552c2',1,'mlx::core::Inverse::vmap()'],['../classmlx_1_1core_1_1_cholesky.html#ab5c3f6199ec3b399c91243a05d116aa5',1,'mlx::core::Cholesky::vmap()'],['../classmlx_1_1core_1_1_eigh.html#ab2f2ea5326e2f6045f9b7250692c240f',1,'mlx::core::Eigh::vmap()'],['../namespacemlx_1_1core.html#ac3caec2fa65375ed4c3bf1206177b84c',1,'mlx::core::vmap(const std::function< array(const array &)> &fun, int in_axis=0, int out_axis=0)'],['../namespacemlx_1_1core.html#a8481a3bb4c12c2b7dc6ba576c2be3d0d',1,'mlx::core::vmap(const std::function< array(const array &, const array &)> &fun, int in_axis_a=0, int in_axis_b=0, int out_axis=0)'],['../namespacemlx_1_1core.html#a95a7757e8d18fced38acfc6a3e8d686a',1,'mlx::core::vmap(const std::function< std::vector< array >(const std::vector< array > &)> &fun, const std::vector< int > &in_axes={}, const std::vector< int > &out_axes={})']]], - ['vmap_5freplace_12',['vmap_replace',['../namespacemlx_1_1core_1_1detail.html#a31a5582530faea230eb8acafc0f7e154',1,'mlx::core::detail']]], - ['vmap_5ftrace_13',['vmap_trace',['../namespacemlx_1_1core_1_1detail.html#a5ba794afe1a557e0505887cfb481c515',1,'mlx::core::detail']]] + ['version_5',['version',['../namespacemlx_1_1core.html#a4d7bc76b40d028805d32a9e0f7ae7598',1,'mlx::core']]], + ['view_6',['View',['../classmlx_1_1core_1_1_view.html#ad7eed156c308e9a29a8b41f965ec941e',1,'mlx::core::View']]], + ['view_7',['view',['../group__ops.html#ga3602aa91b7b124a0b41ec1b2137a1b02',1,'mlx::core']]], + ['vjp_8',['vjp',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#abbf6d1d63dcda207ad7d9eeb4fc36225',1,'mlx::core::distributed::AllReduce::vjp()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#aa5eff6fc128b71220899aab8ab9116fb',1,'mlx::core::distributed::AllGather::vjp()'],['../classmlx_1_1core_1_1fast_1_1_custom.html#a74be4bcd0382f7f6400bf73fd5569c91',1,'mlx::core::fast::Custom::vjp()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#aacfbbbc15fcee0a5ce4f519ca3cca5eb',1,'mlx::core::fast::RMSNorm::vjp()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#ae5e1b5df0705a6b1d141691a4396b0b6',1,'mlx::core::fast::LayerNorm::vjp()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#ad999105414badd66c8fd9e069454a533',1,'mlx::core::fast::RoPE::vjp()'],['../classmlx_1_1core_1_1_primitive.html#a1dcb6807326eeab62474c6a0e3836d42',1,'mlx::core::Primitive::vjp()'],['../classmlx_1_1core_1_1_abs.html#aa2dd8ec0989e716b77394ac349b34592',1,'mlx::core::Abs::vjp()'],['../classmlx_1_1core_1_1_add.html#ac28e581862880e24ed2b99bb6a916607',1,'mlx::core::Add::vjp()'],['../classmlx_1_1core_1_1_add_m_m.html#ac1562a37cec6928e01281926ebeb47c6',1,'mlx::core::AddMM::vjp()'],['../classmlx_1_1core_1_1_arc_cos.html#a78e73e5e639d1249c7fe9614bf157c92',1,'mlx::core::ArcCos::vjp()'],['../classmlx_1_1core_1_1_arc_cosh.html#a856c677f16e2b3f2edd2491e35db2d26',1,'mlx::core::ArcCosh::vjp()'],['../classmlx_1_1core_1_1_arc_sin.html#ab4057cd5ef1a8359f97493018e10d3a1',1,'mlx::core::ArcSin::vjp()'],['../classmlx_1_1core_1_1_arc_sinh.html#a7988ee5b9e1e7e498dcab73d61ba147e',1,'mlx::core::ArcSinh::vjp()'],['../classmlx_1_1core_1_1_arc_tan.html#a5fefc3634b96a67ff8ae011a8ee180c2',1,'mlx::core::ArcTan::vjp()'],['../classmlx_1_1core_1_1_arc_tan2.html#a99840c282e37b2b2a9c312e6e8ade1d2',1,'mlx::core::ArcTan2::vjp()'],['../classmlx_1_1core_1_1_arc_tanh.html#a07da5797f7aaf3dfe43bf24e8562ac72',1,'mlx::core::ArcTanh::vjp()'],['../classmlx_1_1core_1_1_arg_partition.html#ade23d014717a0b0235d00073503aeac0',1,'mlx::core::ArgPartition::vjp()'],['../classmlx_1_1core_1_1_arg_reduce.html#a60d272685a373e6fe879416481a1ce1a',1,'mlx::core::ArgReduce::vjp()'],['../classmlx_1_1core_1_1_as_type.html#ac38a4f889311a3b5e5be9a67dcb93e18',1,'mlx::core::AsType::vjp()'],['../classmlx_1_1core_1_1_as_strided.html#a34783284c9b2f5b4a62c3c3ee5dd4062',1,'mlx::core::AsStrided::vjp()'],['../classmlx_1_1core_1_1_bitwise_binary.html#a6131ed1c317ff8700a3e9b13fdaa9d61',1,'mlx::core::BitwiseBinary::vjp()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#a1adf20087ee2f685bf39c2724b8e7120',1,'mlx::core::BlockMaskedMM::vjp()'],['../classmlx_1_1core_1_1_gather_m_m.html#a76c9f27c57354f6230b43944882e1bda',1,'mlx::core::GatherMM::vjp()'],['../classmlx_1_1core_1_1_broadcast_axes.html#aea8ef2b2616568a2bb56695381a035be',1,'mlx::core::BroadcastAxes::vjp()'],['../classmlx_1_1core_1_1_broadcast.html#a0318847c9be40f00b23907ad56037d18',1,'mlx::core::Broadcast::vjp()'],['../classmlx_1_1core_1_1_ceil.html#ac2f5a2bd84b8f013e5ce688419a88acb',1,'mlx::core::Ceil::vjp()'],['../classmlx_1_1core_1_1_compiled.html#a32462e65c52f84b708188130cc508133',1,'mlx::core::Compiled::vjp()'],['../classmlx_1_1core_1_1_concatenate.html#a8155db9100ec3b8bd0bc94baeaeee3b0',1,'mlx::core::Concatenate::vjp()'],['../classmlx_1_1core_1_1_contiguous.html#abf488f02057fd5852f38b2e8a600ad2a',1,'mlx::core::Contiguous::vjp()'],['../classmlx_1_1core_1_1_convolution.html#af8eb9c0c055ad20aa74b547016917690',1,'mlx::core::Convolution::vjp()'],['../classmlx_1_1core_1_1_copy.html#a6c4dee582001e9983e9517485ee37efd',1,'mlx::core::Copy::vjp()'],['../classmlx_1_1core_1_1_cos.html#a51d84113728e651ef9d4a1fe671c4d00',1,'mlx::core::Cos::vjp()'],['../classmlx_1_1core_1_1_cosh.html#a0791abd4305a333fb3b181a5357ce0f4',1,'mlx::core::Cosh::vjp()'],['../classmlx_1_1core_1_1_custom_transforms.html#aa1da36cef632df767cd9809d6cf06209',1,'mlx::core::CustomTransforms::vjp()'],['../classmlx_1_1core_1_1_depends.html#a02996fa45f01f7cb9f37074d5f8ccab0',1,'mlx::core::Depends::vjp()'],['../classmlx_1_1core_1_1_divide.html#ad3af7c70cad22c1a1a75b4a78ef793b6',1,'mlx::core::Divide::vjp()'],['../classmlx_1_1core_1_1_div_mod.html#a8c914a07f666a1d9377a27ed5d55e7c1',1,'mlx::core::DivMod::vjp()'],['../classmlx_1_1core_1_1_select.html#a9b522487b78fceeca7f827cd1c29a9a3',1,'mlx::core::Select::vjp()'],['../classmlx_1_1core_1_1_remainder.html#ab18f7bca1027ae71847a50da0933cec6',1,'mlx::core::Remainder::vjp()'],['../classmlx_1_1core_1_1_equal.html#af3c1bfcd1bf50922fc00e302bb193736',1,'mlx::core::Equal::vjp()'],['../classmlx_1_1core_1_1_erf.html#a1f529e95a42a2d69a8b18979d3ee2909',1,'mlx::core::Erf::vjp()'],['../classmlx_1_1core_1_1_erf_inv.html#a48afff12a58ddefae7ae0245c3580189',1,'mlx::core::ErfInv::vjp()'],['../classmlx_1_1core_1_1_exp.html#a94b9b7d137c3640d290b96c5e8b7e1a8',1,'mlx::core::Exp::vjp()'],['../classmlx_1_1core_1_1_expm1.html#af6ce416169190479c9792bb9cdbe2f43',1,'mlx::core::Expm1::vjp()'],['../classmlx_1_1core_1_1_expand_dims.html#a2fb3c65ba7a3b2d1f33a3c681fda8896',1,'mlx::core::ExpandDims::vjp()'],['../classmlx_1_1core_1_1_f_f_t.html#aafc895614a6e368c0e6d64af20d01090',1,'mlx::core::FFT::vjp()'],['../classmlx_1_1core_1_1_flatten.html#ab549a8c38b63055e2d5cd672f7676aab',1,'mlx::core::Flatten::vjp()'],['../classmlx_1_1core_1_1_floor.html#a589e2cf99b6fd1a5ba85534a2a31338e',1,'mlx::core::Floor::vjp()'],['../classmlx_1_1core_1_1_full.html#a49e76e7a8641f990701abc1b3bd49969',1,'mlx::core::Full::vjp()'],['../classmlx_1_1core_1_1_gather.html#aacf612a8f5f1cdbbfd19707d8d33c426',1,'mlx::core::Gather::vjp()'],['../classmlx_1_1core_1_1_gather_axis.html#a9c73b4ebed01bbdbaa316eddb6b5606d',1,'mlx::core::GatherAxis::vjp()'],['../classmlx_1_1core_1_1_greater.html#a341766a8a7e41d2a1160d35d4e781679',1,'mlx::core::Greater::vjp()'],['../classmlx_1_1core_1_1_greater_equal.html#a62f07a4ac54c708307c82aac0e5693ee',1,'mlx::core::GreaterEqual::vjp()'],['../classmlx_1_1core_1_1_hadamard.html#af4134775427b8998d66f489468b98656',1,'mlx::core::Hadamard::vjp()'],['../classmlx_1_1core_1_1_imag.html#a80da5fdd0fa549eebd7804c0e261848b',1,'mlx::core::Imag::vjp()'],['../classmlx_1_1core_1_1_less.html#aaf205d389b5e602e0814b68f66de8f50',1,'mlx::core::Less::vjp()'],['../classmlx_1_1core_1_1_less_equal.html#aab2aab7590c299885e815c18eedd1028',1,'mlx::core::LessEqual::vjp()'],['../classmlx_1_1core_1_1_log.html#a40885dccfbf928c4d035881be1d49280',1,'mlx::core::Log::vjp()'],['../classmlx_1_1core_1_1_log1p.html#a3113c1d2b4c5e73d0b470f42dc48a880',1,'mlx::core::Log1p::vjp()'],['../classmlx_1_1core_1_1_logical_not.html#af2c3c241cf3910fbaba013c69d052a50',1,'mlx::core::LogicalNot::vjp()'],['../classmlx_1_1core_1_1_logical_and.html#ae42f8fc454577b0fd6410cae9d5f3b54',1,'mlx::core::LogicalAnd::vjp()'],['../classmlx_1_1core_1_1_logical_or.html#a51aed488f52d5031998689af9cb17847',1,'mlx::core::LogicalOr::vjp()'],['../classmlx_1_1core_1_1_log_add_exp.html#ae231af0ed24a93eb647ee58c2d2b20b4',1,'mlx::core::LogAddExp::vjp()'],['../classmlx_1_1core_1_1_matmul.html#a524136cca481598ea20894d85ca66bb0',1,'mlx::core::Matmul::vjp()'],['../classmlx_1_1core_1_1_maximum.html#a7de15d7b28784e24bbfc7e85ddcbcff3',1,'mlx::core::Maximum::vjp()'],['../classmlx_1_1core_1_1_minimum.html#a48a0cbe3a6c4f7473c00e343f63b5204',1,'mlx::core::Minimum::vjp()'],['../classmlx_1_1core_1_1_multiply.html#a74b7556ec03e2c3d3f971666d06f5db1',1,'mlx::core::Multiply::vjp()'],['../classmlx_1_1core_1_1_negative.html#a889585f056d33bda30c30311257af52a',1,'mlx::core::Negative::vjp()'],['../classmlx_1_1core_1_1_not_equal.html#a0361f29f4ae1235bdf3f3304527e2d4b',1,'mlx::core::NotEqual::vjp()'],['../classmlx_1_1core_1_1_pad.html#ad8a7e547644f2717a24322968e971038',1,'mlx::core::Pad::vjp()'],['../classmlx_1_1core_1_1_partition.html#a7110772b6cd2d430a2b825cf5c952ca9',1,'mlx::core::Partition::vjp()'],['../classmlx_1_1core_1_1_power.html#a1453bb8307d6ff33134f1e00263bf082',1,'mlx::core::Power::vjp()'],['../classmlx_1_1core_1_1_quantized_matmul.html#acb975e272b4a88ab232ef7f7c3a2bf26',1,'mlx::core::QuantizedMatmul::vjp()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#ae08a4b7d28902d46f39e66beeb0e23ab',1,'mlx::core::GatherQMM::vjp()'],['../classmlx_1_1core_1_1_real.html#a29f6109339c5141a862ceae72c8b80fe',1,'mlx::core::Real::vjp()'],['../classmlx_1_1core_1_1_reshape.html#ab17294ecc6b5d4e89626fb48c7516365',1,'mlx::core::Reshape::vjp()'],['../classmlx_1_1core_1_1_reduce.html#a684883d2a96315f548ca769510e28e4e',1,'mlx::core::Reduce::vjp()'],['../classmlx_1_1core_1_1_round.html#af8f085e08b7fa8840c52a20b12ca35ce',1,'mlx::core::Round::vjp()'],['../classmlx_1_1core_1_1_scan.html#aaf13f72620b4b5d6a20e1228930e848e',1,'mlx::core::Scan::vjp()'],['../classmlx_1_1core_1_1_scatter.html#a0b51287fba789bb139ed61d40a0c636a',1,'mlx::core::Scatter::vjp()'],['../classmlx_1_1core_1_1_scatter_axis.html#a450f97b0be61a2bdfbfef4b2eb7cd198',1,'mlx::core::ScatterAxis::vjp()'],['../classmlx_1_1core_1_1_sigmoid.html#aac2f56a4c8362e36a28e232758ca52cf',1,'mlx::core::Sigmoid::vjp()'],['../classmlx_1_1core_1_1_sign.html#aa60ac52edd739fbdf388a997acd01bce',1,'mlx::core::Sign::vjp()'],['../classmlx_1_1core_1_1_sin.html#aedefe550ab4b0687858981bc0bcfbfa0',1,'mlx::core::Sin::vjp()'],['../classmlx_1_1core_1_1_sinh.html#a6b39fdd429bbb4de389e7c904fd561f0',1,'mlx::core::Sinh::vjp()'],['../classmlx_1_1core_1_1_slice.html#a291746a527ff991b66249fb2b54b685f',1,'mlx::core::Slice::vjp()'],['../classmlx_1_1core_1_1_slice_update.html#aedcdc60a0477997a96306c02b66d3f77',1,'mlx::core::SliceUpdate::vjp()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a29caf03256945f7732a52d551191f8fa',1,'mlx::core::DynamicSlice::vjp()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#ab2817cb9d1bfcd3de6454d841909da1f',1,'mlx::core::DynamicSliceUpdate::vjp()'],['../classmlx_1_1core_1_1_softmax.html#abb68c311c45ee422a7c966accde9041b',1,'mlx::core::Softmax::vjp()'],['../classmlx_1_1core_1_1_sort.html#a3a8900dce53ee4eb7a1b83806e629358',1,'mlx::core::Sort::vjp()'],['../classmlx_1_1core_1_1_split.html#a7e8730f9cffa9872fff6f8d577031674',1,'mlx::core::Split::vjp()'],['../classmlx_1_1core_1_1_square.html#abcd9516da7f02dc906368c23b0bca263',1,'mlx::core::Square::vjp()'],['../classmlx_1_1core_1_1_sqrt.html#a08a21bd2c3a016f042d95aca294e68f3',1,'mlx::core::Sqrt::vjp()'],['../classmlx_1_1core_1_1_subtract.html#a3a3322be7c3bcaa0397cf099091df16b',1,'mlx::core::Subtract::vjp()'],['../classmlx_1_1core_1_1_squeeze.html#a8d95a13d7cc5586d48a38e9199180d06',1,'mlx::core::Squeeze::vjp()'],['../classmlx_1_1core_1_1_tan.html#a4639836cff03d73c769387d6943e92d7',1,'mlx::core::Tan::vjp()'],['../classmlx_1_1core_1_1_tanh.html#afe7b05e2b36b99c3a1b66f0cd3544e95',1,'mlx::core::Tanh::vjp()'],['../classmlx_1_1core_1_1_unflatten.html#a34f1218fa1d0e28f3ee10b65e6b0e319',1,'mlx::core::Unflatten::vjp()'],['../classmlx_1_1core_1_1_transpose.html#ac7805aa29b34afdf8852554f1e759f80',1,'mlx::core::Transpose::vjp()'],['../namespacemlx_1_1core.html#a1b33e2c2e3471420490cf0be2de6de18',1,'mlx::core::vjp(const std::function< std::vector< array >(const std::vector< array > &)> &fun, const std::vector< array > &primals, const std::vector< array > &cotangents)'],['../namespacemlx_1_1core.html#a2065a11249c3f4356ffd69b7a8c487ff',1,'mlx::core::vjp(const std::function< array(const array &)> &fun, const array &primal, const array &cotangent)']]], + ['vmap_9',['vmap',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a3f2dc71859847ca675ec4bfbe125035a',1,'mlx::core::distributed::AllReduce::vmap()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#ad532d1d51f089dec3c84799b724ea031',1,'mlx::core::distributed::AllGather::vmap()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#a5cfb66191b9e8b86649da77af55b0f93',1,'mlx::core::distributed::Send::vmap()'],['../classmlx_1_1core_1_1fast_1_1_custom.html#a7f4c3a4c48c6807faa36fb31e39dad8d',1,'mlx::core::fast::Custom::vmap()'],['../classmlx_1_1core_1_1_primitive.html#ac632b9619dd7a6a0f177bd36202e8103',1,'mlx::core::Primitive::vmap()'],['../classmlx_1_1core_1_1_abs.html#a4c9c98f1d71432fd3752ad9a6a8e7f2f',1,'mlx::core::Abs::vmap()'],['../classmlx_1_1core_1_1_add.html#a0e557d4d896153f84a25532562e4c646',1,'mlx::core::Add::vmap()'],['../classmlx_1_1core_1_1_add_m_m.html#a73ce80b3a37ec2523943028d50ebce81',1,'mlx::core::AddMM::vmap()'],['../classmlx_1_1core_1_1_arc_cos.html#a7548e23ace6827674aa6d284d44ccf83',1,'mlx::core::ArcCos::vmap()'],['../classmlx_1_1core_1_1_arc_cosh.html#af8ff78e910a9e485a203e1d3347bd461',1,'mlx::core::ArcCosh::vmap()'],['../classmlx_1_1core_1_1_arc_sin.html#a7cabb1e5a2bda44944378822c671ec82',1,'mlx::core::ArcSin::vmap()'],['../classmlx_1_1core_1_1_arc_sinh.html#a9e72b9751939387c333b5d4e19a37f6d',1,'mlx::core::ArcSinh::vmap()'],['../classmlx_1_1core_1_1_arc_tan.html#a1fb921554544a56498bc54f82e4a0556',1,'mlx::core::ArcTan::vmap()'],['../classmlx_1_1core_1_1_arc_tan2.html#ae02cb9fbf25e93dc1d7fbc9e3fb28634',1,'mlx::core::ArcTan2::vmap()'],['../classmlx_1_1core_1_1_arc_tanh.html#a6ddcae68873559211cb91e7740dfc040',1,'mlx::core::ArcTanh::vmap()'],['../classmlx_1_1core_1_1_arg_partition.html#a441093795bcc31495ab5fbc9957b740a',1,'mlx::core::ArgPartition::vmap()'],['../classmlx_1_1core_1_1_arg_reduce.html#abfec42fa06ea15edaf393593751fb1ba',1,'mlx::core::ArgReduce::vmap()'],['../classmlx_1_1core_1_1_arg_sort.html#a3522bbbe4626a467394c1a8a9d7ac34e',1,'mlx::core::ArgSort::vmap()'],['../classmlx_1_1core_1_1_as_type.html#a7ebaf86fd6cad4a1ecfd7cde1ee0b0cc',1,'mlx::core::AsType::vmap()'],['../classmlx_1_1core_1_1_bitwise_binary.html#aa10be55f05bc1868bf4b375dc475f965',1,'mlx::core::BitwiseBinary::vmap()'],['../classmlx_1_1core_1_1_bitwise_invert.html#a2213ba033d215cca411edca552ac634e',1,'mlx::core::BitwiseInvert::vmap()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a4e04f564d440e2d312c335db52c308e1',1,'mlx::core::BroadcastAxes::vmap()'],['../classmlx_1_1core_1_1_broadcast.html#aee4c71c2588ad01eb57e10f346cd666f',1,'mlx::core::Broadcast::vmap()'],['../classmlx_1_1core_1_1_ceil.html#ae86819990b43bdb0c2b3a25719b3a7a4',1,'mlx::core::Ceil::vmap()'],['../classmlx_1_1core_1_1_compiled.html#a732e7548f53977b4513bb7f30a04c30d',1,'mlx::core::Compiled::vmap()'],['../classmlx_1_1core_1_1_concatenate.html#a58c54dcf8e4b045d25edd3afc2caffc1',1,'mlx::core::Concatenate::vmap()'],['../classmlx_1_1core_1_1_conjugate.html#a2c7632c8ae0ca07777e23a0a79344e60',1,'mlx::core::Conjugate::vmap()'],['../classmlx_1_1core_1_1_contiguous.html#a563221e90b15aa90bfae23d29c10e4ec',1,'mlx::core::Contiguous::vmap()'],['../classmlx_1_1core_1_1_copy.html#a669b10253c15b769d90058d1ad7d0e61',1,'mlx::core::Copy::vmap()'],['../classmlx_1_1core_1_1_cos.html#aec9460daf0131156734013d03b230cd6',1,'mlx::core::Cos::vmap()'],['../classmlx_1_1core_1_1_cosh.html#a1ab2386e7d96219b6e4a525f7dac0406',1,'mlx::core::Cosh::vmap()'],['../classmlx_1_1core_1_1_custom_transforms.html#a906a2ff30d9c5281fbf1fa927e4c021b',1,'mlx::core::CustomTransforms::vmap()'],['../classmlx_1_1core_1_1_divide.html#a83e7da52831165b3a026e97b63770242',1,'mlx::core::Divide::vmap()'],['../classmlx_1_1core_1_1_div_mod.html#ae709e0fdd83994bd1d156e0d0e6a7942',1,'mlx::core::DivMod::vmap()'],['../classmlx_1_1core_1_1_select.html#a84e80361c8cf02536b4b98098793550f',1,'mlx::core::Select::vmap()'],['../classmlx_1_1core_1_1_remainder.html#a79867e1099a2e3c2d3e87407b2ab6e3d',1,'mlx::core::Remainder::vmap()'],['../classmlx_1_1core_1_1_equal.html#aea9cc3c88924ac824d72c39c2e83b0ca',1,'mlx::core::Equal::vmap()'],['../classmlx_1_1core_1_1_erf.html#abe554f553356654a3e800ba368108aaa',1,'mlx::core::Erf::vmap()'],['../classmlx_1_1core_1_1_erf_inv.html#ad5d7634e8568af8cc4a54a558a48d0e9',1,'mlx::core::ErfInv::vmap()'],['../classmlx_1_1core_1_1_exp.html#a0fcd579fe148b4c3dbc72e514b81bb37',1,'mlx::core::Exp::vmap()'],['../classmlx_1_1core_1_1_expm1.html#aa4caa848b2ea97e71ee3dd33de039296',1,'mlx::core::Expm1::vmap()'],['../classmlx_1_1core_1_1_expand_dims.html#a380c9ddc25a1f973c3d71b42f8a19486',1,'mlx::core::ExpandDims::vmap()'],['../classmlx_1_1core_1_1_f_f_t.html#ac32d6cc9b67289124f855ea68a61ede1',1,'mlx::core::FFT::vmap()'],['../classmlx_1_1core_1_1_flatten.html#a244a03915313286d36ed4d36b01a99f2',1,'mlx::core::Flatten::vmap()'],['../classmlx_1_1core_1_1_floor.html#aea4dc79a65774990e775ad49519a5d10',1,'mlx::core::Floor::vmap()'],['../classmlx_1_1core_1_1_full.html#afc57ab6bd9ebdbbf042af54a59785d95',1,'mlx::core::Full::vmap()'],['../classmlx_1_1core_1_1_gather.html#abab0c4c204e66489825ce80d2194a275',1,'mlx::core::Gather::vmap()'],['../classmlx_1_1core_1_1_gather_axis.html#a48d50bad33b69e29f75bedc794f7b785',1,'mlx::core::GatherAxis::vmap()'],['../classmlx_1_1core_1_1_greater.html#a6d8267411fc4951de781f9e8e6c53aa0',1,'mlx::core::Greater::vmap()'],['../classmlx_1_1core_1_1_greater_equal.html#ab0e1be93eb01b0ce7fa83e953f5e3e1d',1,'mlx::core::GreaterEqual::vmap()'],['../classmlx_1_1core_1_1_hadamard.html#a9f1a172e6246859e813002abe9b8f99c',1,'mlx::core::Hadamard::vmap()'],['../classmlx_1_1core_1_1_imag.html#ace9906672bd88df0573653883d58ecb3',1,'mlx::core::Imag::vmap()'],['../classmlx_1_1core_1_1_less.html#a5fee5956cf087d8405359121aa62ba7e',1,'mlx::core::Less::vmap()'],['../classmlx_1_1core_1_1_less_equal.html#a3d5df21db184f2b7620cda9da1684480',1,'mlx::core::LessEqual::vmap()'],['../classmlx_1_1core_1_1_log.html#a007ddbcf911093231f607a8b9ed5cd49',1,'mlx::core::Log::vmap()'],['../classmlx_1_1core_1_1_log1p.html#a7122576f95ce479926bbbbc690891f71',1,'mlx::core::Log1p::vmap()'],['../classmlx_1_1core_1_1_logical_not.html#a5308a271619ee74df561b0aaf525915d',1,'mlx::core::LogicalNot::vmap()'],['../classmlx_1_1core_1_1_logical_and.html#aacc5f6f53ffc327b7771485e3da2a4e5',1,'mlx::core::LogicalAnd::vmap()'],['../classmlx_1_1core_1_1_logical_or.html#a6e2e77e6aaf47872b2e96b151c32daf3',1,'mlx::core::LogicalOr::vmap()'],['../classmlx_1_1core_1_1_log_add_exp.html#a82190aa1421a9734b6e9480debffac78',1,'mlx::core::LogAddExp::vmap()'],['../classmlx_1_1core_1_1_matmul.html#a3a1c6e70bac300240760fe41a58340c2',1,'mlx::core::Matmul::vmap()'],['../classmlx_1_1core_1_1_maximum.html#ab664918e0d71cfec1318a9879e78c5d3',1,'mlx::core::Maximum::vmap()'],['../classmlx_1_1core_1_1_minimum.html#adab0f31acf68075a0be908d8eb882980',1,'mlx::core::Minimum::vmap()'],['../classmlx_1_1core_1_1_multiply.html#ae7e82c8fc8cbaf4e00c27eb54fac7dbf',1,'mlx::core::Multiply::vmap()'],['../classmlx_1_1core_1_1_negative.html#a1f8a6079e272f1a0599f88a1a8419cf0',1,'mlx::core::Negative::vmap()'],['../classmlx_1_1core_1_1_not_equal.html#ab8b57932f03c8eee664bf89adeaa43b5',1,'mlx::core::NotEqual::vmap()'],['../classmlx_1_1core_1_1_number_of_elements.html#a977d83eae845b8bd8c0b98b48cb1c6c2',1,'mlx::core::NumberOfElements::vmap()'],['../classmlx_1_1core_1_1_pad.html#a85658812a0f3275ba3eb74b7c75686cf',1,'mlx::core::Pad::vmap()'],['../classmlx_1_1core_1_1_partition.html#aa0cc55e4d4d2cb5d129d32832321df2c',1,'mlx::core::Partition::vmap()'],['../classmlx_1_1core_1_1_power.html#a5e22749592413a9adbdc877b03b87c8f',1,'mlx::core::Power::vmap()'],['../classmlx_1_1core_1_1_quantized_matmul.html#a3434394140177b285f971c9ffe7e8763',1,'mlx::core::QuantizedMatmul::vmap()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a13ce5e138ebddb8780a034452f68892f',1,'mlx::core::GatherQMM::vmap()'],['../classmlx_1_1core_1_1_random_bits.html#a0dc12f053c6492f934bc18031412c415',1,'mlx::core::RandomBits::vmap()'],['../classmlx_1_1core_1_1_real.html#a07fbbefb6a1bc1ebd3985b24c36693b6',1,'mlx::core::Real::vmap()'],['../classmlx_1_1core_1_1_reshape.html#ae239dd3c6cab147e4af572dc58204f9d',1,'mlx::core::Reshape::vmap()'],['../classmlx_1_1core_1_1_reduce.html#abab1b5aa01ccad44f213f510c3596b38',1,'mlx::core::Reduce::vmap()'],['../classmlx_1_1core_1_1_round.html#a6fad8799a7982e1ccbe05be7cc38a7fd',1,'mlx::core::Round::vmap()'],['../classmlx_1_1core_1_1_scan.html#a297c7cc89c9bf9d186ebdebb634c7804',1,'mlx::core::Scan::vmap()'],['../classmlx_1_1core_1_1_scatter.html#a696c38b373a7a7c71bc112bd1117e322',1,'mlx::core::Scatter::vmap()'],['../classmlx_1_1core_1_1_scatter_axis.html#ae78709d1be122618f210ff595d888df8',1,'mlx::core::ScatterAxis::vmap()'],['../classmlx_1_1core_1_1_sigmoid.html#a12712c23037e38192cbccd2d4b14cc85',1,'mlx::core::Sigmoid::vmap()'],['../classmlx_1_1core_1_1_sign.html#aa7296045907015b4e0ae8a93e5e6e295',1,'mlx::core::Sign::vmap()'],['../classmlx_1_1core_1_1_sin.html#a45533996f3d72d9dd97d4c61cd684fba',1,'mlx::core::Sin::vmap()'],['../classmlx_1_1core_1_1_sinh.html#ae171df22bc34c32e31b8135dc4caa788',1,'mlx::core::Sinh::vmap()'],['../classmlx_1_1core_1_1_slice.html#ae33583b0db22fcfeae34dfe1c0e3eaa2',1,'mlx::core::Slice::vmap()'],['../classmlx_1_1core_1_1_slice_update.html#adbf1c76de6ab2f986758530d351d6fa3',1,'mlx::core::SliceUpdate::vmap()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a825a6d4d1499b287525462854b841ef2',1,'mlx::core::DynamicSlice::vmap()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a750fb3548d8f3a5c6f4e54958649936f',1,'mlx::core::DynamicSliceUpdate::vmap()'],['../classmlx_1_1core_1_1_softmax.html#ad22d3dcc71054d3dba529cf2dc981e19',1,'mlx::core::Softmax::vmap()'],['../classmlx_1_1core_1_1_sort.html#abfabb9e625cc0cb9335c7454ed27505c',1,'mlx::core::Sort::vmap()'],['../classmlx_1_1core_1_1_split.html#ab7c40e02a842e83bdb4698608472c7a6',1,'mlx::core::Split::vmap()'],['../classmlx_1_1core_1_1_square.html#a55bf43f878d4741c57a08d5fef472ea5',1,'mlx::core::Square::vmap()'],['../classmlx_1_1core_1_1_sqrt.html#a9d30e306ce08980c27d98c898577017e',1,'mlx::core::Sqrt::vmap()'],['../classmlx_1_1core_1_1_stop_gradient.html#aca680c8befef81da414c4375b11b16b0',1,'mlx::core::StopGradient::vmap()'],['../classmlx_1_1core_1_1_subtract.html#aa98f960e621a767c8a03624fd292f098',1,'mlx::core::Subtract::vmap()'],['../classmlx_1_1core_1_1_squeeze.html#aa098a5850741bfb621800c7badce3532',1,'mlx::core::Squeeze::vmap()'],['../classmlx_1_1core_1_1_tan.html#ae2f67ca2adc83b10009cf28498bf58b7',1,'mlx::core::Tan::vmap()'],['../classmlx_1_1core_1_1_tanh.html#a32df3564c1ecb858c1ba9f855376762f',1,'mlx::core::Tanh::vmap()'],['../classmlx_1_1core_1_1_unflatten.html#a0f6ee31b99aca962d887c856414813fe',1,'mlx::core::Unflatten::vmap()'],['../classmlx_1_1core_1_1_view.html#a2230d3e5f434fb2b888de50b529ac121',1,'mlx::core::View::vmap()'],['../classmlx_1_1core_1_1_transpose.html#a5ef848b69def9a246665b67e6e3ffdfe',1,'mlx::core::Transpose::vmap()'],['../classmlx_1_1core_1_1_s_v_d.html#a0366c958f6cdac8d1d9e1a4eda53fae8',1,'mlx::core::SVD::vmap()'],['../classmlx_1_1core_1_1_inverse.html#a98419b9f0b8a6c9185fe012d523552c2',1,'mlx::core::Inverse::vmap()'],['../classmlx_1_1core_1_1_cholesky.html#ab5c3f6199ec3b399c91243a05d116aa5',1,'mlx::core::Cholesky::vmap()'],['../classmlx_1_1core_1_1_eigh.html#ab2f2ea5326e2f6045f9b7250692c240f',1,'mlx::core::Eigh::vmap()'],['../namespacemlx_1_1core.html#ac3caec2fa65375ed4c3bf1206177b84c',1,'mlx::core::vmap(const std::function< array(const array &)> &fun, int in_axis=0, int out_axis=0)'],['../namespacemlx_1_1core.html#a8481a3bb4c12c2b7dc6ba576c2be3d0d',1,'mlx::core::vmap(const std::function< array(const array &, const array &)> &fun, int in_axis_a=0, int in_axis_b=0, int out_axis=0)'],['../namespacemlx_1_1core.html#a95a7757e8d18fced38acfc6a3e8d686a',1,'mlx::core::vmap(const std::function< std::vector< array >(const std::vector< array > &)> &fun, const std::vector< int > &in_axes={}, const std::vector< int > &out_axes={})']]], + ['vmap_5freplace_10',['vmap_replace',['../namespacemlx_1_1core_1_1detail.html#a31a5582530faea230eb8acafc0f7e154',1,'mlx::core::detail']]], + ['vmap_5ftrace_11',['vmap_trace',['../namespacemlx_1_1core_1_1detail.html#a5ba794afe1a557e0505887cfb481c515',1,'mlx::core::detail']]] ]; diff --git a/docs/build/html/search/functions_17.js b/docs/build/html/search/functions_17.js index e812d2f47..3272420c6 100644 --- a/docs/build/html/search/functions_17.js +++ b/docs/build/html/search/functions_17.js @@ -1,13 +1,12 @@ var searchData= [ - ['wait_0',['wait',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#af503189cc9247047fbdfc3ebf1daacc1',1,'pocketfft::detail::threading::latch::wait()'],['../classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e',1,'mlx::core::array::wait()'],['../classmlx_1_1core_1_1_fence.html#a1ccbe354d043e6c4d76286c6635a38e2',1,'mlx::core::Fence::wait()'],['../classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252',1,'mlx::core::Event::wait()']]], + ['wait_0',['wait',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#af503189cc9247047fbdfc3ebf1daacc1',1,'pocketfft::detail::threading::latch::wait()'],['../classmlx_1_1core_1_1array.html#a648592006f1c92287734ba2428eaa45e',1,'mlx::core::array::wait()'],['../classmlx_1_1core_1_1_event.html#a634afd918e6ed847f354531ba9f48252',1,'mlx::core::Event::wait()'],['../classmlx_1_1core_1_1_event.html#ac58282a36a02aed7a5bd59b1602d11a8',1,'mlx::core::Event::wait(Stream stream)'],['../classmlx_1_1core_1_1_fence.html#a9d9bc0b57f741577a34f8dfd3b1de8f2',1,'mlx::core::Fence::wait()']]], ['wait_5ffor_5ffence_1',['wait_for_fence',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088',1,'mlx::core::metal::CommandEncoder::wait_for_fence()'],['../structmlx_1_1core_1_1_command_encoder.html#aefdadbff4e003dc6f77506840babc088',1,'mlx::core::CommandEncoder::wait_for_fence()']]], ['wait_5ffor_5fone_2',['wait_for_one',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a01c574bb388f10d67aaaaa541894d807',1,'mlx::core::scheduler::Scheduler::wait_for_one()'],['../namespacemlx_1_1core_1_1scheduler.html#a8cc4d5fd1f5ce722b377ead1863a2291',1,'mlx::core::scheduler::wait_for_one()']]], - ['wait_5fgpu_3',['wait_gpu',['../classmlx_1_1core_1_1_fence.html#ab6d783dee02656ebb8ffcbbfa6de5b53',1,'mlx::core::Fence']]], - ['where_4',['where',['../group__ops.html#ga8a2056f8c9bb30914c40bcf509386491',1,'mlx::core']]], - ['write_5',['write',['../struct_read_writer.html#ac2ea71e41740ddc863890e3e8e6f09d0',1,'ReadWriter::write()'],['../classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125',1,'mlx::core::io::Writer::write()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f',1,'mlx::core::io::FileWriter::write()'],['../struct_read_writer.html#a7a3d1396b0f83aa7506207bd6e7336bf',1,'ReadWriter::write() const'],['../struct_read_writer.html#ae1f0d3555b74998cc2d2288bce72a1f4',1,'ReadWriter::write() const']]], - ['write_5fpadded_6',['write_padded',['../struct_read_writer.html#a95367307acace2aa88226cf8956d2d88',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#abaf2a6ad4c88bd9f65fe1db1f73a8d87',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#a420453a56e77d6b3891ed4b5f178af9c',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const']]], - ['write_5fsafe_7',['write_safe',['../scan_8h.html#ae86aef08e5ebc8790031eb51eefa754c',1,'scan.h']]], - ['write_5fstrided_8',['write_strided',['../struct_read_writer.html#a77a4d7eac217305e22a3c25b3756ef67',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a12e7f43cd9de2d9990054184c0a32839',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a959ccaa08f2999c50cea063b01e492e4',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a5592b24dad5ad030a1e4769b0a278f35',1,'ReadWriter::write_strided(int stride, int overall_n)']]], - ['write_5funsafe_9',['write_unsafe',['../scan_8h.html#a8010e7bdf7a72cbd35ce7cd7ecb08e32',1,'scan.h']]] + ['where_3',['where',['../group__ops.html#ga8a2056f8c9bb30914c40bcf509386491',1,'mlx::core']]], + ['write_4',['write',['../struct_read_writer.html#ac2ea71e41740ddc863890e3e8e6f09d0',1,'ReadWriter::write()'],['../classmlx_1_1core_1_1io_1_1_writer.html#ad9515b7f007338674de1e124cf77e125',1,'mlx::core::io::Writer::write()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#abca32838c9886f734d93430c34c07d7f',1,'mlx::core::io::FileWriter::write()'],['../struct_read_writer.html#a7a3d1396b0f83aa7506207bd6e7336bf',1,'ReadWriter::write() const'],['../struct_read_writer.html#ae1f0d3555b74998cc2d2288bce72a1f4',1,'ReadWriter::write() const']]], + ['write_5fpadded_5',['write_padded',['../struct_read_writer.html#a95367307acace2aa88226cf8956d2d88',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#abaf2a6ad4c88bd9f65fe1db1f73a8d87',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#a420453a56e77d6b3891ed4b5f178af9c',1,'ReadWriter::write_padded(int length, const device float2 *w_k) const']]], + ['write_5fsafe_6',['write_safe',['../scan_8h.html#ae86aef08e5ebc8790031eb51eefa754c',1,'scan.h']]], + ['write_5fstrided_7',['write_strided',['../struct_read_writer.html#a77a4d7eac217305e22a3c25b3756ef67',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a12e7f43cd9de2d9990054184c0a32839',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a959ccaa08f2999c50cea063b01e492e4',1,'ReadWriter::write_strided(int stride, int overall_n)'],['../struct_read_writer.html#a5592b24dad5ad030a1e4769b0a278f35',1,'ReadWriter::write_strided(int stride, int overall_n)']]], + ['write_5funsafe_8',['write_unsafe',['../scan_8h.html#a8010e7bdf7a72cbd35ce7cd7ecb08e32',1,'scan.h']]] ]; diff --git a/docs/build/html/search/functions_2.js b/docs/build/html/search/functions_2.js index 8f2b903bb..2dc517a9a 100644 --- a/docs/build/html/search/functions_2.js +++ b/docs/build/html/search/functions_2.js @@ -6,14 +6,14 @@ var searchData= ['bfloat16_5fto_5fuint16_3',['bfloat16_to_uint16',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1420e191fa60d707dce327d0938e3088',1,'bfloat16_to_uint16(const bfloat16_t x): bf16.h'],['../backend_2metal_2kernels_2metal__3__1_2bf16_8h.html#a1420e191fa60d707dce327d0938e3088',1,'bfloat16_to_uint16(const bfloat16_t x): bf16.h']]], ['bfloat_5fbits_5fto_5ffloat_4',['bfloat_bits_to_float',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3b33ae338dc4f223d0f3c748de07bad1',1,'bf16.h']]], ['bfs_5fmax_5fwidth_5',['bfs_max_width',['../namespacemlx_1_1core_1_1env.html#ac3266e1259a64c8b56bdc6c7029179f2',1,'mlx::core::env']]], - ['binary_6',['binary',['../namespacemlx_1_1core.html#ae374861abd45cf019c3e6be2026f3798',1,'mlx::core::binary()'],['../namespacemlx_1_1core_1_1metal.html#a269d591ec02e2f7c0f7a718fbfa37f73',1,'mlx::core::metal::binary()']]], + ['binary_6',['binary',['../namespacemlx_1_1core_1_1metal.html#a269d591ec02e2f7c0f7a718fbfa37f73',1,'mlx::core::metal']]], ['binary_5fg_7',['binary_g',['../metal_2kernels_2binary_8h.html#ab6b062acfb0497230e9476482d9dac20',1,'binary_g(device const T *a, device const T *b, device U *c, constant const int *shape, constant const int64_t *a_strides, constant const int64_t *b_strides, constant const int &ndim, uint3 index, uint3 grid_dim): binary.h'],['../metal_2kernels_2binary__two_8h.html#a84dbd99589c7a18ff4d91056dc6fe17a',1,'binary_g(device const T *a, device const T *b, device U *c, device U *d, constant const int *shape, constant const int64_t *a_strides, constant const int64_t *b_strides, constant const int &ndim, uint3 index, uint3 grid_dim): binary_two.h']]], ['binary_5fg_5fnd1_8',['binary_g_nd1',['../metal_2kernels_2binary_8h.html#aba4dd8bf59ed391789110e08ecfec6c2',1,'binary_g_nd1(device const T *a, device const T *b, device U *c, constant const int64_t &a_stride, constant const int64_t &b_stride, uint index): binary.h'],['../metal_2kernels_2binary__two_8h.html#a1f2e8e7dc1998bab3864184878a75776',1,'binary_g_nd1(device const T *a, device const T *b, device U *c, device U *d, constant const int64_t &a_stride, constant const int64_t &b_stride, uint index): binary_two.h']]], ['binary_5fg_5fnd2_9',['binary_g_nd2',['../metal_2kernels_2binary_8h.html#a73869f3771f16108f37120e485ce6e0b',1,'binary_g_nd2(device const T *a, device const T *b, device U *c, constant const int64_t a_strides[2], constant const int64_t b_strides[2], uint2 index, uint2 grid_dim): binary.h'],['../metal_2kernels_2binary__two_8h.html#a0d31d8d6c8a1845d3329ef2e23e3fff6',1,'binary_g_nd2(device const T *a, device const T *b, device U *c, device U *d, constant const int64_t a_strides[2], constant const int64_t b_strides[2], uint2 index, uint2 grid_dim): binary_two.h']]], ['binary_5fg_5fnd3_10',['binary_g_nd3',['../metal_2kernels_2binary_8h.html#ab6eb3c1f7349a52d5befff14e796320a',1,'binary_g_nd3(device const T *a, device const T *b, device U *c, constant const int64_t a_strides[3], constant const int64_t b_strides[3], uint3 index, uint3 grid_dim): binary.h'],['../metal_2kernels_2binary__two_8h.html#aae95e8f5fa772f780fc88054a2e35878',1,'binary_g_nd3(device const T *a, device const T *b, device U *c, device U *d, constant const int64_t a_strides[3], constant const int64_t b_strides[3], uint3 index, uint3 grid_dim): binary_two.h']]], - ['binary_5fop_11',['binary_op',['../namespacemlx_1_1core.html#a9c1c1fdf9a0840a16a4d10a8f74f761d',1,'mlx::core::binary_op(const array &a, const array &b, array &out, Op op)'],['../namespacemlx_1_1core.html#a2aca3458c56605a74d07ec39876549bc',1,'mlx::core::binary_op(const array &a, const array &b, array &out, Op op)']]], - ['binary_5fop_5fdims_12',['binary_op_dims',['../namespacemlx_1_1core.html#a7ca09ebf776fe32db580f9038587ec31',1,'mlx::core']]], - ['binary_5fop_5fdispatch_5fdims_13',['binary_op_dispatch_dims',['../namespacemlx_1_1core.html#a66c9ee5018168b9101de52e0122d9755',1,'mlx::core']]], + ['binary_5fop_11',['binary_op',['../namespacemlx_1_1core.html#ae0c47c0bd95bb8c44339159e04c0f604',1,'mlx::core::binary_op(const array &a, const array &b, array &out, BinaryOpType bopt)'],['../namespacemlx_1_1core.html#a5160ef5819f58cf040c9613ecce548f1',1,'mlx::core::binary_op(const array &a, const array &b, array &out, BinaryOpType bopt)']]], + ['binary_5fop_5fdims_12',['binary_op_dims',['../namespacemlx_1_1core.html#aeac6fa9529eedba76b27de9d098de963',1,'mlx::core']]], + ['binary_5fop_5fdispatch_5fdims_13',['binary_op_dispatch_dims',['../namespacemlx_1_1core.html#ad1229ffbba21bdb81f63482a4651bc5a',1,'mlx::core']]], ['binary_5fop_5fgpu_14',['binary_op_gpu',['../namespacemlx_1_1core.html#ad884f4a36308b5b4f8a5d990d2e086df',1,'mlx::core::binary_op_gpu(const std::vector< array > &inputs, std::vector< array > &outputs, const std::string &op, const Stream &s)'],['../namespacemlx_1_1core.html#a094876ea5a2a2445ab64efc8222da202',1,'mlx::core::binary_op_gpu(const std::vector< array > &inputs, array &out, const std::string &op, const Stream &s)']]], ['binary_5fop_5fgpu_5finplace_15',['binary_op_gpu_inplace',['../namespacemlx_1_1core.html#a8616c0b7b0fc118a75400bc86404c367',1,'mlx::core::binary_op_gpu_inplace(const std::vector< array > &inputs, std::vector< array > &outputs, const std::string &op, const Stream &s)'],['../namespacemlx_1_1core.html#a7e6af6624e322e7ad60a3873a66e18a3',1,'mlx::core::binary_op_gpu_inplace(const std::vector< array > &inputs, array &out, const std::string &op, const Stream &s)']]], ['binary_5fops_16',['binary_ops',['../namespacemlx_1_1core_1_1metal.html#a8db7f9cc781d4bfb08423a401665f322',1,'mlx::core::metal']]], diff --git a/docs/build/html/search/functions_3.js b/docs/build/html/search/functions_3.js index dc1a2a5e8..4dfa963ff 100644 --- a/docs/build/html/search/functions_3.js +++ b/docs/build/html/search/functions_3.js @@ -25,93 +25,92 @@ var searchData= ['col_5freduce_5fsmall_22',['col_reduce_small',['../reduce__col_8h.html#a674f4b6075bab1b89778e10ab24c557e',1,'reduce_col.h']]], ['collapse_5fcontiguous_5fdims_23',['collapse_contiguous_dims',['../namespacemlx_1_1core.html#a4d594bb84abeff4619d1abb77b20123e',1,'mlx::core::collapse_contiguous_dims(const Shape &shape, const std::vector< Strides > &strides, int64_t size_cap=std::numeric_limits< int32_t >::max())'],['../namespacemlx_1_1core.html#a977c7c84de79ad67055ae2a89b7f6869',1,'mlx::core::collapse_contiguous_dims(const std::vector< array > &xs, size_t size_cap=std::numeric_limits< int32_t >::max())'],['../namespacemlx_1_1core.html#ac813412cce77fc1340dcfefc6e099276',1,'mlx::core::collapse_contiguous_dims(Arrays &&... xs)'],['../namespacemlx_1_1core.html#a79acfa8bc30c1f213bf893b5983eb666',1,'mlx::core::collapse_contiguous_dims(const Shape &shape, const Strides &strides, int64_t size_cap=std::numeric_limits< int32_t >::max())'],['../namespacemlx_1_1core.html#ab607cd6974ca6606826e785807156d6a',1,'mlx::core::collapse_contiguous_dims(const array &a, int64_t size_cap=std::numeric_limits< int32_t >::max())']]], ['command_5fbuffer_5fneeds_5fcommit_24',['command_buffer_needs_commit',['../classmlx_1_1core_1_1metal_1_1_device.html#a2580a395419fa6735e8ca5a67495700e',1,'mlx::core::metal::Device']]], - ['commandencoder_25',['CommandEncoder',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::metal::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::metal::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete']]], + ['commandencoder_25',['CommandEncoder',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a23815084f53da65b092624c89df7383c',1,'mlx::core::cpu::CommandEncoder::CommandEncoder(Stream stream)'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a8e66b11850caa812b1eab2304493aa95',1,'mlx::core::cpu::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa82e91e3b530f13126f674a6f4902096',1,'mlx::core::cpu::CommandEncoder::CommandEncoder(CommandEncoder &&)=delete'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::metal::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::metal::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1_command_encoder.html#a7320b3acfa075ffdce5ea38fe107f186',1,'mlx::core::CommandEncoder::CommandEncoder(DeviceStream &stream)'],['../structmlx_1_1core_1_1_command_encoder.html#ac68ca977b5bde5434284ce7979647f14',1,'mlx::core::CommandEncoder::CommandEncoder(const CommandEncoder &)=delete']]], ['commit_5fcommand_5fbuffer_26',['commit_command_buffer',['../classmlx_1_1core_1_1metal_1_1_device.html#a95248f1387824067fd4fed23ace5ac0c',1,'mlx::core::metal::Device']]], - ['communication_5fstream_27',['communication_stream',['../namespacemlx_1_1core_1_1distributed_1_1detail.html#ac3612edf0e0e18c1e4ba0ce7c6e35cd6',1,'mlx::core::distributed::detail']]], - ['compile_28',['compile',['../namespacemlx_1_1core.html#a55933c6665de9f81059120d6b0de1c87',1,'mlx::core::compile(std::function< std::vector< array >(const std::vector< array > &)> fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#abf57076f6d2351ba9f1e0cbe478f8afa',1,'mlx::core::compile(std::vector< array >(*fun)(const std::vector< array > &), bool shapeless=false)'],['../namespacemlx_1_1core.html#ace67713d269595f5f2265e46728a6f9c',1,'mlx::core::compile(F &&f, bool shapeless=false)'],['../namespacemlx_1_1core_1_1detail.html#af556c7576658b2e2498ead70339d95e5',1,'mlx::core::detail::compile(std::function< std::vector< array >(const std::vector< array > &)> fun, std::uintptr_t fun_id, bool shapeless=false, std::vector< uint64_t > constants={})']]], - ['compile_5favailable_5ffor_5fdevice_29',['compile_available_for_device',['../namespacemlx_1_1core_1_1detail.html#aeeff2ba6ec3d9d4ed090de6d2681dbc2',1,'mlx::core::detail']]], - ['compile_5fclear_5fcache_30',['compile_clear_cache',['../namespacemlx_1_1core_1_1detail.html#a3fb927c209b946aefebb195993fbe4cf',1,'mlx::core::detail']]], - ['compile_5fdfs_31',['compile_dfs',['../namespacemlx_1_1core_1_1detail.html#a545fccdb5dc365b154cf4f0a2ca4753b',1,'mlx::core::detail']]], - ['compile_5ferase_32',['compile_erase',['../namespacemlx_1_1core_1_1detail.html#a69eb76a14f845ca000f1ccb2edda0175',1,'mlx::core::detail']]], - ['compile_5freplace_33',['compile_replace',['../namespacemlx_1_1core_1_1detail.html#a56fc01df6ba4c508d1da8b366b1328ac',1,'mlx::core::detail']]], - ['compile_5fsimplify_34',['compile_simplify',['../namespacemlx_1_1core_1_1detail.html#a33c878c900ca06f35d479f99c57b9e39',1,'mlx::core::detail']]], - ['compile_5ftrace_35',['compile_trace',['../namespacemlx_1_1core_1_1detail.html#ac2163a401119bb6edecfeb43373ef0dd',1,'mlx::core::detail']]], - ['compile_5fvalidate_5fshapeless_36',['compile_validate_shapeless',['../namespacemlx_1_1core_1_1detail.html#a10d612cb45a17fa17b704a357a902a68',1,'mlx::core::detail']]], - ['compiled_37',['Compiled',['../classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051',1,'mlx::core::Compiled']]], - ['compiled_5fallocate_5foutputs_38',['compiled_allocate_outputs',['../namespacemlx_1_1core.html#ab8c3c4fc05745f586de922c8266f4fce',1,'mlx::core']]], - ['compiled_5fcheck_5fcontiguity_39',['compiled_check_contiguity',['../namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be',1,'mlx::core']]], - ['complex128_5ft_40',['complex128_t',['../structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178',1,'mlx::core::complex128_t::complex128_t()'],['../structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0',1,'mlx::core::complex128_t::complex128_t(double v, double u)'],['../structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6',1,'mlx::core::complex128_t::complex128_t(std::complex< double > v)'],['../structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf',1,'mlx::core::complex128_t::complex128_t(T x)']]], - ['complex64_5ft_41',['complex64_t',['../structcomplex64__t.html#adbd392a5e92d31997380ad0a38be4be8',1,'complex64_t::complex64_t(float real, float imag)'],['../structcomplex64__t.html#a29782289bb90d6294099667b86509cd3',1,'complex64_t::complex64_t()'],['../structcomplex64__t.html#a905b048d70eb8d748a62454268242291',1,'complex64_t::complex64_t() threadgroup'],['../structcomplex64__t.html#a33a2452eb33b5ed53655773539c357a5',1,'complex64_t::complex64_t(T x) thread'],['../structcomplex64__t.html#a89b65ace8588b7bf215355f705eb23d9',1,'complex64_t::complex64_t(T x) threadgroup'],['../structcomplex64__t.html#ac81b486f642fb3b26c5d659917bdbcd0',1,'complex64_t::complex64_t(T x) device'],['../structcomplex64__t.html#a0a27a41206400f1e62b60ceb56960c93',1,'complex64_t::complex64_t(T x) const ant'],['../structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3',1,'mlx::core::complex64_t::complex64_t()'],['../structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c',1,'mlx::core::complex64_t::complex64_t(float v, float u)'],['../structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09',1,'mlx::core::complex64_t::complex64_t(std::complex< float > v)'],['../structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50',1,'mlx::core::complex64_t::complex64_t(T x)']]], - ['complex_5fmul_42',['complex_mul',['../radix_8h.html#a5bfc53b531214c9ce277bebc18aa67d6',1,'radix.h']]], - ['complex_5fmul_5fconj_43',['complex_mul_conj',['../radix_8h.html#a0e2dfd3d1dda09f47ccc64eec35629f3',1,'radix.h']]], - ['compute_5fstrided_5findices_44',['compute_strided_indices',['../struct_read_writer.html#a7c903fbb8b85a856ba5564d7df537cdf',1,'ReadWriter']]], - ['concatenate_45',['Concatenate',['../classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888',1,'mlx::core::Concatenate']]], - ['concatenate_46',['concatenate',['../namespacemlx_1_1core.html#a76a2e310857f60f5ea6f1388d45b964d',1,'mlx::core::concatenate(std::string &acc, T first)'],['../namespacemlx_1_1core.html#aaf51544472fa87fa974686eacdd2a4a6',1,'mlx::core::concatenate(std::string &acc, T first, Args... args)'],['../group__ops.html#ga52838af566948b1b96e7aa00832071b3',1,'mlx::core::concatenate(std::vector< array > arrays, int axis, StreamOrDevice s={})'],['../group__ops.html#ga666ac69778984fafdc2f51d296270468',1,'mlx::core::concatenate(std::vector< array > arrays, StreamOrDevice s={})']]], - ['concatenate_5fgpu_47',['concatenate_gpu',['../namespacemlx_1_1core.html#a050299d0d366ca5c9d09d1004dcc3e7d',1,'mlx::core']]], - ['concurrentcontext_48',['ConcurrentContext',['../structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::metal::CommandEncoder::ConcurrentContext::ConcurrentContext()'],['../structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::CommandEncoder::ConcurrentContext::ConcurrentContext()']]], - ['conj_49',['conj',['../namespacepocketfft_1_1detail.html#a66d79051d502046a9b9f103e744dbad3',1,'pocketfft::detail::conj()'],['../namespacemlx_1_1core_1_1simd.html#a660b79a51fb439f4aba91e2aea276300',1,'mlx::core::simd::conj()']]], - ['conjugate_50',['Conjugate',['../classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87',1,'mlx::core::Conjugate']]], - ['conjugate_51',['conjugate',['../group__ops.html#ga5b596906bf8cdc8d97ed6ddc9aeb4c23',1,'mlx::core']]], - ['contiguous_52',['Contiguous',['../classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0',1,'mlx::core::Contiguous']]], - ['contiguous_53',['contiguous',['../group__ops.html#ga8ab10aa6c41416d739791164a52b25d5',1,'mlx::core']]], - ['contiguous_5fscan_54',['contiguous_scan',['../scan_8h.html#a60d279b9add7d56639bb209408f09d79',1,'scan.h']]], - ['contiguousiterator_55',['ContiguousIterator',['../structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3',1,'mlx::core::ContiguousIterator::ContiguousIterator()'],['../structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735',1,'mlx::core::ContiguousIterator::ContiguousIterator(const array &a)'],['../structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375',1,'mlx::core::ContiguousIterator::ContiguousIterator(const Shape &shape, const Strides &strides, int dims)']]], - ['conv_56',['conv',['../namespacemlx_1_1core_1_1metal.html#ab1704e853394c725668c06752ebb5c24',1,'mlx::core::metal']]], - ['conv1d_57',['conv1d',['../group__ops.html#ga30d47e08093c03a3676f235f9f559411',1,'mlx::core']]], - ['conv2d_58',['conv2d',['../group__ops.html#ga73b02833229678786e7f302d458d5a83',1,'mlx::core']]], - ['conv2dinputblockloadergeneral_59',['Conv2DInputBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b',1,'mlx::steel::Conv2DInputBlockLoaderGeneral']]], - ['conv2dinputblockloaderlargefilter_60',['Conv2DInputBlockLoaderLargeFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter']]], - ['conv2dinputblockloadersmallchannels_61',['Conv2DInputBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels']]], - ['conv2dinputblockloadersmallfilter_62',['Conv2DInputBlockLoaderSmallFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], - ['conv2dweightblockloader_63',['Conv2DWeightBlockLoader',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c',1,'mlx::steel::Conv2DWeightBlockLoader']]], - ['conv2dweightblockloadergeneral_64',['Conv2DWeightBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral']]], - ['conv2dweightblockloadersmallchannels_65',['Conv2DWeightBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels']]], - ['conv3d_66',['conv3d',['../group__ops.html#ga6e9907d2f14dc4803e4306b3dbc4b3ca',1,'mlx::core']]], - ['conv_5fgeneral_67',['conv_general',['../group__ops.html#ga2236e5dfc7e52e28abf6c21675d0a51e',1,'mlx::core::conv_general(array input, array weight, std::vector< int > stride={}, std::vector< int > padding_lo={}, std::vector< int > padding_hi={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})'],['../group__ops.html#gab59f89942cd1efaadffe9e8762e3c99d',1,'mlx::core::conv_general(const array &input, const array &weight, std::vector< int > stride={}, std::vector< int > padding={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})']]], - ['conv_5ftranspose1d_68',['conv_transpose1d',['../group__ops.html#gaa30bf1adcd78d1c2595d07b215731714',1,'mlx::core']]], - ['conv_5ftranspose2d_69',['conv_transpose2d',['../group__ops.html#gaebb59971cb9bc45005dc1d398e4f0a3d',1,'mlx::core']]], - ['conv_5ftranspose3d_70',['conv_transpose3d',['../group__ops.html#ga8db814da631d9cd32a8d6563bf4ac530',1,'mlx::core']]], - ['convolution_71',['Convolution',['../classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef',1,'mlx::core::Convolution']]], - ['copy_72',['Copy',['../classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584',1,'mlx::core::Copy']]], - ['copy_73',['copy',['../namespacemlx_1_1core.html#a479648542a2bea151b947b18f0e79dd2',1,'mlx::core::copy()'],['../namespacemlx_1_1core_1_1metal.html#aa215e631e2680f04a591b88d91571719',1,'mlx::core::metal::copy()'],['../group__ops.html#gae306e93af12f774bd80bad6c231b09d6',1,'mlx::core::copy()']]], - ['copy_5fg_74',['copy_g',['../metal_2kernels_2copy_8h.html#a71e4103db4689d90ef6f9d5ba93604cf',1,'copy.h']]], - ['copy_5fg_5fnd1_75',['copy_g_nd1',['../metal_2kernels_2copy_8h.html#a232c5c6b8386cf8ecbf4cdadb6e4176e',1,'copy.h']]], - ['copy_5fg_5fnd2_76',['copy_g_nd2',['../metal_2kernels_2copy_8h.html#a39ec5b7b8351e4332b842982a2ee6260',1,'copy.h']]], - ['copy_5fg_5fnd3_77',['copy_g_nd3',['../metal_2kernels_2copy_8h.html#aab82689380897ff4716b5eafd6ef3ecc',1,'copy.h']]], - ['copy_5fgg_78',['copy_gg',['../metal_2kernels_2copy_8h.html#ade9a9eea9b8262a854a11721fe2bb9fa',1,'copy.h']]], - ['copy_5fgg_5fdynamic_79',['copy_gg_dynamic',['../metal_2kernels_2copy_8h.html#ad0f05a73165d4ee38c9f02c705ea6ca8',1,'copy.h']]], - ['copy_5fgg_5fdynamic_5fnd1_80',['copy_gg_dynamic_nd1',['../metal_2kernels_2copy_8h.html#a8548ea41cac179084ddd33d26921576f',1,'copy.h']]], - ['copy_5fgg_5fdynamic_5fnd2_81',['copy_gg_dynamic_nd2',['../metal_2kernels_2copy_8h.html#a9b9266ee25a4dbcbe4fde883b40170f1',1,'copy.h']]], - ['copy_5fgg_5fdynamic_5fnd3_82',['copy_gg_dynamic_nd3',['../metal_2kernels_2copy_8h.html#af33ccc02f10bcb5c19ea7b1dd0af4956',1,'copy.h']]], - ['copy_5fgg_5fnd1_83',['copy_gg_nd1',['../metal_2kernels_2copy_8h.html#a370d7bbba1a4b0d64da873bafd29a78b',1,'copy.h']]], - ['copy_5fgg_5fnd2_84',['copy_gg_nd2',['../metal_2kernels_2copy_8h.html#af0b06ac3a96852a64fa4274a94b58301',1,'copy.h']]], - ['copy_5fgg_5fnd3_85',['copy_gg_nd3',['../metal_2kernels_2copy_8h.html#a3f3836ad0b6545ec9b9e1864224f7a13',1,'copy.h']]], - ['copy_5fgpu_86',['copy_gpu',['../namespacemlx_1_1core.html#addaa46a13ac2deb1d9ce621338320e0e',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a6a6f4e46c8fc44fdc74c50ace02bcf38',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype)']]], - ['copy_5fgpu_5finplace_87',['copy_gpu_inplace',['../namespacemlx_1_1core.html#a473fb602368f6c73d9105c9a151c4c82',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, const Stream &s, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt)'],['../namespacemlx_1_1core.html#a58ef0842dd1b8f79159d5fb6777d30a1',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a49fc043a981925b9be79e37fc415d966',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Strides &i_strides, int64_t i_offset, CopyType ctype, const Stream &s)']]], - ['copy_5fhartley_88',['copy_hartley',['../namespacepocketfft_1_1detail.html#abac3fcc8ce83800d228774f64c28d4c3',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#ae7b44d2773d9d06a9787aff01d66b3ed',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], - ['copy_5finplace_89',['copy_inplace',['../namespacemlx_1_1core.html#a98495894a796b2cc6d022e7a03432c64',1,'mlx::core::copy_inplace(const array &src, array &dst, CopyType ctype)'],['../namespacemlx_1_1core.html#ae85bafda5ab0b4b2289591260cf07685',1,'mlx::core::copy_inplace(const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype)']]], - ['copy_5finput_90',['copy_input',['../namespacepocketfft_1_1detail.html#aff05be3064743c1143b19318ab12ad4a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< cmplx< T > > &src, cmplx< vtype_t< T > > *dst)'],['../namespacepocketfft_1_1detail.html#a30fc708f9d8f9cfa74194925c7863c0a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, vtype_t< T > *dst)'],['../namespacepocketfft_1_1detail.html#a3387bd35f237870e42b8461769e6aec4',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, T *dst)']]], - ['copy_5foutput_91',['copy_output',['../namespacepocketfft_1_1detail.html#a1523a037300a8da05db210b802d9cb0e',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const cmplx< vtype_t< T > > *src, ndarr< cmplx< T > > &dst)'],['../namespacepocketfft_1_1detail.html#a21980853aca4d92ed06e3dcffe7ef660',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#a310481c334e46674710ba794ad7403c0',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], - ['copy_5fs_92',['copy_s',['../metal_2kernels_2copy_8h.html#aef09f9b9475345b1bba121d037d222ea',1,'copy.h']]], - ['copy_5fs2_93',['copy_s2',['../metal_2kernels_2copy_8h.html#a8023e9335cc5334847a8d315042be3a3',1,'copy.h']]], - ['copy_5fshared_5fbuffer_94',['copy_shared_buffer',['../classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b',1,'mlx::core::array::copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)'],['../classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29',1,'mlx::core::array::copy_shared_buffer(const array &other)']]], - ['copy_5fv_95',['copy_v',['../metal_2kernels_2copy_8h.html#ae26a13e0c8e6c15f7b10078e65970659',1,'copy.h']]], - ['copy_5fv2_96',['copy_v2',['../metal_2kernels_2copy_8h.html#aee14a5326f53d9b30b0b38e27d180ef3',1,'copy.h']]], - ['cos_97',['Cos',['../classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995',1,'mlx::core::Cos']]], - ['cos_98',['cos',['../namespacepocketfft_1_1detail.html#a499c1e8b7d79a5272af024f46c63ff9d',1,'pocketfft::detail::cos()'],['../namespacemlx_1_1core_1_1simd.html#ab179f429e34cd6d5c37050ea7e7c54ad',1,'mlx::core::simd::cos()'],['../namespacemetal.html#a2fa4778a6fe2fa43253ea724e5a608a3',1,'metal::cos()'],['../namespacemetal_1_1fast.html#a75b6bb32fa3870eda46a7bfc9f481f88',1,'metal::fast::cos()'],['../namespacemetal_1_1precise.html#ac4941f62e7d8ab9d7cabbd967aa9f220',1,'metal::precise::cos()'],['../group__ops.html#ga39dfdf72b556012aa35ff27a94116e74',1,'mlx::core::cos()']]], - ['cosh_99',['Cosh',['../classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1',1,'mlx::core::Cosh']]], - ['cosh_100',['cosh',['../namespacemlx_1_1core_1_1simd.html#aedc18b6fdb820cce9125c977c02833aa',1,'mlx::core::simd::cosh(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa5b4f7d3b776e8d16907e15a11800f01',1,'mlx::core::simd::cosh(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ae1265896d855818d20f2de2a9ebb684a',1,'mlx::core::simd::cosh(Simd< T, 1 > in)'],['../namespacemetal.html#a8a68a88cc110830d057dbd71431b93c0',1,'metal::cosh()'],['../namespacemetal_1_1fast.html#a31544ad9de28012a4ddda86e3966a77e',1,'metal::fast::cosh()'],['../namespacemetal_1_1precise.html#a72d86d508300a9b58f4ccbbe70da4fbc',1,'metal::precise::cosh()'],['../group__ops.html#ga2181b71cda88007a3092be4795ff0715',1,'mlx::core::cosh()']]], - ['cospi_101',['cospi',['../namespacemetal.html#a5c2f37939ad705ddea4409d3bedb8ce1',1,'metal::cospi()'],['../namespacemetal_1_1fast.html#a9906b41f75319b384ffb570cc94d67ce',1,'metal::fast::cospi()'],['../namespacemetal_1_1precise.html#a2392b78bd196efdbbac65901c4ab20e7',1,'metal::precise::cospi()']]], - ['cost_5fguess_102',['cost_guess',['../structpocketfft_1_1detail_1_1util.html#ad3d874bc3fb0048df2270779a15d4bd0',1,'pocketfft::detail::util']]], - ['count_5fdown_103',['count_down',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#a81d6597189b40410e35f3cd653fd1342',1,'pocketfft::detail::threading::latch']]], - ['cross_104',['cross',['../namespacemlx_1_1core_1_1linalg.html#abcda3fbda45183c21e7f27aa0dde64e6',1,'mlx::core::linalg']]], - ['cummax_105',['cummax',['../group__ops.html#gaee37cac8476e8f8d666bcded5bc59143',1,'mlx::core']]], - ['cummin_106',['cummin',['../group__ops.html#ga19c1bf6929fe8d66b9cd408946aea6a8',1,'mlx::core']]], - ['cumprod_107',['cumprod',['../group__ops.html#ga0d71dfbc14ef3ed564b0c5ee26af680f',1,'mlx::core']]], - ['cumsum_108',['cumsum',['../group__ops.html#gaddc825a5c173e195ab0fda83ad630420',1,'mlx::core']]], - ['custom_109',['Custom',['../classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313',1,'mlx::core::fast::Custom']]], - ['custom_5ffunction_110',['custom_function',['../namespacemlx_1_1core.html#a8d3ca5fbaecdb995660c24cde5aeebaf',1,'mlx::core']]], - ['custom_5fvjp_111',['custom_vjp',['../namespacemlx_1_1core.html#a9290596250fa308df4c69b44483bb8aa',1,'mlx::core']]], - ['customkernel_112',['CustomKernel',['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153',1,'mlx::core::fast::CustomKernel']]], - ['customtransforms_113',['CustomTransforms',['../classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488',1,'mlx::core::CustomTransforms']]] + ['compile_27',['compile',['../namespacemlx_1_1core.html#a55933c6665de9f81059120d6b0de1c87',1,'mlx::core::compile(std::function< std::vector< array >(const std::vector< array > &)> fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#abf57076f6d2351ba9f1e0cbe478f8afa',1,'mlx::core::compile(std::vector< array >(*fun)(const std::vector< array > &), bool shapeless=false)'],['../namespacemlx_1_1core.html#ace67713d269595f5f2265e46728a6f9c',1,'mlx::core::compile(F &&f, bool shapeless=false)'],['../namespacemlx_1_1core_1_1detail.html#af556c7576658b2e2498ead70339d95e5',1,'mlx::core::detail::compile(std::function< std::vector< array >(const std::vector< array > &)> fun, std::uintptr_t fun_id, bool shapeless=false, std::vector< uint64_t > constants={})']]], + ['compile_5favailable_5ffor_5fdevice_28',['compile_available_for_device',['../namespacemlx_1_1core_1_1detail.html#aeeff2ba6ec3d9d4ed090de6d2681dbc2',1,'mlx::core::detail']]], + ['compile_5fclear_5fcache_29',['compile_clear_cache',['../namespacemlx_1_1core_1_1detail.html#a3fb927c209b946aefebb195993fbe4cf',1,'mlx::core::detail']]], + ['compile_5fdfs_30',['compile_dfs',['../namespacemlx_1_1core_1_1detail.html#a545fccdb5dc365b154cf4f0a2ca4753b',1,'mlx::core::detail']]], + ['compile_5ferase_31',['compile_erase',['../namespacemlx_1_1core_1_1detail.html#a69eb76a14f845ca000f1ccb2edda0175',1,'mlx::core::detail']]], + ['compile_5freplace_32',['compile_replace',['../namespacemlx_1_1core_1_1detail.html#a56fc01df6ba4c508d1da8b366b1328ac',1,'mlx::core::detail']]], + ['compile_5fsimplify_33',['compile_simplify',['../namespacemlx_1_1core_1_1detail.html#a33c878c900ca06f35d479f99c57b9e39',1,'mlx::core::detail']]], + ['compile_5ftrace_34',['compile_trace',['../namespacemlx_1_1core_1_1detail.html#ac2163a401119bb6edecfeb43373ef0dd',1,'mlx::core::detail']]], + ['compile_5fvalidate_5fshapeless_35',['compile_validate_shapeless',['../namespacemlx_1_1core_1_1detail.html#a10d612cb45a17fa17b704a357a902a68',1,'mlx::core::detail']]], + ['compiled_36',['Compiled',['../classmlx_1_1core_1_1_compiled.html#a2d8cefff835c419a48a077d306b8e051',1,'mlx::core::Compiled']]], + ['compiled_5fallocate_5foutputs_37',['compiled_allocate_outputs',['../namespacemlx_1_1core.html#a8ed5ff0d69f6c7d2e092fe811e40d564',1,'mlx::core']]], + ['compiled_5fcheck_5fcontiguity_38',['compiled_check_contiguity',['../namespacemlx_1_1core.html#a562040f4a03f2c0a5d50eb9c8f14a8be',1,'mlx::core']]], + ['complex128_5ft_39',['complex128_t',['../structmlx_1_1core_1_1complex128__t.html#a4330d04587f3282bcd650e36532da178',1,'mlx::core::complex128_t::complex128_t()'],['../structmlx_1_1core_1_1complex128__t.html#aa15d0b805f8790f7c7b76fc7b9d677e0',1,'mlx::core::complex128_t::complex128_t(double v, double u)'],['../structmlx_1_1core_1_1complex128__t.html#abf2842253b874f9f13f39ea68a89e5b6',1,'mlx::core::complex128_t::complex128_t(std::complex< double > v)'],['../structmlx_1_1core_1_1complex128__t.html#a526fba96d7e815360cb4226af085a1bf',1,'mlx::core::complex128_t::complex128_t(T x)']]], + ['complex64_5ft_40',['complex64_t',['../structcomplex64__t.html#adbd392a5e92d31997380ad0a38be4be8',1,'complex64_t::complex64_t(float real, float imag)'],['../structcomplex64__t.html#a29782289bb90d6294099667b86509cd3',1,'complex64_t::complex64_t()'],['../structcomplex64__t.html#a905b048d70eb8d748a62454268242291',1,'complex64_t::complex64_t() threadgroup'],['../structcomplex64__t.html#a33a2452eb33b5ed53655773539c357a5',1,'complex64_t::complex64_t(T x) thread'],['../structcomplex64__t.html#a89b65ace8588b7bf215355f705eb23d9',1,'complex64_t::complex64_t(T x) threadgroup'],['../structcomplex64__t.html#ac81b486f642fb3b26c5d659917bdbcd0',1,'complex64_t::complex64_t(T x) device'],['../structcomplex64__t.html#a0a27a41206400f1e62b60ceb56960c93',1,'complex64_t::complex64_t(T x) const ant'],['../structmlx_1_1core_1_1complex64__t.html#ad27bed7d6b7966bfcf563af06bedddf3',1,'mlx::core::complex64_t::complex64_t()'],['../structmlx_1_1core_1_1complex64__t.html#a697cc973ae27d63c8e00d830e780bd8c',1,'mlx::core::complex64_t::complex64_t(float v, float u)'],['../structmlx_1_1core_1_1complex64__t.html#ae065e39938f9c4374b4116f4c67d4d09',1,'mlx::core::complex64_t::complex64_t(std::complex< float > v)'],['../structmlx_1_1core_1_1complex64__t.html#a2232cbbe591a9d2bc228cb23fac38b50',1,'mlx::core::complex64_t::complex64_t(T x)']]], + ['complex_5fmul_41',['complex_mul',['../radix_8h.html#a5bfc53b531214c9ce277bebc18aa67d6',1,'radix.h']]], + ['complex_5fmul_5fconj_42',['complex_mul_conj',['../radix_8h.html#a0e2dfd3d1dda09f47ccc64eec35629f3',1,'radix.h']]], + ['compute_5fstrided_5findices_43',['compute_strided_indices',['../struct_read_writer.html#a7c903fbb8b85a856ba5564d7df537cdf',1,'ReadWriter']]], + ['concatenate_44',['Concatenate',['../classmlx_1_1core_1_1_concatenate.html#acff07853de2d31faeec7c4ca40ce0888',1,'mlx::core::Concatenate']]], + ['concatenate_45',['concatenate',['../namespacemlx_1_1core.html#a76a2e310857f60f5ea6f1388d45b964d',1,'mlx::core::concatenate(std::string &acc, T first)'],['../namespacemlx_1_1core.html#aaf51544472fa87fa974686eacdd2a4a6',1,'mlx::core::concatenate(std::string &acc, T first, Args... args)'],['../group__ops.html#ga52838af566948b1b96e7aa00832071b3',1,'mlx::core::concatenate(std::vector< array > arrays, int axis, StreamOrDevice s={})'],['../group__ops.html#ga666ac69778984fafdc2f51d296270468',1,'mlx::core::concatenate(std::vector< array > arrays, StreamOrDevice s={})']]], + ['concatenate_5fgpu_46',['concatenate_gpu',['../namespacemlx_1_1core.html#a050299d0d366ca5c9d09d1004dcc3e7d',1,'mlx::core']]], + ['concurrentcontext_47',['ConcurrentContext',['../structmlx_1_1core_1_1metal_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::metal::CommandEncoder::ConcurrentContext::ConcurrentContext()'],['../structmlx_1_1core_1_1_command_encoder_1_1_concurrent_context.html#aee044d7729739c96e845823f9ecc5174',1,'mlx::core::CommandEncoder::ConcurrentContext::ConcurrentContext()']]], + ['conj_48',['conj',['../namespacepocketfft_1_1detail.html#a66d79051d502046a9b9f103e744dbad3',1,'pocketfft::detail::conj()'],['../namespacemlx_1_1core_1_1simd.html#a660b79a51fb439f4aba91e2aea276300',1,'mlx::core::simd::conj()']]], + ['conjugate_49',['Conjugate',['../classmlx_1_1core_1_1_conjugate.html#a627f9e6a8729fb3ffb3ca3228d007c87',1,'mlx::core::Conjugate']]], + ['conjugate_50',['conjugate',['../group__ops.html#ga5b596906bf8cdc8d97ed6ddc9aeb4c23',1,'mlx::core']]], + ['contiguous_51',['Contiguous',['../classmlx_1_1core_1_1_contiguous.html#a3e83f414c02ae0b92a50b6f8e402e1c0',1,'mlx::core::Contiguous']]], + ['contiguous_52',['contiguous',['../group__ops.html#ga8ab10aa6c41416d739791164a52b25d5',1,'mlx::core']]], + ['contiguous_5fscan_53',['contiguous_scan',['../scan_8h.html#a60d279b9add7d56639bb209408f09d79',1,'scan.h']]], + ['contiguousiterator_54',['ContiguousIterator',['../structmlx_1_1core_1_1_contiguous_iterator.html#a727442ddff5fd3c3ebe09b000a01c9d3',1,'mlx::core::ContiguousIterator::ContiguousIterator()'],['../structmlx_1_1core_1_1_contiguous_iterator.html#aa82bec516eb54656c74fdaa74de1d735',1,'mlx::core::ContiguousIterator::ContiguousIterator(const array &a)'],['../structmlx_1_1core_1_1_contiguous_iterator.html#a8760380bff7462a886e7a4edd2955375',1,'mlx::core::ContiguousIterator::ContiguousIterator(const Shape &shape, const Strides &strides, int dims)']]], + ['conv_55',['conv',['../namespacemlx_1_1core_1_1metal.html#ab1704e853394c725668c06752ebb5c24',1,'mlx::core::metal']]], + ['conv1d_56',['conv1d',['../group__ops.html#ga30d47e08093c03a3676f235f9f559411',1,'mlx::core']]], + ['conv2d_57',['conv2d',['../group__ops.html#ga73b02833229678786e7f302d458d5a83',1,'mlx::core']]], + ['conv2dinputblockloadergeneral_58',['Conv2DInputBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a1d83af561a483432bf8dcb42e734b23b',1,'mlx::steel::Conv2DInputBlockLoaderGeneral']]], + ['conv2dinputblockloaderlargefilter_59',['Conv2DInputBlockLoaderLargeFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a8755116a535539744e4947bc69f9c50f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter']]], + ['conv2dinputblockloadersmallchannels_60',['Conv2DInputBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ab9fd3fdeab94470dde3326f1dd5c455a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels']]], + ['conv2dinputblockloadersmallfilter_61',['Conv2DInputBlockLoaderSmallFilter',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0a2cbf57c51cd928722e3f06aafcf933',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], + ['conv2dweightblockloader_62',['Conv2DWeightBlockLoader',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a9a7dca3512b64cffb6eac305d795831c',1,'mlx::steel::Conv2DWeightBlockLoader']]], + ['conv2dweightblockloadergeneral_63',['Conv2DWeightBlockLoaderGeneral',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#ad0550fabbdc9297559381a5b488e9af1',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral']]], + ['conv2dweightblockloadersmallchannels_64',['Conv2DWeightBlockLoaderSmallChannels',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae1806ea1c19713819dee83a38ab35fa6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels']]], + ['conv3d_65',['conv3d',['../group__ops.html#ga6e9907d2f14dc4803e4306b3dbc4b3ca',1,'mlx::core']]], + ['conv_5fgeneral_66',['conv_general',['../group__ops.html#ga2236e5dfc7e52e28abf6c21675d0a51e',1,'mlx::core::conv_general(array input, array weight, std::vector< int > stride={}, std::vector< int > padding_lo={}, std::vector< int > padding_hi={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})'],['../group__ops.html#gab59f89942cd1efaadffe9e8762e3c99d',1,'mlx::core::conv_general(const array &input, const array &weight, std::vector< int > stride={}, std::vector< int > padding={}, std::vector< int > kernel_dilation={}, std::vector< int > input_dilation={}, int groups=1, bool flip=false, StreamOrDevice s={})']]], + ['conv_5ftranspose1d_67',['conv_transpose1d',['../group__ops.html#gaa30bf1adcd78d1c2595d07b215731714',1,'mlx::core']]], + ['conv_5ftranspose2d_68',['conv_transpose2d',['../group__ops.html#gaebb59971cb9bc45005dc1d398e4f0a3d',1,'mlx::core']]], + ['conv_5ftranspose3d_69',['conv_transpose3d',['../group__ops.html#ga8db814da631d9cd32a8d6563bf4ac530',1,'mlx::core']]], + ['convolution_70',['Convolution',['../classmlx_1_1core_1_1_convolution.html#a6f1de77b719bb13217b0d8c64cabb8ef',1,'mlx::core::Convolution']]], + ['copy_71',['Copy',['../classmlx_1_1core_1_1_copy.html#a6243e044af119105ffaaed7d405cd584',1,'mlx::core::Copy']]], + ['copy_72',['copy',['../namespacemlx_1_1core.html#a017bd8bd743e26f1ff971c8749b55daf',1,'mlx::core::copy()'],['../namespacemlx_1_1core_1_1metal.html#aa215e631e2680f04a591b88d91571719',1,'mlx::core::metal::copy()'],['../group__ops.html#gae306e93af12f774bd80bad6c231b09d6',1,'mlx::core::copy()']]], + ['copy_5fg_73',['copy_g',['../metal_2kernels_2copy_8h.html#a71e4103db4689d90ef6f9d5ba93604cf',1,'copy.h']]], + ['copy_5fg_5fnd1_74',['copy_g_nd1',['../metal_2kernels_2copy_8h.html#a232c5c6b8386cf8ecbf4cdadb6e4176e',1,'copy.h']]], + ['copy_5fg_5fnd2_75',['copy_g_nd2',['../metal_2kernels_2copy_8h.html#a39ec5b7b8351e4332b842982a2ee6260',1,'copy.h']]], + ['copy_5fg_5fnd3_76',['copy_g_nd3',['../metal_2kernels_2copy_8h.html#aab82689380897ff4716b5eafd6ef3ecc',1,'copy.h']]], + ['copy_5fgg_77',['copy_gg',['../metal_2kernels_2copy_8h.html#ade9a9eea9b8262a854a11721fe2bb9fa',1,'copy.h']]], + ['copy_5fgg_5fdynamic_78',['copy_gg_dynamic',['../metal_2kernels_2copy_8h.html#ad0f05a73165d4ee38c9f02c705ea6ca8',1,'copy.h']]], + ['copy_5fgg_5fdynamic_5fnd1_79',['copy_gg_dynamic_nd1',['../metal_2kernels_2copy_8h.html#a8548ea41cac179084ddd33d26921576f',1,'copy.h']]], + ['copy_5fgg_5fdynamic_5fnd2_80',['copy_gg_dynamic_nd2',['../metal_2kernels_2copy_8h.html#a9b9266ee25a4dbcbe4fde883b40170f1',1,'copy.h']]], + ['copy_5fgg_5fdynamic_5fnd3_81',['copy_gg_dynamic_nd3',['../metal_2kernels_2copy_8h.html#af33ccc02f10bcb5c19ea7b1dd0af4956',1,'copy.h']]], + ['copy_5fgg_5fnd1_82',['copy_gg_nd1',['../metal_2kernels_2copy_8h.html#a370d7bbba1a4b0d64da873bafd29a78b',1,'copy.h']]], + ['copy_5fgg_5fnd2_83',['copy_gg_nd2',['../metal_2kernels_2copy_8h.html#af0b06ac3a96852a64fa4274a94b58301',1,'copy.h']]], + ['copy_5fgg_5fnd3_84',['copy_gg_nd3',['../metal_2kernels_2copy_8h.html#a3f3836ad0b6545ec9b9e1864224f7a13',1,'copy.h']]], + ['copy_5fgpu_85',['copy_gpu',['../namespacemlx_1_1core.html#addaa46a13ac2deb1d9ce621338320e0e',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a6a6f4e46c8fc44fdc74c50ace02bcf38',1,'mlx::core::copy_gpu(const array &src, array &out, CopyType ctype)']]], + ['copy_5fgpu_5finplace_86',['copy_gpu_inplace',['../namespacemlx_1_1core.html#a473fb602368f6c73d9105c9a151c4c82',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, const Stream &s, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt)'],['../namespacemlx_1_1core.html#a58ef0842dd1b8f79159d5fb6777d30a1',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, CopyType ctype, const Stream &s)'],['../namespacemlx_1_1core.html#a49fc043a981925b9be79e37fc415d966',1,'mlx::core::copy_gpu_inplace(const array &in, array &out, const Strides &i_strides, int64_t i_offset, CopyType ctype, const Stream &s)']]], + ['copy_5fhartley_87',['copy_hartley',['../namespacepocketfft_1_1detail.html#abac3fcc8ce83800d228774f64c28d4c3',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#ae7b44d2773d9d06a9787aff01d66b3ed',1,'pocketfft::detail::copy_hartley(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], + ['copy_5finplace_88',['copy_inplace',['../namespacemlx_1_1core.html#ab30708325761c91e7dde245827e9dd91',1,'mlx::core::copy_inplace(const array &src, array &dst, CopyType ctype, Stream stream)'],['../namespacemlx_1_1core.html#a1e4381d42877a5c6050c20e77d13c990',1,'mlx::core::copy_inplace(const array &src, array &dst, const Shape &data_shape, const Strides &i_strides, const Strides &o_strides, int64_t i_offset, int64_t o_offset, CopyType ctype, Stream stream, const std::optional< array > &dynamic_i_offset=std::nullopt, const std::optional< array > &dynamic_o_offset=std::nullopt)']]], + ['copy_5finput_89',['copy_input',['../namespacepocketfft_1_1detail.html#aff05be3064743c1143b19318ab12ad4a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< cmplx< T > > &src, cmplx< vtype_t< T > > *dst)'],['../namespacepocketfft_1_1detail.html#a30fc708f9d8f9cfa74194925c7863c0a',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, vtype_t< T > *dst)'],['../namespacepocketfft_1_1detail.html#a3387bd35f237870e42b8461769e6aec4',1,'pocketfft::detail::copy_input(const multi_iter< vlen > &it, const cndarr< T > &src, T *dst)']]], + ['copy_5foutput_90',['copy_output',['../namespacepocketfft_1_1detail.html#a1523a037300a8da05db210b802d9cb0e',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const cmplx< vtype_t< T > > *src, ndarr< cmplx< T > > &dst)'],['../namespacepocketfft_1_1detail.html#a21980853aca4d92ed06e3dcffe7ef660',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const vtype_t< T > *src, ndarr< T > &dst)'],['../namespacepocketfft_1_1detail.html#a310481c334e46674710ba794ad7403c0',1,'pocketfft::detail::copy_output(const multi_iter< vlen > &it, const T *src, ndarr< T > &dst)']]], + ['copy_5fs_91',['copy_s',['../metal_2kernels_2copy_8h.html#aef09f9b9475345b1bba121d037d222ea',1,'copy.h']]], + ['copy_5fs2_92',['copy_s2',['../metal_2kernels_2copy_8h.html#a8023e9335cc5334847a8d315042be3a3',1,'copy.h']]], + ['copy_5fshared_5fbuffer_93',['copy_shared_buffer',['../classmlx_1_1core_1_1array.html#ad2814dbffa5ad174d9c97a10bf4cf26b',1,'mlx::core::array::copy_shared_buffer(const array &other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)'],['../classmlx_1_1core_1_1array.html#a92974c656c35a972ad241f80584bbd29',1,'mlx::core::array::copy_shared_buffer(const array &other)']]], + ['copy_5fv_94',['copy_v',['../metal_2kernels_2copy_8h.html#ae26a13e0c8e6c15f7b10078e65970659',1,'copy.h']]], + ['copy_5fv2_95',['copy_v2',['../metal_2kernels_2copy_8h.html#aee14a5326f53d9b30b0b38e27d180ef3',1,'copy.h']]], + ['cos_96',['Cos',['../classmlx_1_1core_1_1_cos.html#a2acb9fcf0901462189c476756fd99995',1,'mlx::core::Cos']]], + ['cos_97',['cos',['../namespacepocketfft_1_1detail.html#a499c1e8b7d79a5272af024f46c63ff9d',1,'pocketfft::detail::cos()'],['../namespacemlx_1_1core_1_1simd.html#ab179f429e34cd6d5c37050ea7e7c54ad',1,'mlx::core::simd::cos()'],['../namespacemetal.html#a2fa4778a6fe2fa43253ea724e5a608a3',1,'metal::cos()'],['../namespacemetal_1_1fast.html#a75b6bb32fa3870eda46a7bfc9f481f88',1,'metal::fast::cos()'],['../namespacemetal_1_1precise.html#ac4941f62e7d8ab9d7cabbd967aa9f220',1,'metal::precise::cos()'],['../group__ops.html#ga39dfdf72b556012aa35ff27a94116e74',1,'mlx::core::cos()']]], + ['cosh_98',['Cosh',['../classmlx_1_1core_1_1_cosh.html#a44e8ac2e09a55ec32e9dc6641eedc8f1',1,'mlx::core::Cosh']]], + ['cosh_99',['cosh',['../namespacemlx_1_1core_1_1simd.html#aedc18b6fdb820cce9125c977c02833aa',1,'mlx::core::simd::cosh(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa5b4f7d3b776e8d16907e15a11800f01',1,'mlx::core::simd::cosh(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#ae1265896d855818d20f2de2a9ebb684a',1,'mlx::core::simd::cosh(Simd< T, 1 > in)'],['../namespacemetal.html#a8a68a88cc110830d057dbd71431b93c0',1,'metal::cosh()'],['../namespacemetal_1_1fast.html#a31544ad9de28012a4ddda86e3966a77e',1,'metal::fast::cosh()'],['../namespacemetal_1_1precise.html#a72d86d508300a9b58f4ccbbe70da4fbc',1,'metal::precise::cosh()'],['../group__ops.html#ga2181b71cda88007a3092be4795ff0715',1,'mlx::core::cosh()']]], + ['cospi_100',['cospi',['../namespacemetal.html#a5c2f37939ad705ddea4409d3bedb8ce1',1,'metal::cospi()'],['../namespacemetal_1_1fast.html#a9906b41f75319b384ffb570cc94d67ce',1,'metal::fast::cospi()'],['../namespacemetal_1_1precise.html#a2392b78bd196efdbbac65901c4ab20e7',1,'metal::precise::cospi()']]], + ['cost_5fguess_101',['cost_guess',['../structpocketfft_1_1detail_1_1util.html#ad3d874bc3fb0048df2270779a15d4bd0',1,'pocketfft::detail::util']]], + ['count_5fdown_102',['count_down',['../classpocketfft_1_1detail_1_1threading_1_1latch.html#a81d6597189b40410e35f3cd653fd1342',1,'pocketfft::detail::threading::latch']]], + ['cross_103',['cross',['../namespacemlx_1_1core_1_1linalg.html#abcda3fbda45183c21e7f27aa0dde64e6',1,'mlx::core::linalg']]], + ['cummax_104',['cummax',['../group__ops.html#gaee37cac8476e8f8d666bcded5bc59143',1,'mlx::core']]], + ['cummin_105',['cummin',['../group__ops.html#ga19c1bf6929fe8d66b9cd408946aea6a8',1,'mlx::core']]], + ['cumprod_106',['cumprod',['../group__ops.html#ga0d71dfbc14ef3ed564b0c5ee26af680f',1,'mlx::core']]], + ['cumsum_107',['cumsum',['../group__ops.html#gaddc825a5c173e195ab0fda83ad630420',1,'mlx::core']]], + ['custom_108',['Custom',['../classmlx_1_1core_1_1fast_1_1_custom.html#a4186fea23f7156c38960426821fca313',1,'mlx::core::fast::Custom']]], + ['custom_5ffunction_109',['custom_function',['../namespacemlx_1_1core.html#a8d3ca5fbaecdb995660c24cde5aeebaf',1,'mlx::core']]], + ['custom_5fvjp_110',['custom_vjp',['../namespacemlx_1_1core.html#a9290596250fa308df4c69b44483bb8aa',1,'mlx::core']]], + ['customkernel_111',['CustomKernel',['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a954893e07f0d36715b4e1e414b6f2153',1,'mlx::core::fast::CustomKernel']]], + ['customtransforms_112',['CustomTransforms',['../classmlx_1_1core_1_1_custom_transforms.html#ab52abadb9c6f6db83d087c7b751be488',1,'mlx::core::CustomTransforms']]] ]; diff --git a/docs/build/html/search/functions_4.js b/docs/build/html/search/functions_4.js index a8058eac1..e872c73e8 100644 --- a/docs/build/html/search/functions_4.js +++ b/docs/build/html/search/functions_4.js @@ -20,23 +20,25 @@ var searchData= ['depends_17',['depends',['../group__ops.html#gac4a51a68fbe1725436b026d2fbb95759',1,'mlx::core']]], ['dequantize_18',['dequantize',['../quantized_8h.html#aecff265b63566d0d5689cfc4e5b037d2',1,'dequantize(): quantized.h'],['../group__ops.html#gabff758a5c1ce32ad7e8b78aba0164077',1,'mlx::core::dequantize()']]], ['detach_19',['detach',['../classmlx_1_1core_1_1array.html#a84948c29df8c957904919c8602692bd2',1,'mlx::core::array']]], - ['device_20',['Device',['../classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6',1,'mlx::core::metal::Device::Device()'],['../classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06',1,'mlx::core::metal::Device::Device(const Device &)=delete'],['../structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489',1,'mlx::core::Device::Device()']]], - ['device_21',['device',['../classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261',1,'mlx::core::Primitive::device()'],['../namespacemlx_1_1core_1_1metal.html#a910797b74824e6ee576fbb533dee8b57',1,'mlx::core::metal::device(mlx::core::Device)']]], - ['device_5finfo_22',['device_info',['../namespacemlx_1_1core_1_1metal.html#aebddc0ae4bc73a1acebc4a844475593b',1,'mlx::core::metal']]], - ['devicestream_23',['DeviceStream',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7',1,'mlx::core::metal::DeviceStream']]], - ['diag_24',['diag',['../group__ops.html#ga11af511875640e1fa88e0ca87e199344',1,'mlx::core']]], - ['diagonal_25',['diagonal',['../group__ops.html#ga9236b085a88ead3128ed8079d009cac6',1,'mlx::core']]], - ['disable_5fcompile_26',['disable_compile',['../namespacemlx_1_1core.html#a5f5fea955057bb3842b271b037909e66',1,'mlx::core']]], - ['dispatch_5fthreadgroups_27',['dispatch_threadgroups',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::metal::CommandEncoder::dispatch_threadgroups()'],['../structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::CommandEncoder::dispatch_threadgroups()']]], - ['dispatch_5fthreads_28',['dispatch_threads',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::metal::CommandEncoder::dispatch_threads()'],['../structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::CommandEncoder::dispatch_threads()']]], - ['distprimitive_29',['DistPrimitive',['../classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f',1,'mlx::core::distributed::DistPrimitive']]], - ['divide_30',['Divide',['../classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb',1,'mlx::core::Divide']]], - ['divide_31',['divide',['../namespacemetal.html#a2aea493fc1a874970b77ed0031e965df',1,'metal::divide()'],['../namespacemetal_1_1fast.html#ae70bc2185e4649369cf7b15f5e1d48be',1,'metal::fast::divide()'],['../namespacemetal_1_1precise.html#aec0982cdb96a08b61f51129150d82e9d',1,'metal::precise::divide()'],['../group__ops.html#ga77472dd06cfa7a30a42e4fd927bd859f',1,'mlx::core::divide()']]], - ['divmod_32',['DivMod',['../classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826',1,'mlx::core::DivMod']]], - ['divmod_33',['divmod',['../group__ops.html#gaa30ebc0a8376dbc3f7e46a47052b5894',1,'mlx::core']]], - ['dst_34',['dst',['../namespacepocketfft_1_1detail.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::detail::dst()'],['../namespacepocketfft.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::dst()']]], - ['dtype_35',['Dtype',['../structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1',1,'mlx::core::Dtype']]], - ['dtype_36',['dtype',['../classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd',1,'mlx::core::array']]], - ['dynamicslice_37',['DynamicSlice',['../classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b',1,'mlx::core::DynamicSlice']]], - ['dynamicsliceupdate_38',['DynamicSliceUpdate',['../classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213',1,'mlx::core::DynamicSliceUpdate']]] + ['detach_5fevent_20',['detach_event',['../classmlx_1_1core_1_1array.html#a9ff36a88bfd7c99a2662136ee9315f4e',1,'mlx::core::array']]], + ['device_21',['Device',['../classmlx_1_1core_1_1metal_1_1_device.html#ae0db74570eb4b19d8cf19774db91bfd6',1,'mlx::core::metal::Device::Device()'],['../classmlx_1_1core_1_1metal_1_1_device.html#abf59a4addb5473f9e814e3651ba85f06',1,'mlx::core::metal::Device::Device(const Device &)=delete'],['../structmlx_1_1core_1_1_device.html#a481ccfb94d689994396bd353e966b489',1,'mlx::core::Device::Device()']]], + ['device_22',['device',['../classmlx_1_1core_1_1_primitive.html#a8ae61e3289c4134232a69295268f8261',1,'mlx::core::Primitive::device()'],['../namespacemlx_1_1core_1_1metal.html#a910797b74824e6ee576fbb533dee8b57',1,'mlx::core::metal::device(mlx::core::Device)']]], + ['device_5finfo_23',['device_info',['../namespacemlx_1_1core_1_1metal.html#aebddc0ae4bc73a1acebc4a844475593b',1,'mlx::core::metal']]], + ['devicestream_24',['DeviceStream',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a573326bc8b48e39076850c7bf52ad0d7',1,'mlx::core::metal::DeviceStream']]], + ['diag_25',['diag',['../group__ops.html#ga11af511875640e1fa88e0ca87e199344',1,'mlx::core']]], + ['diagonal_26',['diagonal',['../group__ops.html#ga9236b085a88ead3128ed8079d009cac6',1,'mlx::core']]], + ['disable_5fcompile_27',['disable_compile',['../namespacemlx_1_1core.html#a5f5fea955057bb3842b271b037909e66',1,'mlx::core']]], + ['dispatch_28',['dispatch',['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#ae7753ac99229f9241c41bcf1b5216c9b',1,'mlx::core::cpu::CommandEncoder']]], + ['dispatch_5fthreadgroups_29',['dispatch_threadgroups',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::metal::CommandEncoder::dispatch_threadgroups()'],['../structmlx_1_1core_1_1_command_encoder.html#a85796b2bf41dbf347ae0978d4660600d',1,'mlx::core::CommandEncoder::dispatch_threadgroups()']]], + ['dispatch_5fthreads_30',['dispatch_threads',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::metal::CommandEncoder::dispatch_threads()'],['../structmlx_1_1core_1_1_command_encoder.html#a0a8501b940e5a347475fa4bc38fb4c05',1,'mlx::core::CommandEncoder::dispatch_threads()']]], + ['distprimitive_31',['DistPrimitive',['../classmlx_1_1core_1_1distributed_1_1_dist_primitive.html#a8c54166951522c2a52ef39fce8c87f8f',1,'mlx::core::distributed::DistPrimitive']]], + ['divide_32',['Divide',['../classmlx_1_1core_1_1_divide.html#a62fc71e8998be65ff18285dbbd21eedb',1,'mlx::core::Divide']]], + ['divide_33',['divide',['../namespacemetal.html#a2aea493fc1a874970b77ed0031e965df',1,'metal::divide()'],['../namespacemetal_1_1fast.html#ae70bc2185e4649369cf7b15f5e1d48be',1,'metal::fast::divide()'],['../namespacemetal_1_1precise.html#aec0982cdb96a08b61f51129150d82e9d',1,'metal::precise::divide()'],['../group__ops.html#ga77472dd06cfa7a30a42e4fd927bd859f',1,'mlx::core::divide()']]], + ['divmod_34',['DivMod',['../classmlx_1_1core_1_1_div_mod.html#a859e3b6149cdceab1c7ccfd2246fb826',1,'mlx::core::DivMod']]], + ['divmod_35',['divmod',['../group__ops.html#gaa30ebc0a8376dbc3f7e46a47052b5894',1,'mlx::core']]], + ['dst_36',['dst',['../namespacepocketfft_1_1detail.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::detail::dst()'],['../namespacepocketfft.html#add0f231fc8a1ce01b90a90faeebcb4eb',1,'pocketfft::dst()']]], + ['dtype_37',['Dtype',['../structmlx_1_1core_1_1_dtype.html#aec17f0a4a51729e5ac40b62f0aa765d1',1,'mlx::core::Dtype']]], + ['dtype_38',['dtype',['../classmlx_1_1core_1_1array.html#ae29e7d6fbfbea1e5e321a8d1ea3cfacd',1,'mlx::core::array']]], + ['dynamicslice_39',['DynamicSlice',['../classmlx_1_1core_1_1_dynamic_slice.html#a97f23f7d45b69219dee1a208d9a3063b',1,'mlx::core::DynamicSlice']]], + ['dynamicsliceupdate_40',['DynamicSliceUpdate',['../classmlx_1_1core_1_1_dynamic_slice_update.html#a16bbd8d756598cf620e3b3c95dd23213',1,'mlx::core::DynamicSliceUpdate']]] ]; diff --git a/docs/build/html/search/functions_5.js b/docs/build/html/search/functions_5.js index 65d44d8b9..0db6c0af0 100644 --- a/docs/build/html/search/functions_5.js +++ b/docs/build/html/search/functions_5.js @@ -15,38 +15,36 @@ var searchData= ['elems_12',['elems',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc',1,'mlx::steel::MMATile::elems()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1',1,'mlx::steel::MMATile::elems() const'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a865ece5ad0b9a56937b6d77a18b5a1dc',1,'mlx::steel::MMATile::elems()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ae21bb7cce701290de84c6015e064d8a1',1,'mlx::steel::MMATile::elems() const']]], ['empty_13',['empty',['../classpocketfft_1_1detail_1_1threading_1_1concurrent__queue.html#a1269e5da40c3f5145c895cee3641879a',1,'pocketfft::detail::threading::concurrent_queue']]], ['enable_5fcompile_14',['enable_compile',['../namespacemlx_1_1core.html#a1983a2466bff3bae4d23cf34bd0946c9',1,'mlx::core']]], - ['encode_5fsignal_15',['encode_signal',['../namespacemlx_1_1core.html#a6d452306f0f046a7d021bd94f8713a89',1,'mlx::core']]], - ['encode_5fwait_16',['encode_wait',['../namespacemlx_1_1core.html#a2874ba55b73057b76c23a7429fdd2d6e',1,'mlx::core']]], - ['end_17',['end',['../classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4',1,'mlx::core::array']]], - ['end_5fencoding_18',['end_encoding',['../classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf',1,'mlx::core::metal::Device']]], - ['enqueue_19',['enqueue',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286',1,'mlx::core::scheduler::StreamThread::enqueue()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc',1,'mlx::core::scheduler::Scheduler::enqueue()'],['../class_thread_pool.html#a375fa2d63197282277be640b54e8a196',1,'ThreadPool::enqueue()'],['../namespacemlx_1_1core_1_1scheduler.html#aa2d4eacf5d5cbc778a51aafd4fd8e4d7',1,'mlx::core::scheduler::enqueue()']]], - ['epsilon_20',['epsilon',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a96c4197e3076f0aa9065370b8ece49ca',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['equal_21',['Equal',['../classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36',1,'mlx::core::Equal']]], - ['equal_22',['equal',['../group__ops.html#ga33638dc3a9972dd02be12d0eb85f9bde',1,'mlx::core']]], - ['erase_23',['erase',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238',1,'mlx::core::metal::ResidencySet']]], - ['erf_24',['Erf',['../classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82',1,'mlx::core::Erf']]], - ['erf_25',['erf',['../namespacemlx_1_1core_1_1simd.html#a60e33ebb16d9bab375a64aec8015a5c2',1,'mlx::core::simd::erf()'],['../erf_8h.html#a6ce199ee56105c67adbf8c48c019a8b2',1,'erf(): erf.h'],['../group__ops.html#ga292a335240fd5d6d625fb7a340ff5eb0',1,'mlx::core::erf()']]], - ['erfinv_26',['ErfInv',['../classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478',1,'mlx::core::ErfInv']]], - ['erfinv_27',['erfinv',['../namespacemlx_1_1core_1_1simd.html#a7687f3d14077b51fb421f0efb5b626db',1,'mlx::core::simd::erfinv()'],['../erf_8h.html#a1846e0d683c7aff826bb32addcc3b885',1,'erfinv(): erf.h'],['../group__ops.html#ga76fb9062c64264e34d2e07013390557c',1,'mlx::core::erfinv()']]], - ['eval_28',['eval',['../classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a',1,'mlx::core::array::eval()'],['../namespacemlx_1_1core.html#a7d6e097d8effed52f4713672e471f299',1,'mlx::core::eval(std::vector< array > outputs)'],['../namespacemlx_1_1core.html#adb14f689c9f75f7901edb196c2bfb971',1,'mlx::core::eval(Arrays &&... outputs)']]], - ['eval_5fcpu_29',['eval_cpu',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#acdc1965ad64ee9ee6328fe150a97902e',1,'mlx::core::distributed::AllReduce::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#ab721fe0072fffbddbc3c4334dd033ba5',1,'mlx::core::distributed::AllGather::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#af2620837bfc1b97217d006ed6e374051',1,'mlx::core::distributed::Send::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a3be84b08122a939edd6062d26261358a',1,'mlx::core::distributed::Recv::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a7da6e0cfd630958d9633b2e2bd97a54f',1,'mlx::core::fast::RMSNorm::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#adfc1d52bc266466ab29ee45fd8fab439',1,'mlx::core::fast::RMSNormVJP::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5d7a4c1c9ee84e327d1c371733108c05',1,'mlx::core::fast::LayerNorm::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a0d8c4c6e7462befc38f7e08244fa1c2b',1,'mlx::core::fast::LayerNormVJP::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a05a7d595c6b9dadf7ddfd6e3fd402f0e',1,'mlx::core::fast::RoPE::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328',1,'mlx::core::fast::ScaledDotProductAttention::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a3b5d628628d245b38911118d4a0ff9fd',1,'mlx::core::fast::AffineQuantize::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a4ad1b7a9919753c759093f3e21a15bad',1,'mlx::core::fast::CustomKernel::eval_cpu()'],['../classmlx_1_1core_1_1_primitive.html#a1596dc50b910538eae14878e98f07575',1,'mlx::core::Primitive::eval_cpu()'],['../classmlx_1_1core_1_1_unary_primitive.html#a7e8f6f5d6ae0a33f6abc0f5a46e0b132',1,'mlx::core::UnaryPrimitive::eval_cpu(const std::vector< array > &inputs, array &output)=0'],['../classmlx_1_1core_1_1_unary_primitive.html#aa0ed6e32c36200a3ff9bc592c9b300db',1,'mlx::core::UnaryPrimitive::eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1_abs.html#a0d3e697496ef8e842d21195cb3c14e60',1,'mlx::core::Abs::eval_cpu()'],['../classmlx_1_1core_1_1_add.html#a5bacfc51dfa2a5a931bad2dd7bdc7a5f',1,'mlx::core::Add::eval_cpu()'],['../classmlx_1_1core_1_1_add_m_m.html#a15694e3bf2ed5c193237b2b9ca00867c',1,'mlx::core::AddMM::eval_cpu()'],['../classmlx_1_1core_1_1_arange.html#aba44432491cbd599bf72712f5f4267a1',1,'mlx::core::Arange::eval_cpu()'],['../classmlx_1_1core_1_1_arc_cos.html#a58dcba9e706cb12bab062bb7fa5fa006',1,'mlx::core::ArcCos::eval_cpu()'],['../classmlx_1_1core_1_1_arc_cosh.html#a0f6d989bcbbc38f15ef17a136879a9c9',1,'mlx::core::ArcCosh::eval_cpu()'],['../classmlx_1_1core_1_1_arc_sin.html#ab3542492c14021329788de8f2a9be1e4',1,'mlx::core::ArcSin::eval_cpu()'],['../classmlx_1_1core_1_1_arc_sinh.html#a52574b24d8d16839c58673f51f8ac066',1,'mlx::core::ArcSinh::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tan.html#a1211bc31241227528f04435239ddb9a3',1,'mlx::core::ArcTan::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tan2.html#a13094e6b702769928ca0da468f5ce45c',1,'mlx::core::ArcTan2::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tanh.html#a5af9224e1f1ffec412b0baa0af7e1ecd',1,'mlx::core::ArcTanh::eval_cpu()'],['../classmlx_1_1core_1_1_arg_partition.html#a896f75c5325798ac3f9093f6a4581828',1,'mlx::core::ArgPartition::eval_cpu()'],['../classmlx_1_1core_1_1_arg_reduce.html#ad8d48725623ede1ff654fa13eccf2287',1,'mlx::core::ArgReduce::eval_cpu()'],['../classmlx_1_1core_1_1_arg_sort.html#a022079683774bfeb531b3a002cff16fa',1,'mlx::core::ArgSort::eval_cpu()'],['../classmlx_1_1core_1_1_as_type.html#aa89dbf4d73b00c6a44cffd04d5bb228d',1,'mlx::core::AsType::eval_cpu()'],['../classmlx_1_1core_1_1_as_strided.html#acdd4705e4503ff0b124215c4676b4193',1,'mlx::core::AsStrided::eval_cpu()'],['../classmlx_1_1core_1_1_bitwise_binary.html#a2194bf585213bda1b2966aa02d2fe283',1,'mlx::core::BitwiseBinary::eval_cpu()'],['../classmlx_1_1core_1_1_bitwise_invert.html#af7de39edef13cf483a6140f2dad4187e',1,'mlx::core::BitwiseInvert::eval_cpu()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#aa85da478cdc6d4a97be06e5d4abee1f2',1,'mlx::core::BlockMaskedMM::eval_cpu()'],['../classmlx_1_1core_1_1_gather_m_m.html#a62352074a480df0e1f879b0bae425730',1,'mlx::core::GatherMM::eval_cpu()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a6423095cd28b2f90893c03166257a568',1,'mlx::core::BroadcastAxes::eval_cpu()'],['../classmlx_1_1core_1_1_broadcast.html#a53d48d9778e2d4c24a124cd767900780',1,'mlx::core::Broadcast::eval_cpu()'],['../classmlx_1_1core_1_1_ceil.html#a9791801fff3f8b79944e15ac2a45a035',1,'mlx::core::Ceil::eval_cpu()'],['../classmlx_1_1core_1_1_compiled.html#ac45b1d0fedd85feefbff7ce7e168b151',1,'mlx::core::Compiled::eval_cpu()'],['../classmlx_1_1core_1_1_concatenate.html#a609e76bede7fc5581ec84ddcb727a258',1,'mlx::core::Concatenate::eval_cpu()'],['../classmlx_1_1core_1_1_conjugate.html#ae39643e2178f442ffba05139f8609d61',1,'mlx::core::Conjugate::eval_cpu()'],['../classmlx_1_1core_1_1_contiguous.html#a742de24e6c0310cd85a606dec0cd8336',1,'mlx::core::Contiguous::eval_cpu()'],['../classmlx_1_1core_1_1_convolution.html#ac74256068da01730629109fa4fa8432b',1,'mlx::core::Convolution::eval_cpu()'],['../classmlx_1_1core_1_1_copy.html#af4a0ebec423e84ffe8083a5e9ed0d70c',1,'mlx::core::Copy::eval_cpu()'],['../classmlx_1_1core_1_1_cos.html#a061fc446268fe56237ae6b20ccf78152',1,'mlx::core::Cos::eval_cpu()'],['../classmlx_1_1core_1_1_cosh.html#ae8702df7e8f0e20cbeccb2a548961d3d',1,'mlx::core::Cosh::eval_cpu()'],['../classmlx_1_1core_1_1_custom_transforms.html#adba1c40c77a2138df6b5f75483f62184',1,'mlx::core::CustomTransforms::eval_cpu()'],['../classmlx_1_1core_1_1_depends.html#a0c7ea6db97337591fa53c6e6bde41e5e',1,'mlx::core::Depends::eval_cpu()'],['../classmlx_1_1core_1_1_divide.html#a823443c2a8e8b81bbcaeee6ddbcdbf49',1,'mlx::core::Divide::eval_cpu()'],['../classmlx_1_1core_1_1_div_mod.html#ae350b7b93ad128e3133ee14f247193b3',1,'mlx::core::DivMod::eval_cpu()'],['../classmlx_1_1core_1_1_select.html#aa51aa36e0adbd69e0d23d7c7adf88de2',1,'mlx::core::Select::eval_cpu()'],['../classmlx_1_1core_1_1_remainder.html#ac6c6c86a0bf02e6e529eb87f6e617ccc',1,'mlx::core::Remainder::eval_cpu()'],['../classmlx_1_1core_1_1_equal.html#aabb8aa61fa581defddcdca1274b1b454',1,'mlx::core::Equal::eval_cpu()'],['../classmlx_1_1core_1_1_erf.html#a84ea16e43d5b7f83bbc2d5ece78a3fb6',1,'mlx::core::Erf::eval_cpu()'],['../classmlx_1_1core_1_1_erf_inv.html#af579627402af3249565134884701d39e',1,'mlx::core::ErfInv::eval_cpu()'],['../classmlx_1_1core_1_1_exp.html#a47934c5a5023bc7ae7ae89bff45ebb2c',1,'mlx::core::Exp::eval_cpu()'],['../classmlx_1_1core_1_1_expm1.html#ab9c8b7aa50fe4592d55f8957baac647a',1,'mlx::core::Expm1::eval_cpu()'],['../classmlx_1_1core_1_1_expand_dims.html#a34058a87582a6ab2e5d82a75bc713030',1,'mlx::core::ExpandDims::eval_cpu()'],['../classmlx_1_1core_1_1_f_f_t.html#a6bc262a0c2b5d4fe655e3e2e0ff28635',1,'mlx::core::FFT::eval_cpu()'],['../classmlx_1_1core_1_1_flatten.html#a72ade7d22386b349712f6c7c1f619842',1,'mlx::core::Flatten::eval_cpu()'],['../classmlx_1_1core_1_1_floor.html#a1a7dc5f571b7b73e7ef3cbdc1dd1fcf7',1,'mlx::core::Floor::eval_cpu()'],['../classmlx_1_1core_1_1_full.html#a3dccd3756599d7fd018b2af0093b082c',1,'mlx::core::Full::eval_cpu()'],['../classmlx_1_1core_1_1_gather.html#a9ed5587f0d04b59a2b9186c0aac21290',1,'mlx::core::Gather::eval_cpu()'],['../classmlx_1_1core_1_1_gather_axis.html#a474eae1d024e676e668318bf10928e2a',1,'mlx::core::GatherAxis::eval_cpu()'],['../classmlx_1_1core_1_1_greater.html#abe1c03f311d0e0b610f3392a6566f2ae',1,'mlx::core::Greater::eval_cpu()'],['../classmlx_1_1core_1_1_greater_equal.html#a15469125b9bea89b64bfeac01590c075',1,'mlx::core::GreaterEqual::eval_cpu()'],['../classmlx_1_1core_1_1_hadamard.html#ab27d6a9df42b3aab41ace3073a4c880d',1,'mlx::core::Hadamard::eval_cpu()'],['../classmlx_1_1core_1_1_imag.html#a17d1f1f9f8528668fcdf39b636720829',1,'mlx::core::Imag::eval_cpu()'],['../classmlx_1_1core_1_1_less.html#a32624124ffece066f496b3299056bcef',1,'mlx::core::Less::eval_cpu()'],['../classmlx_1_1core_1_1_less_equal.html#a55d1352b0e97841a92503bc57c19ed16',1,'mlx::core::LessEqual::eval_cpu()'],['../classmlx_1_1core_1_1_load.html#ada026ac30566f3109d8182e35d307c0a',1,'mlx::core::Load::eval_cpu()'],['../classmlx_1_1core_1_1_log.html#aadc7bb4cb24f3ecbbb9ed54a699ab74f',1,'mlx::core::Log::eval_cpu()'],['../classmlx_1_1core_1_1_log1p.html#a8192e5438de99c4cda056987935cba23',1,'mlx::core::Log1p::eval_cpu()'],['../classmlx_1_1core_1_1_logical_not.html#acf3f7b3b20ca69533536e0e0a05725b3',1,'mlx::core::LogicalNot::eval_cpu()'],['../classmlx_1_1core_1_1_logical_and.html#adbe1c1785af1a8b827289d22b0d170b3',1,'mlx::core::LogicalAnd::eval_cpu()'],['../classmlx_1_1core_1_1_logical_or.html#a13cd4cbf26589287e85aeaaca42d7f62',1,'mlx::core::LogicalOr::eval_cpu()'],['../classmlx_1_1core_1_1_log_add_exp.html#abef17fb590b1a8d356f2a580e45d41f0',1,'mlx::core::LogAddExp::eval_cpu()'],['../classmlx_1_1core_1_1_matmul.html#a357a7f57a2a220a91977f810a69413fc',1,'mlx::core::Matmul::eval_cpu()'],['../classmlx_1_1core_1_1_maximum.html#a62b38fbe5f96db58c2b60165ac4eadcf',1,'mlx::core::Maximum::eval_cpu()'],['../classmlx_1_1core_1_1_minimum.html#a6b93f493ee87089943a8085fe59dfc6e',1,'mlx::core::Minimum::eval_cpu()'],['../classmlx_1_1core_1_1_multiply.html#a624fce06c047cdc4dfdbdcaaddb25f34',1,'mlx::core::Multiply::eval_cpu()'],['../classmlx_1_1core_1_1_negative.html#af43553dc418c8ebe75fa9cdcba103c3b',1,'mlx::core::Negative::eval_cpu()'],['../classmlx_1_1core_1_1_not_equal.html#a8f95f8b5873850b875b1641df8196047',1,'mlx::core::NotEqual::eval_cpu()'],['../classmlx_1_1core_1_1_number_of_elements.html#acc328321cf5300874ee884367cbede3f',1,'mlx::core::NumberOfElements::eval_cpu()'],['../classmlx_1_1core_1_1_pad.html#aaf82dd163cd536fbf97304f8b29080cb',1,'mlx::core::Pad::eval_cpu()'],['../classmlx_1_1core_1_1_partition.html#a784596ab567f9f3cb4fe1a69466523d8',1,'mlx::core::Partition::eval_cpu()'],['../classmlx_1_1core_1_1_power.html#a6783da16fb6ff393aaa57737f1973206',1,'mlx::core::Power::eval_cpu()'],['../classmlx_1_1core_1_1_quantized_matmul.html#ab3dfa73b74d8f4f2e9ab4f0eb016b0e3',1,'mlx::core::QuantizedMatmul::eval_cpu()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a89aae98bfbdd6563df44ef7d70f0bf8c',1,'mlx::core::GatherQMM::eval_cpu()'],['../classmlx_1_1core_1_1_random_bits.html#a5752d051cd16cf5f8d4754c0a656f0d2',1,'mlx::core::RandomBits::eval_cpu()'],['../classmlx_1_1core_1_1_real.html#a365d046caac91b521f0f5a5518037934',1,'mlx::core::Real::eval_cpu()'],['../classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f',1,'mlx::core::Reshape::eval_cpu()'],['../classmlx_1_1core_1_1_reduce.html#aeb8a58b560c0a09ae3a695df7829acfa',1,'mlx::core::Reduce::eval_cpu()'],['../classmlx_1_1core_1_1_round.html#ad066b0944b437f64ab546025efa00007',1,'mlx::core::Round::eval_cpu()'],['../classmlx_1_1core_1_1_scan.html#a15676d9fd066e935782a923fba3e940b',1,'mlx::core::Scan::eval_cpu()'],['../classmlx_1_1core_1_1_scatter.html#a7623f590f8b77167b5ebb4f14bc9dc97',1,'mlx::core::Scatter::eval_cpu()'],['../classmlx_1_1core_1_1_scatter_axis.html#abf9d24565abdd7e1034daacac603cc54',1,'mlx::core::ScatterAxis::eval_cpu()'],['../classmlx_1_1core_1_1_sigmoid.html#aa930ce05734cca529ebcb8d0ca8e1255',1,'mlx::core::Sigmoid::eval_cpu()'],['../classmlx_1_1core_1_1_sign.html#a7498ec993b66879be30c5d9762c45a97',1,'mlx::core::Sign::eval_cpu()'],['../classmlx_1_1core_1_1_sin.html#ab34f9cebc2aed55a0b6ab4c991f02eb5',1,'mlx::core::Sin::eval_cpu()'],['../classmlx_1_1core_1_1_sinh.html#ab6d5f6f40d177f6435f6a51c71b939dd',1,'mlx::core::Sinh::eval_cpu()'],['../classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2',1,'mlx::core::Slice::eval_cpu()'],['../classmlx_1_1core_1_1_slice_update.html#ad82ca0e3ab88a0e086431050deea831b',1,'mlx::core::SliceUpdate::eval_cpu()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a4e8c22c24a587ea0648ce89f461ed1ee',1,'mlx::core::DynamicSlice::eval_cpu()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a379185914db0326a5d4839839fe4fc83',1,'mlx::core::DynamicSliceUpdate::eval_cpu()'],['../classmlx_1_1core_1_1_softmax.html#ac9ebc2eab1683b682e689ed8f4622b79',1,'mlx::core::Softmax::eval_cpu()'],['../classmlx_1_1core_1_1_sort.html#a459769a0241b2620e55bedaba19827cd',1,'mlx::core::Sort::eval_cpu()'],['../classmlx_1_1core_1_1_split.html#aff2889cb9074f0fda53edf8fa40b1fd4',1,'mlx::core::Split::eval_cpu()'],['../classmlx_1_1core_1_1_square.html#a1f4d327a705950616da63b83c2829e59',1,'mlx::core::Square::eval_cpu()'],['../classmlx_1_1core_1_1_sqrt.html#a5a64ecc4eef1e30a2963435dca7cefd5',1,'mlx::core::Sqrt::eval_cpu()'],['../classmlx_1_1core_1_1_stop_gradient.html#a56207714d374b08f60e4d9cdbc7340b2',1,'mlx::core::StopGradient::eval_cpu()'],['../classmlx_1_1core_1_1_subtract.html#a47574258b6c95f8ad260c114d6d36a12',1,'mlx::core::Subtract::eval_cpu()'],['../classmlx_1_1core_1_1_squeeze.html#a9bcb7476041020f59ef816196ddb81cb',1,'mlx::core::Squeeze::eval_cpu()'],['../classmlx_1_1core_1_1_tan.html#a9c9a731158fa60eef30067fe0da9f3e9',1,'mlx::core::Tan::eval_cpu()'],['../classmlx_1_1core_1_1_tanh.html#af7ed4345f622da069e5b0284067923f5',1,'mlx::core::Tanh::eval_cpu()'],['../classmlx_1_1core_1_1_unflatten.html#a507c22306b7afcdd5970cfaa32188f0a',1,'mlx::core::Unflatten::eval_cpu()'],['../classmlx_1_1core_1_1_view.html#a0ad6deb11914a242f10e8039fcb02497',1,'mlx::core::View::eval_cpu()'],['../classmlx_1_1core_1_1_transpose.html#a1fbcfcca43f9ec06c63a3c14708c30f8',1,'mlx::core::Transpose::eval_cpu()'],['../classmlx_1_1core_1_1_q_r_f.html#a48493887395d65a27f04de1804d277d2',1,'mlx::core::QRF::eval_cpu()'],['../classmlx_1_1core_1_1_s_v_d.html#a637f5c39fa8b10722c04a066f6c1ada6',1,'mlx::core::SVD::eval_cpu()'],['../classmlx_1_1core_1_1_inverse.html#aeb1d8dc9bc4052a616023f65b3c7bb81',1,'mlx::core::Inverse::eval_cpu()'],['../classmlx_1_1core_1_1_cholesky.html#a4bdec36c1cc99aadf9a4a39d4c57bea5',1,'mlx::core::Cholesky::eval_cpu()'],['../classmlx_1_1core_1_1_eigh.html#a894b32e17229394f6a43b4a0655fd8be',1,'mlx::core::Eigh::eval_cpu()'],['../classmlx_1_1core_1_1_l_u_f.html#a6cb497d6b011210a8090bdc8fdf14913',1,'mlx::core::LUF::eval_cpu()']]], - ['eval_5fgpu_30',['eval_gpu',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a52df7155f56b8450581b2fd2747cad20',1,'mlx::core::distributed::AllReduce::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#a4251ce0f2db2045226b66210b828af7a',1,'mlx::core::distributed::AllGather::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#a0c8dbd2a912be91be04ec701e29fba3d',1,'mlx::core::distributed::Send::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a932e39624bc3d234a7489c3decc4749e',1,'mlx::core::distributed::Recv::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae7955e8d43c097eecae264e804b4d8ca',1,'mlx::core::fast::RMSNorm::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a48efb8fa84c4ba6cc9fb560ebbe01560',1,'mlx::core::fast::RMSNormVJP::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#a77abda7f47bffa2c037a5d60cccc1528',1,'mlx::core::fast::LayerNorm::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a954a003a4a27c8c4c60a5a14142a9cc3',1,'mlx::core::fast::LayerNormVJP::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a913b6b00fc518b25ac3947e4e15790f2',1,'mlx::core::fast::RoPE::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a505f38ba93a3499895f5312e0112e73d',1,'mlx::core::fast::ScaledDotProductAttention::eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ad51666e69f670e286293aff96eb435a9',1,'mlx::core::fast::ScaledDotProductAttention::eval_gpu(const std::vector< array > &inputs, array &out)'],['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a63812b2abaf26ad7e7fa4c9e82db1628',1,'mlx::core::fast::AffineQuantize::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a2ed2a16b23053f8195068386a99fd6db',1,'mlx::core::fast::CustomKernel::eval_gpu()'],['../classmlx_1_1core_1_1_primitive.html#ad217376dcf5eff691d731566faec2ba2',1,'mlx::core::Primitive::eval_gpu()'],['../classmlx_1_1core_1_1_unary_primitive.html#a6b7f80abaf038d53ec6ffbb0dfac6adb',1,'mlx::core::UnaryPrimitive::eval_gpu(const std::vector< array > &inputs, array &output)=0'],['../classmlx_1_1core_1_1_unary_primitive.html#a971fe9ad47f6569118879ce1d0f41447',1,'mlx::core::UnaryPrimitive::eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1_abs.html#a0a976e636dd8505b473fbdddf949f514',1,'mlx::core::Abs::eval_gpu()'],['../classmlx_1_1core_1_1_add.html#aa0aacbc1e26b95a2f040f62aa4f69c3d',1,'mlx::core::Add::eval_gpu()'],['../classmlx_1_1core_1_1_add_m_m.html#a5f933be14baebc32a0be0f9a69148aa9',1,'mlx::core::AddMM::eval_gpu()'],['../classmlx_1_1core_1_1_arange.html#a7a2e9787c6c3a78b4a6df91206974031',1,'mlx::core::Arange::eval_gpu()'],['../classmlx_1_1core_1_1_arc_cos.html#a46f72d4af89b0a0f5f203783fb44589c',1,'mlx::core::ArcCos::eval_gpu()'],['../classmlx_1_1core_1_1_arc_cosh.html#aa6a2587485a0e015ac2d5211d7d045fc',1,'mlx::core::ArcCosh::eval_gpu()'],['../classmlx_1_1core_1_1_arc_sin.html#a7fa4ae7a85bc8bed97ea258ae30762f3',1,'mlx::core::ArcSin::eval_gpu()'],['../classmlx_1_1core_1_1_arc_sinh.html#a79f648a86de4c10386a1ce3b5e38e8ac',1,'mlx::core::ArcSinh::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tan.html#a77866feb27028865d844070447c9a254',1,'mlx::core::ArcTan::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tan2.html#a76d3f0c29e0ff4642b8d39dac90d3f50',1,'mlx::core::ArcTan2::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tanh.html#a10566b9d3b2c7d090895b46d9040bc1d',1,'mlx::core::ArcTanh::eval_gpu()'],['../classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc',1,'mlx::core::ArgPartition::eval_gpu()'],['../classmlx_1_1core_1_1_arg_reduce.html#aafa982ce2abc0cd9e81e43aa2c823d29',1,'mlx::core::ArgReduce::eval_gpu()'],['../classmlx_1_1core_1_1_arg_sort.html#abc2d730850ec4ee8d7968b7417911709',1,'mlx::core::ArgSort::eval_gpu()'],['../classmlx_1_1core_1_1_as_type.html#a5b111b9d74c60d27b4a7ebaa49f96e0b',1,'mlx::core::AsType::eval_gpu()'],['../classmlx_1_1core_1_1_as_strided.html#ab6771a208323994927ca162ba7bb10ed',1,'mlx::core::AsStrided::eval_gpu()'],['../classmlx_1_1core_1_1_bitwise_binary.html#ac831a29fc46701b00bbe63ee33832afd',1,'mlx::core::BitwiseBinary::eval_gpu()'],['../classmlx_1_1core_1_1_bitwise_invert.html#a09162c49334380f5a04433e00427abfa',1,'mlx::core::BitwiseInvert::eval_gpu()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#ab372b6df4de00a33795a052a23bb1df9',1,'mlx::core::BlockMaskedMM::eval_gpu()'],['../classmlx_1_1core_1_1_gather_m_m.html#ad754c35f460a055cc383ad93a5f72da1',1,'mlx::core::GatherMM::eval_gpu()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a56d16e75a0df867d2f1ba4e5198f15cb',1,'mlx::core::BroadcastAxes::eval_gpu()'],['../classmlx_1_1core_1_1_broadcast.html#ab9bd9dbcedcefc9b29c84911b5ce69fe',1,'mlx::core::Broadcast::eval_gpu()'],['../classmlx_1_1core_1_1_ceil.html#abe178e0058e44b6618be414215e96887',1,'mlx::core::Ceil::eval_gpu()'],['../classmlx_1_1core_1_1_compiled.html#aa3d5ff0f2b3554ad48fbbf2a0f3336d5',1,'mlx::core::Compiled::eval_gpu()'],['../classmlx_1_1core_1_1_concatenate.html#a309a1c50e97f9925866433ee2841c474',1,'mlx::core::Concatenate::eval_gpu()'],['../classmlx_1_1core_1_1_conjugate.html#aff0a802166e3724db88ab5d3feb2d3de',1,'mlx::core::Conjugate::eval_gpu()'],['../classmlx_1_1core_1_1_contiguous.html#a519cd16fd0c55b371ea7625fbb37c70f',1,'mlx::core::Contiguous::eval_gpu()'],['../classmlx_1_1core_1_1_convolution.html#a30b64109eeb1778f002b99447dff9dd2',1,'mlx::core::Convolution::eval_gpu()'],['../classmlx_1_1core_1_1_copy.html#a1eda7b2ea771a168f67421f0d384b3a1',1,'mlx::core::Copy::eval_gpu()'],['../classmlx_1_1core_1_1_cos.html#a5ef41aafad595f6cdd8c535e36e12060',1,'mlx::core::Cos::eval_gpu()'],['../classmlx_1_1core_1_1_cosh.html#a23f71b43792934c3ec0ebe9b74f32559',1,'mlx::core::Cosh::eval_gpu()'],['../classmlx_1_1core_1_1_custom_transforms.html#a7b3538681acbb20af3ed37b0877f6667',1,'mlx::core::CustomTransforms::eval_gpu()'],['../classmlx_1_1core_1_1_depends.html#ae5057f65e69490ad0add8eeda2b75e28',1,'mlx::core::Depends::eval_gpu()'],['../classmlx_1_1core_1_1_divide.html#abffda0ce37221ddc28dc9eea794f6bc7',1,'mlx::core::Divide::eval_gpu()'],['../classmlx_1_1core_1_1_div_mod.html#a003117c9ecf3c06a27248f72a76348dc',1,'mlx::core::DivMod::eval_gpu()'],['../classmlx_1_1core_1_1_select.html#a2a82b6cba4c386b2b87f225a4b08ea9b',1,'mlx::core::Select::eval_gpu()'],['../classmlx_1_1core_1_1_remainder.html#a7919ea9b84e42522d51bf0d5a396e161',1,'mlx::core::Remainder::eval_gpu()'],['../classmlx_1_1core_1_1_equal.html#ac3757001fec42ceb5ece2954df42161c',1,'mlx::core::Equal::eval_gpu()'],['../classmlx_1_1core_1_1_erf.html#ad8551be664d767dccc3c0d8cc1eca008',1,'mlx::core::Erf::eval_gpu()'],['../classmlx_1_1core_1_1_erf_inv.html#a4a2413d0634db1f3dae1806ddfa632db',1,'mlx::core::ErfInv::eval_gpu()'],['../classmlx_1_1core_1_1_exp.html#a7d63695a97a14760fd33b5d4e6590822',1,'mlx::core::Exp::eval_gpu()'],['../classmlx_1_1core_1_1_expm1.html#a82930071f4b77d883b300f77966aff5f',1,'mlx::core::Expm1::eval_gpu()'],['../classmlx_1_1core_1_1_expand_dims.html#ad350ede3abecc55371ddeb89fbba2b90',1,'mlx::core::ExpandDims::eval_gpu()'],['../classmlx_1_1core_1_1_f_f_t.html#a1c21b26d1e9ad7c4da78ae845721b2dd',1,'mlx::core::FFT::eval_gpu()'],['../classmlx_1_1core_1_1_flatten.html#acb2219cc122d218b273af2cb9a882e7f',1,'mlx::core::Flatten::eval_gpu()'],['../classmlx_1_1core_1_1_floor.html#aaa29c83538099eb8f951c95a41f2eb65',1,'mlx::core::Floor::eval_gpu()'],['../classmlx_1_1core_1_1_full.html#aa54f99bb4cba12a551392dea56003872',1,'mlx::core::Full::eval_gpu()'],['../classmlx_1_1core_1_1_gather.html#aec48ee529cb2449915a7b27a3c4361e8',1,'mlx::core::Gather::eval_gpu()'],['../classmlx_1_1core_1_1_gather_axis.html#a1344749d33e4ea2cb80b69a5a4a21afc',1,'mlx::core::GatherAxis::eval_gpu()'],['../classmlx_1_1core_1_1_greater.html#ae8957cccf4c924d941f57a1bb751c878',1,'mlx::core::Greater::eval_gpu()'],['../classmlx_1_1core_1_1_greater_equal.html#ac246263b4548126c3d4ab7e392575d24',1,'mlx::core::GreaterEqual::eval_gpu()'],['../classmlx_1_1core_1_1_hadamard.html#a2470feb690f5463138490763c38b5733',1,'mlx::core::Hadamard::eval_gpu()'],['../classmlx_1_1core_1_1_imag.html#a247a4d059b0a99678c6be8c15e42c1e6',1,'mlx::core::Imag::eval_gpu()'],['../classmlx_1_1core_1_1_less.html#a353335ce06ddbe8498d86d129c835917',1,'mlx::core::Less::eval_gpu()'],['../classmlx_1_1core_1_1_less_equal.html#acf035a82b11e6f63742143ea540fedac',1,'mlx::core::LessEqual::eval_gpu()'],['../classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d',1,'mlx::core::Load::eval_gpu()'],['../classmlx_1_1core_1_1_log.html#aaaa49e9455f3a197bc319646b5ca6390',1,'mlx::core::Log::eval_gpu()'],['../classmlx_1_1core_1_1_log1p.html#a1b97decae7338d46874e736c95fa7431',1,'mlx::core::Log1p::eval_gpu()'],['../classmlx_1_1core_1_1_logical_not.html#a1d0d2bc93f935eca6c85ef7bf67f2d6a',1,'mlx::core::LogicalNot::eval_gpu()'],['../classmlx_1_1core_1_1_logical_and.html#a132b2eedaa3978de5a5350da3c2ca40f',1,'mlx::core::LogicalAnd::eval_gpu()'],['../classmlx_1_1core_1_1_logical_or.html#a3be1da328f0f8620de2e4fc1d22a077a',1,'mlx::core::LogicalOr::eval_gpu()'],['../classmlx_1_1core_1_1_log_add_exp.html#acace355b62ec00df649f9f99e8f2eb7a',1,'mlx::core::LogAddExp::eval_gpu()'],['../classmlx_1_1core_1_1_matmul.html#a8707a4e9b75c769e8f1dbca15c6a1ae7',1,'mlx::core::Matmul::eval_gpu()'],['../classmlx_1_1core_1_1_maximum.html#ade0f721b10a6b3a12bdadd34c48f72a7',1,'mlx::core::Maximum::eval_gpu()'],['../classmlx_1_1core_1_1_minimum.html#aadc68afa0afbe2103f19d161f5e0a2ba',1,'mlx::core::Minimum::eval_gpu()'],['../classmlx_1_1core_1_1_multiply.html#a634fcb4e981d8d3f4d94252caf25bee0',1,'mlx::core::Multiply::eval_gpu()'],['../classmlx_1_1core_1_1_negative.html#a97f1b316eace0c6d9e576d766940c75b',1,'mlx::core::Negative::eval_gpu()'],['../classmlx_1_1core_1_1_not_equal.html#a61179747e34e203150e9c660dfddb5f2',1,'mlx::core::NotEqual::eval_gpu()'],['../classmlx_1_1core_1_1_number_of_elements.html#a2c98c42915fb2bfe12f5c99ea553eff5',1,'mlx::core::NumberOfElements::eval_gpu()'],['../classmlx_1_1core_1_1_pad.html#aefd4d3a5bd8b6b35b266c9e558ada153',1,'mlx::core::Pad::eval_gpu()'],['../classmlx_1_1core_1_1_partition.html#a8eca1be21ae9ccfda46e6f3e85f506ef',1,'mlx::core::Partition::eval_gpu()'],['../classmlx_1_1core_1_1_power.html#a80577d4c0853c24027777c90a1ec7e11',1,'mlx::core::Power::eval_gpu()'],['../classmlx_1_1core_1_1_quantized_matmul.html#a2812ad007d695ed1aaf9cf706fb9c4b3',1,'mlx::core::QuantizedMatmul::eval_gpu()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a86eb048afc95646b2e96ec5493e3d887',1,'mlx::core::GatherQMM::eval_gpu()'],['../classmlx_1_1core_1_1_random_bits.html#a578756866665358577418e4cdd94aa3a',1,'mlx::core::RandomBits::eval_gpu()'],['../classmlx_1_1core_1_1_real.html#a1e209e88a43bdd1eea43ad0b03f9a7f2',1,'mlx::core::Real::eval_gpu()'],['../classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059',1,'mlx::core::Reshape::eval_gpu()'],['../classmlx_1_1core_1_1_reduce.html#ae9caaf42edadfe73ea208d98f526890f',1,'mlx::core::Reduce::eval_gpu()'],['../classmlx_1_1core_1_1_round.html#af7fe5ff8f3db166c203b4be4b07f13ec',1,'mlx::core::Round::eval_gpu()'],['../classmlx_1_1core_1_1_scan.html#aef22c6fc2b2cb2a907cd8965c7413dde',1,'mlx::core::Scan::eval_gpu()'],['../classmlx_1_1core_1_1_scatter.html#ab304345db3d8cfeea15e27461ae2e678',1,'mlx::core::Scatter::eval_gpu()'],['../classmlx_1_1core_1_1_scatter_axis.html#a715c3b959dc904faefb16edbb11f29d7',1,'mlx::core::ScatterAxis::eval_gpu()'],['../classmlx_1_1core_1_1_sigmoid.html#a7a6bd0222d51d7f25f2719a91ccdfeca',1,'mlx::core::Sigmoid::eval_gpu()'],['../classmlx_1_1core_1_1_sign.html#afa2b48b99a194106006b44af69ffda8b',1,'mlx::core::Sign::eval_gpu()'],['../classmlx_1_1core_1_1_sin.html#a6b59f1156cf8bdad8d45acd1d825cb5e',1,'mlx::core::Sin::eval_gpu()'],['../classmlx_1_1core_1_1_sinh.html#a5a1af2399f166d5b228b5e83a1837c75',1,'mlx::core::Sinh::eval_gpu()'],['../classmlx_1_1core_1_1_slice.html#aa53c21ff06a7c659e889af6b97d10a4a',1,'mlx::core::Slice::eval_gpu()'],['../classmlx_1_1core_1_1_slice_update.html#aac1a1d122e5697be057d63552141032b',1,'mlx::core::SliceUpdate::eval_gpu()'],['../classmlx_1_1core_1_1_dynamic_slice.html#ab0a2e31c03f02a4f25700e240cf18e3e',1,'mlx::core::DynamicSlice::eval_gpu()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a249dab28690c45203c3995698de0cab7',1,'mlx::core::DynamicSliceUpdate::eval_gpu()'],['../classmlx_1_1core_1_1_softmax.html#a35dac69ddcc7e2ec0e1a76fe93db85af',1,'mlx::core::Softmax::eval_gpu()'],['../classmlx_1_1core_1_1_sort.html#a4141c48f0e8670c728663f3722675382',1,'mlx::core::Sort::eval_gpu()'],['../classmlx_1_1core_1_1_split.html#a78ddda89c4daee73c74cfbc1e44656df',1,'mlx::core::Split::eval_gpu()'],['../classmlx_1_1core_1_1_square.html#a0ea2a78a5bb52daa4103263bf2f98045',1,'mlx::core::Square::eval_gpu()'],['../classmlx_1_1core_1_1_sqrt.html#a6d205e679a593d1ba20206c5c47ba501',1,'mlx::core::Sqrt::eval_gpu()'],['../classmlx_1_1core_1_1_stop_gradient.html#a907b96f0a1ce608e211d87ccf2b9ca89',1,'mlx::core::StopGradient::eval_gpu()'],['../classmlx_1_1core_1_1_subtract.html#a69021b23daf061764d97fabbc0f4f06c',1,'mlx::core::Subtract::eval_gpu()'],['../classmlx_1_1core_1_1_squeeze.html#a18d382c8bc59d60b38e9fd1cb70660fd',1,'mlx::core::Squeeze::eval_gpu()'],['../classmlx_1_1core_1_1_tan.html#aca7dbb4836507005a2032ac957a04d3f',1,'mlx::core::Tan::eval_gpu()'],['../classmlx_1_1core_1_1_tanh.html#a48df896599ae93dbce84a5c0f50cf761',1,'mlx::core::Tanh::eval_gpu()'],['../classmlx_1_1core_1_1_unflatten.html#adfbb8208355f9c3cb2e4cb1fd4fe788f',1,'mlx::core::Unflatten::eval_gpu()'],['../classmlx_1_1core_1_1_view.html#add6e12ff1e476fe1db7718b14f21b075',1,'mlx::core::View::eval_gpu()'],['../classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e',1,'mlx::core::Transpose::eval_gpu()'],['../classmlx_1_1core_1_1_q_r_f.html#ae5fa3482192f4713605cd07e7fc1c6c9',1,'mlx::core::QRF::eval_gpu()'],['../classmlx_1_1core_1_1_s_v_d.html#a7067b2207f826a25549d571856b94e83',1,'mlx::core::SVD::eval_gpu()'],['../classmlx_1_1core_1_1_inverse.html#a086fbbc947ad232e01686ad063a78ed2',1,'mlx::core::Inverse::eval_gpu()'],['../classmlx_1_1core_1_1_cholesky.html#a8c918594bf129888044ef37fcae56795',1,'mlx::core::Cholesky::eval_gpu()'],['../classmlx_1_1core_1_1_eigh.html#a67775b41c0a15e356f08d51d9736baa2',1,'mlx::core::Eigh::eval_gpu()'],['../classmlx_1_1core_1_1_l_u_f.html#aa2e955a6ca2ffbfab463a3e9c69beabf',1,'mlx::core::LUF::eval_gpu()']]], - ['event_31',['Event',['../classmlx_1_1core_1_1_event.html#a833506419b2110ad1abd89b2dd238b4d',1,'mlx::core::Event::Event()=default'],['../classmlx_1_1core_1_1_event.html#a13e4835f2ffb2cc22e29148a448ea184',1,'mlx::core::Event::Event(const Stream &steam)']]], - ['event_32',['event',['../classmlx_1_1core_1_1array.html#a0a8e4d6e67e739a712876bb36f88f9bf',1,'mlx::core::array']]], - ['exec_33',['exec',['../classpocketfft_1_1detail_1_1cfftp.html#a95211024bf007d27e700835db556fbd2',1,'pocketfft::detail::cfftp::exec()'],['../classpocketfft_1_1detail_1_1rfftp.html#a073972f42bdd3617693be7be2cb5e0ac',1,'pocketfft::detail::rfftp::exec()'],['../classpocketfft_1_1detail_1_1fftblue.html#a5fb03413a3d1a653842875adcf87ae8c',1,'pocketfft::detail::fftblue::exec()'],['../classpocketfft_1_1detail_1_1pocketfft__c.html#a436afd63e8e130f97aff103ae964a45d',1,'pocketfft::detail::pocketfft_c::exec()'],['../classpocketfft_1_1detail_1_1pocketfft__r.html#a2815bc8aa04fa986834b02e502f98b33',1,'pocketfft::detail::pocketfft_r::exec()'],['../classpocketfft_1_1detail_1_1_t__dct1.html#a7736111ff9d220f983e41a6fecd5f058',1,'pocketfft::detail::T_dct1::exec()'],['../classpocketfft_1_1detail_1_1_t__dst1.html#a598a9511004263eb3610053d7efc9e26',1,'pocketfft::detail::T_dst1::exec()'],['../classpocketfft_1_1detail_1_1_t__dcst23.html#a2a45b7b4612904c2be69c01f6d5029ac',1,'pocketfft::detail::T_dcst23::exec()'],['../classpocketfft_1_1detail_1_1_t__dcst4.html#af794ebf21009d5f918681188081df708',1,'pocketfft::detail::T_dcst4::exec()'],['../classmlx_1_1core_1_1_jit_compiler.html#adcf98f940e1919388eaab907ea17a540',1,'mlx::core::JitCompiler::exec()']]], - ['exec_5fr_34',['exec_r',['../classpocketfft_1_1detail_1_1fftblue.html#a642b4aff0485c7d9c8794161a1464f00',1,'pocketfft::detail::fftblue']]], - ['exp_35',['Exp',['../classmlx_1_1core_1_1_exp.html#a1d0a618cbb91ab29ef53b57ff6ed6e06',1,'mlx::core::Exp']]], - ['exp_36',['exp',['../namespacemlx_1_1core_1_1simd.html#a835d71dd0bb2f9494a397d9939696ec2',1,'mlx::core::simd::exp()'],['../namespacemetal.html#ac2a0b3618d922ac014baac8189d44650',1,'metal::exp()'],['../namespacemetal_1_1fast.html#ad3dbd387b63373c29e3449609f763ede',1,'metal::fast::exp()'],['../namespacemetal_1_1precise.html#a8d8d2d5700ce432b33cf47cf22528e8f',1,'metal::precise::exp()'],['../group__ops.html#ga8a3b04e23e347d99ecf411fd6f4e5125',1,'mlx::core::exp()']]], - ['exp10_37',['exp10',['../namespacemetal.html#a4c63707d13c89364496a48906631c204',1,'metal::exp10()'],['../namespacemetal_1_1fast.html#a453122f982485cbb4e471b3ac282ee5e',1,'metal::fast::exp10()'],['../namespacemetal_1_1precise.html#af9addb343c967da3a83e9e123a8521fd',1,'metal::precise::exp10()']]], - ['exp2_38',['exp2',['../namespacemetal.html#a228201c20777848804a4d0589c1d33e7',1,'metal::exp2()'],['../namespacemetal_1_1fast.html#ac092b65a46720adaf22f6266671d2d71',1,'metal::fast::exp2()'],['../namespacemetal_1_1precise.html#a92a880bd2197efc0da0f8f0f7ec1e4c9',1,'metal::precise::exp2()']]], - ['expand_5fdims_39',['expand_dims',['../group__ops.html#ga717f11149a8c7b4cc3e33bbcc0a97133',1,'mlx::core::expand_dims(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga7a80adb4a5a36d18b5f234d4b034950a',1,'mlx::core::expand_dims(const array &a, int axis, StreamOrDevice s={})']]], - ['expanddims_40',['ExpandDims',['../classmlx_1_1core_1_1_expand_dims.html#aea2479ea4dd93941eb83a22e087983a8',1,'mlx::core::ExpandDims']]], - ['expm1_41',['Expm1',['../classmlx_1_1core_1_1_expm1.html#a47c2a1b2a4ef6bb07ba77c55ddddaec2',1,'mlx::core::Expm1']]], - ['expm1_42',['expm1',['../namespacemlx_1_1core_1_1simd.html#a9407980793ecff5d5eb19c9a2cbda1eb',1,'mlx::core::simd::expm1(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a464687a8809d0180035acc9af2943a94',1,'mlx::core::simd::expm1(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a8f73d1dac82177e0aeadaeda349c4f96',1,'mlx::core::simd::expm1(Simd< T, 1 > in)'],['../group__ops.html#ga54ca54f06bfb2be15b163a5209e2a0f0',1,'mlx::core::expm1()']]], - ['expm1f_43',['expm1f',['../expm1f_8h.html#a87f66d30e185950f42ce3641783cdc40',1,'expm1f.h']]], - ['expm1f_5fscaled_5funchecked_44',['expm1f_scaled_unchecked',['../expm1f_8h.html#adf20e03405fba634ca8d01acac24592e',1,'expm1f.h']]], - ['export_5ffunction_45',['export_function',['../namespacemlx_1_1core.html#a2afa4ea816ac9317200fd5c964fc89dc',1,'mlx::core::export_function(const std::string &file, const std::function< std::vector< array >(const Args &)> &fun, const Args &args, bool shapeless=false)'],['../namespacemlx_1_1core.html#ace51644e2aa72f8d56b86eaa0e1a68b7',1,'mlx::core::export_function(const std::string &file, const std::function< std::vector< array >(const Kwargs &)> &fun, const Kwargs &kwargs, bool shapeless=false)'],['../namespacemlx_1_1core.html#a9692d7bb6de3456abc535d0f4bac7a94',1,'mlx::core::export_function(const std::string &file, const std::function< std::vector< array >(const Args &, const Kwargs &)> &fun, const Args &args, const Kwargs &kwargs, bool shapeless=false)']]], - ['export_5fto_5fdot_46',['export_to_dot',['../namespacemlx_1_1core.html#a30338cb7d259334e46dc7a4819716fa6',1,'mlx::core::export_to_dot(std::ostream &os, NodeNamer namer, const std::vector< array > &outputs)'],['../namespacemlx_1_1core.html#a57395bdf43d9c5c134e610c169222cca',1,'mlx::core::export_to_dot(std::ostream &os, const std::vector< array > &outputs)'],['../namespacemlx_1_1core.html#a839f94dbad44f0d37333006fc876b42e',1,'mlx::core::export_to_dot(std::ostream &os, Arrays &&... outputs)'],['../namespacemlx_1_1core.html#a12faa564e0d85a1daa77c08babb75261',1,'mlx::core::export_to_dot(std::ostream &os, NodeNamer namer, Arrays &&... outputs)']]], - ['exporter_47',['exporter',['../namespacemlx_1_1core.html#a0303e26b737c9fd197ed9caa90fd21a7',1,'mlx::core::exporter(const std::string &file, const std::function< std::vector< array >(const Args &)> &fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#af2735df8513ecce88456585f5aea50f5',1,'mlx::core::exporter(const std::string &file, const std::function< std::vector< array >(const Kwargs &)> &fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#af38d5718f517e50a590fdb3d63a90df1',1,'mlx::core::exporter(const std::string &path, const std::function< std::vector< array >(const Args &, const Kwargs &)> &fun, bool shapeless=false)']]], - ['eye_48',['eye',['../group__ops.html#ga45e9e68246b0d1cf03c3cc9c9e7e6ae3',1,'mlx::core::eye(int n, int m, int k, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga2c9011310a1fa7c82f942f54102c36dd',1,'mlx::core::eye(int n, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga61657db78ef35d41112d362c869c25d2',1,'mlx::core::eye(int n, int m, StreamOrDevice s={})'],['../group__ops.html#ga908a15b42834be498a46856c99dfc779',1,'mlx::core::eye(int n, int m, int k, StreamOrDevice s={})'],['../group__ops.html#gab777fcf6d4a89172c69ec3492548dc0f',1,'mlx::core::eye(int n, StreamOrDevice s={})']]] + ['end_15',['end',['../classmlx_1_1core_1_1array.html#a5daf64552fb450825c9b382f3a5fa2d4',1,'mlx::core::array']]], + ['end_5fencoding_16',['end_encoding',['../classmlx_1_1core_1_1metal_1_1_device.html#a60689f97347811b27e8c5ca23e0372bf',1,'mlx::core::metal::Device']]], + ['enqueue_17',['enqueue',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286',1,'mlx::core::scheduler::StreamThread::enqueue()'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a03809c783bd1866362dc7cb9118abbcc',1,'mlx::core::scheduler::Scheduler::enqueue()'],['../class_thread_pool.html#a375fa2d63197282277be640b54e8a196',1,'ThreadPool::enqueue()'],['../namespacemlx_1_1core_1_1scheduler.html#aa2d4eacf5d5cbc778a51aafd4fd8e4d7',1,'mlx::core::scheduler::enqueue()']]], + ['epsilon_18',['epsilon',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a96c4197e3076f0aa9065370b8ece49ca',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['equal_19',['Equal',['../classmlx_1_1core_1_1_equal.html#a4af81cf2dd071db5bbf8ce1df95fdf36',1,'mlx::core::Equal']]], + ['equal_20',['equal',['../group__ops.html#ga33638dc3a9972dd02be12d0eb85f9bde',1,'mlx::core']]], + ['erase_21',['erase',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ae136ad270522210c85c13cacf5165238',1,'mlx::core::metal::ResidencySet']]], + ['erf_22',['Erf',['../classmlx_1_1core_1_1_erf.html#a702f76f848928d8d7d3d0881ac6e4c82',1,'mlx::core::Erf']]], + ['erf_23',['erf',['../namespacemlx_1_1core_1_1simd.html#a60e33ebb16d9bab375a64aec8015a5c2',1,'mlx::core::simd::erf()'],['../erf_8h.html#a6ce199ee56105c67adbf8c48c019a8b2',1,'erf(): erf.h'],['../group__ops.html#ga292a335240fd5d6d625fb7a340ff5eb0',1,'mlx::core::erf()']]], + ['erfinv_24',['ErfInv',['../classmlx_1_1core_1_1_erf_inv.html#a5d0279247b67da4592311559f04e1478',1,'mlx::core::ErfInv']]], + ['erfinv_25',['erfinv',['../namespacemlx_1_1core_1_1simd.html#a7687f3d14077b51fb421f0efb5b626db',1,'mlx::core::simd::erfinv()'],['../erf_8h.html#a1846e0d683c7aff826bb32addcc3b885',1,'erfinv(): erf.h'],['../group__ops.html#ga76fb9062c64264e34d2e07013390557c',1,'mlx::core::erfinv()']]], + ['eval_26',['eval',['../classmlx_1_1core_1_1array.html#a2820c45188071a22175e9fa42e10a49a',1,'mlx::core::array::eval()'],['../namespacemlx_1_1core_1_1cpu.html#a3f721e92f604a57ed204a13d1ba9cad5',1,'mlx::core::cpu::eval()'],['../namespacemlx_1_1core_1_1metal.html#a87f378c14345e475d7e5701a987b66cd',1,'mlx::core::metal::eval()'],['../namespacemlx_1_1core.html#a7d6e097d8effed52f4713672e471f299',1,'mlx::core::eval(std::vector< array > outputs)'],['../namespacemlx_1_1core.html#adb14f689c9f75f7901edb196c2bfb971',1,'mlx::core::eval(Arrays &&... outputs)']]], + ['eval_5fcpu_27',['eval_cpu',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#acdc1965ad64ee9ee6328fe150a97902e',1,'mlx::core::distributed::AllReduce::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#ab721fe0072fffbddbc3c4334dd033ba5',1,'mlx::core::distributed::AllGather::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#af2620837bfc1b97217d006ed6e374051',1,'mlx::core::distributed::Send::eval_cpu()'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a3be84b08122a939edd6062d26261358a',1,'mlx::core::distributed::Recv::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#a7da6e0cfd630958d9633b2e2bd97a54f',1,'mlx::core::fast::RMSNorm::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#adfc1d52bc266466ab29ee45fd8fab439',1,'mlx::core::fast::RMSNormVJP::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#a5d7a4c1c9ee84e327d1c371733108c05',1,'mlx::core::fast::LayerNorm::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a0d8c4c6e7462befc38f7e08244fa1c2b',1,'mlx::core::fast::LayerNormVJP::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a05a7d595c6b9dadf7ddfd6e3fd402f0e',1,'mlx::core::fast::RoPE::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ae20851e002f7fcb6d4f97817596f6328',1,'mlx::core::fast::ScaledDotProductAttention::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a3b5d628628d245b38911118d4a0ff9fd',1,'mlx::core::fast::AffineQuantize::eval_cpu()'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a4ad1b7a9919753c759093f3e21a15bad',1,'mlx::core::fast::CustomKernel::eval_cpu()'],['../classmlx_1_1core_1_1_primitive.html#a1596dc50b910538eae14878e98f07575',1,'mlx::core::Primitive::eval_cpu()'],['../classmlx_1_1core_1_1_unary_primitive.html#a7e8f6f5d6ae0a33f6abc0f5a46e0b132',1,'mlx::core::UnaryPrimitive::eval_cpu(const std::vector< array > &inputs, array &output)=0'],['../classmlx_1_1core_1_1_unary_primitive.html#aa0ed6e32c36200a3ff9bc592c9b300db',1,'mlx::core::UnaryPrimitive::eval_cpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1_abs.html#a0d3e697496ef8e842d21195cb3c14e60',1,'mlx::core::Abs::eval_cpu()'],['../classmlx_1_1core_1_1_add.html#a5bacfc51dfa2a5a931bad2dd7bdc7a5f',1,'mlx::core::Add::eval_cpu()'],['../classmlx_1_1core_1_1_add_m_m.html#a15694e3bf2ed5c193237b2b9ca00867c',1,'mlx::core::AddMM::eval_cpu()'],['../classmlx_1_1core_1_1_arange.html#aba44432491cbd599bf72712f5f4267a1',1,'mlx::core::Arange::eval_cpu()'],['../classmlx_1_1core_1_1_arc_cos.html#a58dcba9e706cb12bab062bb7fa5fa006',1,'mlx::core::ArcCos::eval_cpu()'],['../classmlx_1_1core_1_1_arc_cosh.html#a0f6d989bcbbc38f15ef17a136879a9c9',1,'mlx::core::ArcCosh::eval_cpu()'],['../classmlx_1_1core_1_1_arc_sin.html#ab3542492c14021329788de8f2a9be1e4',1,'mlx::core::ArcSin::eval_cpu()'],['../classmlx_1_1core_1_1_arc_sinh.html#a52574b24d8d16839c58673f51f8ac066',1,'mlx::core::ArcSinh::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tan.html#a1211bc31241227528f04435239ddb9a3',1,'mlx::core::ArcTan::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tan2.html#a13094e6b702769928ca0da468f5ce45c',1,'mlx::core::ArcTan2::eval_cpu()'],['../classmlx_1_1core_1_1_arc_tanh.html#a5af9224e1f1ffec412b0baa0af7e1ecd',1,'mlx::core::ArcTanh::eval_cpu()'],['../classmlx_1_1core_1_1_arg_partition.html#a896f75c5325798ac3f9093f6a4581828',1,'mlx::core::ArgPartition::eval_cpu()'],['../classmlx_1_1core_1_1_arg_reduce.html#ad8d48725623ede1ff654fa13eccf2287',1,'mlx::core::ArgReduce::eval_cpu()'],['../classmlx_1_1core_1_1_arg_sort.html#a022079683774bfeb531b3a002cff16fa',1,'mlx::core::ArgSort::eval_cpu()'],['../classmlx_1_1core_1_1_as_type.html#aa89dbf4d73b00c6a44cffd04d5bb228d',1,'mlx::core::AsType::eval_cpu()'],['../classmlx_1_1core_1_1_as_strided.html#acdd4705e4503ff0b124215c4676b4193',1,'mlx::core::AsStrided::eval_cpu()'],['../classmlx_1_1core_1_1_bitwise_binary.html#a2194bf585213bda1b2966aa02d2fe283',1,'mlx::core::BitwiseBinary::eval_cpu()'],['../classmlx_1_1core_1_1_bitwise_invert.html#af7de39edef13cf483a6140f2dad4187e',1,'mlx::core::BitwiseInvert::eval_cpu()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#aa85da478cdc6d4a97be06e5d4abee1f2',1,'mlx::core::BlockMaskedMM::eval_cpu()'],['../classmlx_1_1core_1_1_gather_m_m.html#a62352074a480df0e1f879b0bae425730',1,'mlx::core::GatherMM::eval_cpu()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a6423095cd28b2f90893c03166257a568',1,'mlx::core::BroadcastAxes::eval_cpu()'],['../classmlx_1_1core_1_1_broadcast.html#a53d48d9778e2d4c24a124cd767900780',1,'mlx::core::Broadcast::eval_cpu()'],['../classmlx_1_1core_1_1_ceil.html#a9791801fff3f8b79944e15ac2a45a035',1,'mlx::core::Ceil::eval_cpu()'],['../classmlx_1_1core_1_1_compiled.html#ac45b1d0fedd85feefbff7ce7e168b151',1,'mlx::core::Compiled::eval_cpu()'],['../classmlx_1_1core_1_1_concatenate.html#a609e76bede7fc5581ec84ddcb727a258',1,'mlx::core::Concatenate::eval_cpu()'],['../classmlx_1_1core_1_1_conjugate.html#ae39643e2178f442ffba05139f8609d61',1,'mlx::core::Conjugate::eval_cpu()'],['../classmlx_1_1core_1_1_contiguous.html#a742de24e6c0310cd85a606dec0cd8336',1,'mlx::core::Contiguous::eval_cpu()'],['../classmlx_1_1core_1_1_convolution.html#ac74256068da01730629109fa4fa8432b',1,'mlx::core::Convolution::eval_cpu()'],['../classmlx_1_1core_1_1_copy.html#af4a0ebec423e84ffe8083a5e9ed0d70c',1,'mlx::core::Copy::eval_cpu()'],['../classmlx_1_1core_1_1_cos.html#a061fc446268fe56237ae6b20ccf78152',1,'mlx::core::Cos::eval_cpu()'],['../classmlx_1_1core_1_1_cosh.html#ae8702df7e8f0e20cbeccb2a548961d3d',1,'mlx::core::Cosh::eval_cpu()'],['../classmlx_1_1core_1_1_custom_transforms.html#adba1c40c77a2138df6b5f75483f62184',1,'mlx::core::CustomTransforms::eval_cpu()'],['../classmlx_1_1core_1_1_depends.html#a0c7ea6db97337591fa53c6e6bde41e5e',1,'mlx::core::Depends::eval_cpu()'],['../classmlx_1_1core_1_1_divide.html#a823443c2a8e8b81bbcaeee6ddbcdbf49',1,'mlx::core::Divide::eval_cpu()'],['../classmlx_1_1core_1_1_div_mod.html#ae350b7b93ad128e3133ee14f247193b3',1,'mlx::core::DivMod::eval_cpu()'],['../classmlx_1_1core_1_1_select.html#aa51aa36e0adbd69e0d23d7c7adf88de2',1,'mlx::core::Select::eval_cpu()'],['../classmlx_1_1core_1_1_remainder.html#ac6c6c86a0bf02e6e529eb87f6e617ccc',1,'mlx::core::Remainder::eval_cpu()'],['../classmlx_1_1core_1_1_equal.html#aabb8aa61fa581defddcdca1274b1b454',1,'mlx::core::Equal::eval_cpu()'],['../classmlx_1_1core_1_1_erf.html#a84ea16e43d5b7f83bbc2d5ece78a3fb6',1,'mlx::core::Erf::eval_cpu()'],['../classmlx_1_1core_1_1_erf_inv.html#af579627402af3249565134884701d39e',1,'mlx::core::ErfInv::eval_cpu()'],['../classmlx_1_1core_1_1_exp.html#a47934c5a5023bc7ae7ae89bff45ebb2c',1,'mlx::core::Exp::eval_cpu()'],['../classmlx_1_1core_1_1_expm1.html#ab9c8b7aa50fe4592d55f8957baac647a',1,'mlx::core::Expm1::eval_cpu()'],['../classmlx_1_1core_1_1_expand_dims.html#a34058a87582a6ab2e5d82a75bc713030',1,'mlx::core::ExpandDims::eval_cpu()'],['../classmlx_1_1core_1_1_f_f_t.html#a6bc262a0c2b5d4fe655e3e2e0ff28635',1,'mlx::core::FFT::eval_cpu()'],['../classmlx_1_1core_1_1_flatten.html#a72ade7d22386b349712f6c7c1f619842',1,'mlx::core::Flatten::eval_cpu()'],['../classmlx_1_1core_1_1_floor.html#a1a7dc5f571b7b73e7ef3cbdc1dd1fcf7',1,'mlx::core::Floor::eval_cpu()'],['../classmlx_1_1core_1_1_full.html#a3dccd3756599d7fd018b2af0093b082c',1,'mlx::core::Full::eval_cpu()'],['../classmlx_1_1core_1_1_gather.html#a9ed5587f0d04b59a2b9186c0aac21290',1,'mlx::core::Gather::eval_cpu()'],['../classmlx_1_1core_1_1_gather_axis.html#a474eae1d024e676e668318bf10928e2a',1,'mlx::core::GatherAxis::eval_cpu()'],['../classmlx_1_1core_1_1_greater.html#abe1c03f311d0e0b610f3392a6566f2ae',1,'mlx::core::Greater::eval_cpu()'],['../classmlx_1_1core_1_1_greater_equal.html#a15469125b9bea89b64bfeac01590c075',1,'mlx::core::GreaterEqual::eval_cpu()'],['../classmlx_1_1core_1_1_hadamard.html#ab27d6a9df42b3aab41ace3073a4c880d',1,'mlx::core::Hadamard::eval_cpu()'],['../classmlx_1_1core_1_1_imag.html#a17d1f1f9f8528668fcdf39b636720829',1,'mlx::core::Imag::eval_cpu()'],['../classmlx_1_1core_1_1_less.html#a32624124ffece066f496b3299056bcef',1,'mlx::core::Less::eval_cpu()'],['../classmlx_1_1core_1_1_less_equal.html#a55d1352b0e97841a92503bc57c19ed16',1,'mlx::core::LessEqual::eval_cpu()'],['../classmlx_1_1core_1_1_load.html#ada026ac30566f3109d8182e35d307c0a',1,'mlx::core::Load::eval_cpu()'],['../classmlx_1_1core_1_1_log.html#aadc7bb4cb24f3ecbbb9ed54a699ab74f',1,'mlx::core::Log::eval_cpu()'],['../classmlx_1_1core_1_1_log1p.html#a8192e5438de99c4cda056987935cba23',1,'mlx::core::Log1p::eval_cpu()'],['../classmlx_1_1core_1_1_logical_not.html#acf3f7b3b20ca69533536e0e0a05725b3',1,'mlx::core::LogicalNot::eval_cpu()'],['../classmlx_1_1core_1_1_logical_and.html#adbe1c1785af1a8b827289d22b0d170b3',1,'mlx::core::LogicalAnd::eval_cpu()'],['../classmlx_1_1core_1_1_logical_or.html#a13cd4cbf26589287e85aeaaca42d7f62',1,'mlx::core::LogicalOr::eval_cpu()'],['../classmlx_1_1core_1_1_log_add_exp.html#abef17fb590b1a8d356f2a580e45d41f0',1,'mlx::core::LogAddExp::eval_cpu()'],['../classmlx_1_1core_1_1_matmul.html#a357a7f57a2a220a91977f810a69413fc',1,'mlx::core::Matmul::eval_cpu()'],['../classmlx_1_1core_1_1_maximum.html#a62b38fbe5f96db58c2b60165ac4eadcf',1,'mlx::core::Maximum::eval_cpu()'],['../classmlx_1_1core_1_1_minimum.html#a6b93f493ee87089943a8085fe59dfc6e',1,'mlx::core::Minimum::eval_cpu()'],['../classmlx_1_1core_1_1_multiply.html#a624fce06c047cdc4dfdbdcaaddb25f34',1,'mlx::core::Multiply::eval_cpu()'],['../classmlx_1_1core_1_1_negative.html#af43553dc418c8ebe75fa9cdcba103c3b',1,'mlx::core::Negative::eval_cpu()'],['../classmlx_1_1core_1_1_not_equal.html#a8f95f8b5873850b875b1641df8196047',1,'mlx::core::NotEqual::eval_cpu()'],['../classmlx_1_1core_1_1_number_of_elements.html#acc328321cf5300874ee884367cbede3f',1,'mlx::core::NumberOfElements::eval_cpu()'],['../classmlx_1_1core_1_1_pad.html#aaf82dd163cd536fbf97304f8b29080cb',1,'mlx::core::Pad::eval_cpu()'],['../classmlx_1_1core_1_1_partition.html#a784596ab567f9f3cb4fe1a69466523d8',1,'mlx::core::Partition::eval_cpu()'],['../classmlx_1_1core_1_1_power.html#a6783da16fb6ff393aaa57737f1973206',1,'mlx::core::Power::eval_cpu()'],['../classmlx_1_1core_1_1_quantized_matmul.html#ab3dfa73b74d8f4f2e9ab4f0eb016b0e3',1,'mlx::core::QuantizedMatmul::eval_cpu()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a89aae98bfbdd6563df44ef7d70f0bf8c',1,'mlx::core::GatherQMM::eval_cpu()'],['../classmlx_1_1core_1_1_random_bits.html#a5752d051cd16cf5f8d4754c0a656f0d2',1,'mlx::core::RandomBits::eval_cpu()'],['../classmlx_1_1core_1_1_real.html#a365d046caac91b521f0f5a5518037934',1,'mlx::core::Real::eval_cpu()'],['../classmlx_1_1core_1_1_reshape.html#a658de2c5f710991b48e14b2bd19b229f',1,'mlx::core::Reshape::eval_cpu()'],['../classmlx_1_1core_1_1_reduce.html#aeb8a58b560c0a09ae3a695df7829acfa',1,'mlx::core::Reduce::eval_cpu()'],['../classmlx_1_1core_1_1_round.html#ad066b0944b437f64ab546025efa00007',1,'mlx::core::Round::eval_cpu()'],['../classmlx_1_1core_1_1_scan.html#a15676d9fd066e935782a923fba3e940b',1,'mlx::core::Scan::eval_cpu()'],['../classmlx_1_1core_1_1_scatter.html#a7623f590f8b77167b5ebb4f14bc9dc97',1,'mlx::core::Scatter::eval_cpu()'],['../classmlx_1_1core_1_1_scatter_axis.html#abf9d24565abdd7e1034daacac603cc54',1,'mlx::core::ScatterAxis::eval_cpu()'],['../classmlx_1_1core_1_1_sigmoid.html#aa930ce05734cca529ebcb8d0ca8e1255',1,'mlx::core::Sigmoid::eval_cpu()'],['../classmlx_1_1core_1_1_sign.html#a7498ec993b66879be30c5d9762c45a97',1,'mlx::core::Sign::eval_cpu()'],['../classmlx_1_1core_1_1_sin.html#ab34f9cebc2aed55a0b6ab4c991f02eb5',1,'mlx::core::Sin::eval_cpu()'],['../classmlx_1_1core_1_1_sinh.html#ab6d5f6f40d177f6435f6a51c71b939dd',1,'mlx::core::Sinh::eval_cpu()'],['../classmlx_1_1core_1_1_slice.html#a4b13503f5b2f5c6a90d394b020f9b3f2',1,'mlx::core::Slice::eval_cpu()'],['../classmlx_1_1core_1_1_slice_update.html#ad82ca0e3ab88a0e086431050deea831b',1,'mlx::core::SliceUpdate::eval_cpu()'],['../classmlx_1_1core_1_1_dynamic_slice.html#a4e8c22c24a587ea0648ce89f461ed1ee',1,'mlx::core::DynamicSlice::eval_cpu()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a379185914db0326a5d4839839fe4fc83',1,'mlx::core::DynamicSliceUpdate::eval_cpu()'],['../classmlx_1_1core_1_1_softmax.html#ac9ebc2eab1683b682e689ed8f4622b79',1,'mlx::core::Softmax::eval_cpu()'],['../classmlx_1_1core_1_1_sort.html#a459769a0241b2620e55bedaba19827cd',1,'mlx::core::Sort::eval_cpu()'],['../classmlx_1_1core_1_1_split.html#aff2889cb9074f0fda53edf8fa40b1fd4',1,'mlx::core::Split::eval_cpu()'],['../classmlx_1_1core_1_1_square.html#a1f4d327a705950616da63b83c2829e59',1,'mlx::core::Square::eval_cpu()'],['../classmlx_1_1core_1_1_sqrt.html#a5a64ecc4eef1e30a2963435dca7cefd5',1,'mlx::core::Sqrt::eval_cpu()'],['../classmlx_1_1core_1_1_stop_gradient.html#a56207714d374b08f60e4d9cdbc7340b2',1,'mlx::core::StopGradient::eval_cpu()'],['../classmlx_1_1core_1_1_subtract.html#a47574258b6c95f8ad260c114d6d36a12',1,'mlx::core::Subtract::eval_cpu()'],['../classmlx_1_1core_1_1_squeeze.html#a9bcb7476041020f59ef816196ddb81cb',1,'mlx::core::Squeeze::eval_cpu()'],['../classmlx_1_1core_1_1_tan.html#a9c9a731158fa60eef30067fe0da9f3e9',1,'mlx::core::Tan::eval_cpu()'],['../classmlx_1_1core_1_1_tanh.html#af7ed4345f622da069e5b0284067923f5',1,'mlx::core::Tanh::eval_cpu()'],['../classmlx_1_1core_1_1_unflatten.html#a507c22306b7afcdd5970cfaa32188f0a',1,'mlx::core::Unflatten::eval_cpu()'],['../classmlx_1_1core_1_1_view.html#a0ad6deb11914a242f10e8039fcb02497',1,'mlx::core::View::eval_cpu()'],['../classmlx_1_1core_1_1_transpose.html#a1fbcfcca43f9ec06c63a3c14708c30f8',1,'mlx::core::Transpose::eval_cpu()'],['../classmlx_1_1core_1_1_q_r_f.html#a48493887395d65a27f04de1804d277d2',1,'mlx::core::QRF::eval_cpu()'],['../classmlx_1_1core_1_1_s_v_d.html#a637f5c39fa8b10722c04a066f6c1ada6',1,'mlx::core::SVD::eval_cpu()'],['../classmlx_1_1core_1_1_inverse.html#aeb1d8dc9bc4052a616023f65b3c7bb81',1,'mlx::core::Inverse::eval_cpu()'],['../classmlx_1_1core_1_1_cholesky.html#a4bdec36c1cc99aadf9a4a39d4c57bea5',1,'mlx::core::Cholesky::eval_cpu()'],['../classmlx_1_1core_1_1_eigh.html#a894b32e17229394f6a43b4a0655fd8be',1,'mlx::core::Eigh::eval_cpu()'],['../classmlx_1_1core_1_1_l_u_f.html#a6cb497d6b011210a8090bdc8fdf14913',1,'mlx::core::LUF::eval_cpu()']]], + ['eval_5fgpu_28',['eval_gpu',['../classmlx_1_1core_1_1distributed_1_1_all_reduce.html#a52df7155f56b8450581b2fd2747cad20',1,'mlx::core::distributed::AllReduce::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_all_gather.html#a4251ce0f2db2045226b66210b828af7a',1,'mlx::core::distributed::AllGather::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_send.html#a0c8dbd2a912be91be04ec701e29fba3d',1,'mlx::core::distributed::Send::eval_gpu()'],['../classmlx_1_1core_1_1distributed_1_1_recv.html#a932e39624bc3d234a7489c3decc4749e',1,'mlx::core::distributed::Recv::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm.html#ae7955e8d43c097eecae264e804b4d8ca',1,'mlx::core::fast::RMSNorm::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_r_m_s_norm_v_j_p.html#a48efb8fa84c4ba6cc9fb560ebbe01560',1,'mlx::core::fast::RMSNormVJP::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm.html#a77abda7f47bffa2c037a5d60cccc1528',1,'mlx::core::fast::LayerNorm::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_layer_norm_v_j_p.html#a954a003a4a27c8c4c60a5a14142a9cc3',1,'mlx::core::fast::LayerNormVJP::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_ro_p_e.html#a913b6b00fc518b25ac3947e4e15790f2',1,'mlx::core::fast::RoPE::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#a505f38ba93a3499895f5312e0112e73d',1,'mlx::core::fast::ScaledDotProductAttention::eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1fast_1_1_scaled_dot_product_attention.html#ad51666e69f670e286293aff96eb435a9',1,'mlx::core::fast::ScaledDotProductAttention::eval_gpu(const std::vector< array > &inputs, array &out)'],['../classmlx_1_1core_1_1fast_1_1_affine_quantize.html#a63812b2abaf26ad7e7fa4c9e82db1628',1,'mlx::core::fast::AffineQuantize::eval_gpu()'],['../classmlx_1_1core_1_1fast_1_1_custom_kernel.html#a2ed2a16b23053f8195068386a99fd6db',1,'mlx::core::fast::CustomKernel::eval_gpu()'],['../classmlx_1_1core_1_1_primitive.html#ad217376dcf5eff691d731566faec2ba2',1,'mlx::core::Primitive::eval_gpu()'],['../classmlx_1_1core_1_1_unary_primitive.html#a6b7f80abaf038d53ec6ffbb0dfac6adb',1,'mlx::core::UnaryPrimitive::eval_gpu(const std::vector< array > &inputs, array &output)=0'],['../classmlx_1_1core_1_1_unary_primitive.html#a971fe9ad47f6569118879ce1d0f41447',1,'mlx::core::UnaryPrimitive::eval_gpu(const std::vector< array > &inputs, std::vector< array > &outputs) override'],['../classmlx_1_1core_1_1_abs.html#a0a976e636dd8505b473fbdddf949f514',1,'mlx::core::Abs::eval_gpu()'],['../classmlx_1_1core_1_1_add.html#aa0aacbc1e26b95a2f040f62aa4f69c3d',1,'mlx::core::Add::eval_gpu()'],['../classmlx_1_1core_1_1_add_m_m.html#a5f933be14baebc32a0be0f9a69148aa9',1,'mlx::core::AddMM::eval_gpu()'],['../classmlx_1_1core_1_1_arange.html#a7a2e9787c6c3a78b4a6df91206974031',1,'mlx::core::Arange::eval_gpu()'],['../classmlx_1_1core_1_1_arc_cos.html#a46f72d4af89b0a0f5f203783fb44589c',1,'mlx::core::ArcCos::eval_gpu()'],['../classmlx_1_1core_1_1_arc_cosh.html#aa6a2587485a0e015ac2d5211d7d045fc',1,'mlx::core::ArcCosh::eval_gpu()'],['../classmlx_1_1core_1_1_arc_sin.html#a7fa4ae7a85bc8bed97ea258ae30762f3',1,'mlx::core::ArcSin::eval_gpu()'],['../classmlx_1_1core_1_1_arc_sinh.html#a79f648a86de4c10386a1ce3b5e38e8ac',1,'mlx::core::ArcSinh::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tan.html#a77866feb27028865d844070447c9a254',1,'mlx::core::ArcTan::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tan2.html#a76d3f0c29e0ff4642b8d39dac90d3f50',1,'mlx::core::ArcTan2::eval_gpu()'],['../classmlx_1_1core_1_1_arc_tanh.html#a10566b9d3b2c7d090895b46d9040bc1d',1,'mlx::core::ArcTanh::eval_gpu()'],['../classmlx_1_1core_1_1_arg_partition.html#a9a60995eaf85f63c877e86b23cbc15fc',1,'mlx::core::ArgPartition::eval_gpu()'],['../classmlx_1_1core_1_1_arg_reduce.html#aafa982ce2abc0cd9e81e43aa2c823d29',1,'mlx::core::ArgReduce::eval_gpu()'],['../classmlx_1_1core_1_1_arg_sort.html#abc2d730850ec4ee8d7968b7417911709',1,'mlx::core::ArgSort::eval_gpu()'],['../classmlx_1_1core_1_1_as_type.html#a5b111b9d74c60d27b4a7ebaa49f96e0b',1,'mlx::core::AsType::eval_gpu()'],['../classmlx_1_1core_1_1_as_strided.html#ab6771a208323994927ca162ba7bb10ed',1,'mlx::core::AsStrided::eval_gpu()'],['../classmlx_1_1core_1_1_bitwise_binary.html#ac831a29fc46701b00bbe63ee33832afd',1,'mlx::core::BitwiseBinary::eval_gpu()'],['../classmlx_1_1core_1_1_bitwise_invert.html#a09162c49334380f5a04433e00427abfa',1,'mlx::core::BitwiseInvert::eval_gpu()'],['../classmlx_1_1core_1_1_block_masked_m_m.html#ab372b6df4de00a33795a052a23bb1df9',1,'mlx::core::BlockMaskedMM::eval_gpu()'],['../classmlx_1_1core_1_1_gather_m_m.html#ad754c35f460a055cc383ad93a5f72da1',1,'mlx::core::GatherMM::eval_gpu()'],['../classmlx_1_1core_1_1_broadcast_axes.html#a56d16e75a0df867d2f1ba4e5198f15cb',1,'mlx::core::BroadcastAxes::eval_gpu()'],['../classmlx_1_1core_1_1_broadcast.html#ab9bd9dbcedcefc9b29c84911b5ce69fe',1,'mlx::core::Broadcast::eval_gpu()'],['../classmlx_1_1core_1_1_ceil.html#abe178e0058e44b6618be414215e96887',1,'mlx::core::Ceil::eval_gpu()'],['../classmlx_1_1core_1_1_compiled.html#aa3d5ff0f2b3554ad48fbbf2a0f3336d5',1,'mlx::core::Compiled::eval_gpu()'],['../classmlx_1_1core_1_1_concatenate.html#a309a1c50e97f9925866433ee2841c474',1,'mlx::core::Concatenate::eval_gpu()'],['../classmlx_1_1core_1_1_conjugate.html#aff0a802166e3724db88ab5d3feb2d3de',1,'mlx::core::Conjugate::eval_gpu()'],['../classmlx_1_1core_1_1_contiguous.html#a519cd16fd0c55b371ea7625fbb37c70f',1,'mlx::core::Contiguous::eval_gpu()'],['../classmlx_1_1core_1_1_convolution.html#a30b64109eeb1778f002b99447dff9dd2',1,'mlx::core::Convolution::eval_gpu()'],['../classmlx_1_1core_1_1_copy.html#a1eda7b2ea771a168f67421f0d384b3a1',1,'mlx::core::Copy::eval_gpu()'],['../classmlx_1_1core_1_1_cos.html#a5ef41aafad595f6cdd8c535e36e12060',1,'mlx::core::Cos::eval_gpu()'],['../classmlx_1_1core_1_1_cosh.html#a23f71b43792934c3ec0ebe9b74f32559',1,'mlx::core::Cosh::eval_gpu()'],['../classmlx_1_1core_1_1_custom_transforms.html#a7b3538681acbb20af3ed37b0877f6667',1,'mlx::core::CustomTransforms::eval_gpu()'],['../classmlx_1_1core_1_1_depends.html#ae5057f65e69490ad0add8eeda2b75e28',1,'mlx::core::Depends::eval_gpu()'],['../classmlx_1_1core_1_1_divide.html#abffda0ce37221ddc28dc9eea794f6bc7',1,'mlx::core::Divide::eval_gpu()'],['../classmlx_1_1core_1_1_div_mod.html#a003117c9ecf3c06a27248f72a76348dc',1,'mlx::core::DivMod::eval_gpu()'],['../classmlx_1_1core_1_1_select.html#a2a82b6cba4c386b2b87f225a4b08ea9b',1,'mlx::core::Select::eval_gpu()'],['../classmlx_1_1core_1_1_remainder.html#a7919ea9b84e42522d51bf0d5a396e161',1,'mlx::core::Remainder::eval_gpu()'],['../classmlx_1_1core_1_1_equal.html#ac3757001fec42ceb5ece2954df42161c',1,'mlx::core::Equal::eval_gpu()'],['../classmlx_1_1core_1_1_erf.html#ad8551be664d767dccc3c0d8cc1eca008',1,'mlx::core::Erf::eval_gpu()'],['../classmlx_1_1core_1_1_erf_inv.html#a4a2413d0634db1f3dae1806ddfa632db',1,'mlx::core::ErfInv::eval_gpu()'],['../classmlx_1_1core_1_1_exp.html#a7d63695a97a14760fd33b5d4e6590822',1,'mlx::core::Exp::eval_gpu()'],['../classmlx_1_1core_1_1_expm1.html#a82930071f4b77d883b300f77966aff5f',1,'mlx::core::Expm1::eval_gpu()'],['../classmlx_1_1core_1_1_expand_dims.html#ad350ede3abecc55371ddeb89fbba2b90',1,'mlx::core::ExpandDims::eval_gpu()'],['../classmlx_1_1core_1_1_f_f_t.html#a1c21b26d1e9ad7c4da78ae845721b2dd',1,'mlx::core::FFT::eval_gpu()'],['../classmlx_1_1core_1_1_flatten.html#acb2219cc122d218b273af2cb9a882e7f',1,'mlx::core::Flatten::eval_gpu()'],['../classmlx_1_1core_1_1_floor.html#aaa29c83538099eb8f951c95a41f2eb65',1,'mlx::core::Floor::eval_gpu()'],['../classmlx_1_1core_1_1_full.html#aa54f99bb4cba12a551392dea56003872',1,'mlx::core::Full::eval_gpu()'],['../classmlx_1_1core_1_1_gather.html#aec48ee529cb2449915a7b27a3c4361e8',1,'mlx::core::Gather::eval_gpu()'],['../classmlx_1_1core_1_1_gather_axis.html#a1344749d33e4ea2cb80b69a5a4a21afc',1,'mlx::core::GatherAxis::eval_gpu()'],['../classmlx_1_1core_1_1_greater.html#ae8957cccf4c924d941f57a1bb751c878',1,'mlx::core::Greater::eval_gpu()'],['../classmlx_1_1core_1_1_greater_equal.html#ac246263b4548126c3d4ab7e392575d24',1,'mlx::core::GreaterEqual::eval_gpu()'],['../classmlx_1_1core_1_1_hadamard.html#a2470feb690f5463138490763c38b5733',1,'mlx::core::Hadamard::eval_gpu()'],['../classmlx_1_1core_1_1_imag.html#a247a4d059b0a99678c6be8c15e42c1e6',1,'mlx::core::Imag::eval_gpu()'],['../classmlx_1_1core_1_1_less.html#a353335ce06ddbe8498d86d129c835917',1,'mlx::core::Less::eval_gpu()'],['../classmlx_1_1core_1_1_less_equal.html#acf035a82b11e6f63742143ea540fedac',1,'mlx::core::LessEqual::eval_gpu()'],['../classmlx_1_1core_1_1_load.html#a06933e887ea94a4d01d81195c5e07a3d',1,'mlx::core::Load::eval_gpu()'],['../classmlx_1_1core_1_1_log.html#aaaa49e9455f3a197bc319646b5ca6390',1,'mlx::core::Log::eval_gpu()'],['../classmlx_1_1core_1_1_log1p.html#a1b97decae7338d46874e736c95fa7431',1,'mlx::core::Log1p::eval_gpu()'],['../classmlx_1_1core_1_1_logical_not.html#a1d0d2bc93f935eca6c85ef7bf67f2d6a',1,'mlx::core::LogicalNot::eval_gpu()'],['../classmlx_1_1core_1_1_logical_and.html#a132b2eedaa3978de5a5350da3c2ca40f',1,'mlx::core::LogicalAnd::eval_gpu()'],['../classmlx_1_1core_1_1_logical_or.html#a3be1da328f0f8620de2e4fc1d22a077a',1,'mlx::core::LogicalOr::eval_gpu()'],['../classmlx_1_1core_1_1_log_add_exp.html#acace355b62ec00df649f9f99e8f2eb7a',1,'mlx::core::LogAddExp::eval_gpu()'],['../classmlx_1_1core_1_1_matmul.html#a8707a4e9b75c769e8f1dbca15c6a1ae7',1,'mlx::core::Matmul::eval_gpu()'],['../classmlx_1_1core_1_1_maximum.html#ade0f721b10a6b3a12bdadd34c48f72a7',1,'mlx::core::Maximum::eval_gpu()'],['../classmlx_1_1core_1_1_minimum.html#aadc68afa0afbe2103f19d161f5e0a2ba',1,'mlx::core::Minimum::eval_gpu()'],['../classmlx_1_1core_1_1_multiply.html#a634fcb4e981d8d3f4d94252caf25bee0',1,'mlx::core::Multiply::eval_gpu()'],['../classmlx_1_1core_1_1_negative.html#a97f1b316eace0c6d9e576d766940c75b',1,'mlx::core::Negative::eval_gpu()'],['../classmlx_1_1core_1_1_not_equal.html#a61179747e34e203150e9c660dfddb5f2',1,'mlx::core::NotEqual::eval_gpu()'],['../classmlx_1_1core_1_1_number_of_elements.html#a2c98c42915fb2bfe12f5c99ea553eff5',1,'mlx::core::NumberOfElements::eval_gpu()'],['../classmlx_1_1core_1_1_pad.html#aefd4d3a5bd8b6b35b266c9e558ada153',1,'mlx::core::Pad::eval_gpu()'],['../classmlx_1_1core_1_1_partition.html#a8eca1be21ae9ccfda46e6f3e85f506ef',1,'mlx::core::Partition::eval_gpu()'],['../classmlx_1_1core_1_1_power.html#a80577d4c0853c24027777c90a1ec7e11',1,'mlx::core::Power::eval_gpu()'],['../classmlx_1_1core_1_1_quantized_matmul.html#a2812ad007d695ed1aaf9cf706fb9c4b3',1,'mlx::core::QuantizedMatmul::eval_gpu()'],['../classmlx_1_1core_1_1_gather_q_m_m.html#a86eb048afc95646b2e96ec5493e3d887',1,'mlx::core::GatherQMM::eval_gpu()'],['../classmlx_1_1core_1_1_random_bits.html#a578756866665358577418e4cdd94aa3a',1,'mlx::core::RandomBits::eval_gpu()'],['../classmlx_1_1core_1_1_real.html#a1e209e88a43bdd1eea43ad0b03f9a7f2',1,'mlx::core::Real::eval_gpu()'],['../classmlx_1_1core_1_1_reshape.html#aa1e85f28471875750c47351520b56059',1,'mlx::core::Reshape::eval_gpu()'],['../classmlx_1_1core_1_1_reduce.html#ae9caaf42edadfe73ea208d98f526890f',1,'mlx::core::Reduce::eval_gpu()'],['../classmlx_1_1core_1_1_round.html#af7fe5ff8f3db166c203b4be4b07f13ec',1,'mlx::core::Round::eval_gpu()'],['../classmlx_1_1core_1_1_scan.html#aef22c6fc2b2cb2a907cd8965c7413dde',1,'mlx::core::Scan::eval_gpu()'],['../classmlx_1_1core_1_1_scatter.html#ab304345db3d8cfeea15e27461ae2e678',1,'mlx::core::Scatter::eval_gpu()'],['../classmlx_1_1core_1_1_scatter_axis.html#a715c3b959dc904faefb16edbb11f29d7',1,'mlx::core::ScatterAxis::eval_gpu()'],['../classmlx_1_1core_1_1_sigmoid.html#a7a6bd0222d51d7f25f2719a91ccdfeca',1,'mlx::core::Sigmoid::eval_gpu()'],['../classmlx_1_1core_1_1_sign.html#afa2b48b99a194106006b44af69ffda8b',1,'mlx::core::Sign::eval_gpu()'],['../classmlx_1_1core_1_1_sin.html#a6b59f1156cf8bdad8d45acd1d825cb5e',1,'mlx::core::Sin::eval_gpu()'],['../classmlx_1_1core_1_1_sinh.html#a5a1af2399f166d5b228b5e83a1837c75',1,'mlx::core::Sinh::eval_gpu()'],['../classmlx_1_1core_1_1_slice.html#aa53c21ff06a7c659e889af6b97d10a4a',1,'mlx::core::Slice::eval_gpu()'],['../classmlx_1_1core_1_1_slice_update.html#aac1a1d122e5697be057d63552141032b',1,'mlx::core::SliceUpdate::eval_gpu()'],['../classmlx_1_1core_1_1_dynamic_slice.html#ab0a2e31c03f02a4f25700e240cf18e3e',1,'mlx::core::DynamicSlice::eval_gpu()'],['../classmlx_1_1core_1_1_dynamic_slice_update.html#a249dab28690c45203c3995698de0cab7',1,'mlx::core::DynamicSliceUpdate::eval_gpu()'],['../classmlx_1_1core_1_1_softmax.html#a35dac69ddcc7e2ec0e1a76fe93db85af',1,'mlx::core::Softmax::eval_gpu()'],['../classmlx_1_1core_1_1_sort.html#a4141c48f0e8670c728663f3722675382',1,'mlx::core::Sort::eval_gpu()'],['../classmlx_1_1core_1_1_split.html#a78ddda89c4daee73c74cfbc1e44656df',1,'mlx::core::Split::eval_gpu()'],['../classmlx_1_1core_1_1_square.html#a0ea2a78a5bb52daa4103263bf2f98045',1,'mlx::core::Square::eval_gpu()'],['../classmlx_1_1core_1_1_sqrt.html#a6d205e679a593d1ba20206c5c47ba501',1,'mlx::core::Sqrt::eval_gpu()'],['../classmlx_1_1core_1_1_stop_gradient.html#a907b96f0a1ce608e211d87ccf2b9ca89',1,'mlx::core::StopGradient::eval_gpu()'],['../classmlx_1_1core_1_1_subtract.html#a69021b23daf061764d97fabbc0f4f06c',1,'mlx::core::Subtract::eval_gpu()'],['../classmlx_1_1core_1_1_squeeze.html#a18d382c8bc59d60b38e9fd1cb70660fd',1,'mlx::core::Squeeze::eval_gpu()'],['../classmlx_1_1core_1_1_tan.html#aca7dbb4836507005a2032ac957a04d3f',1,'mlx::core::Tan::eval_gpu()'],['../classmlx_1_1core_1_1_tanh.html#a48df896599ae93dbce84a5c0f50cf761',1,'mlx::core::Tanh::eval_gpu()'],['../classmlx_1_1core_1_1_unflatten.html#adfbb8208355f9c3cb2e4cb1fd4fe788f',1,'mlx::core::Unflatten::eval_gpu()'],['../classmlx_1_1core_1_1_view.html#add6e12ff1e476fe1db7718b14f21b075',1,'mlx::core::View::eval_gpu()'],['../classmlx_1_1core_1_1_transpose.html#a38d25739c08aa594a6775015a1d7d92e',1,'mlx::core::Transpose::eval_gpu()'],['../classmlx_1_1core_1_1_q_r_f.html#ae5fa3482192f4713605cd07e7fc1c6c9',1,'mlx::core::QRF::eval_gpu()'],['../classmlx_1_1core_1_1_s_v_d.html#a7067b2207f826a25549d571856b94e83',1,'mlx::core::SVD::eval_gpu()'],['../classmlx_1_1core_1_1_inverse.html#a086fbbc947ad232e01686ad063a78ed2',1,'mlx::core::Inverse::eval_gpu()'],['../classmlx_1_1core_1_1_cholesky.html#a8c918594bf129888044ef37fcae56795',1,'mlx::core::Cholesky::eval_gpu()'],['../classmlx_1_1core_1_1_eigh.html#a67775b41c0a15e356f08d51d9736baa2',1,'mlx::core::Eigh::eval_gpu()'],['../classmlx_1_1core_1_1_l_u_f.html#aa2e955a6ca2ffbfab463a3e9c69beabf',1,'mlx::core::LUF::eval_gpu()']]], + ['event_29',['Event',['../classmlx_1_1core_1_1_event.html#a98f1f98d6cac43ddb682522acdce63d5',1,'mlx::core::Event::Event()'],['../classmlx_1_1core_1_1_event.html#acdc48fc71fcf3f8d128be029d63b7826',1,'mlx::core::Event::Event(Stream stream)']]], + ['event_30',['event',['../classmlx_1_1core_1_1array.html#a0a8e4d6e67e739a712876bb36f88f9bf',1,'mlx::core::array']]], + ['exec_31',['exec',['../classpocketfft_1_1detail_1_1cfftp.html#a95211024bf007d27e700835db556fbd2',1,'pocketfft::detail::cfftp::exec()'],['../classpocketfft_1_1detail_1_1rfftp.html#a073972f42bdd3617693be7be2cb5e0ac',1,'pocketfft::detail::rfftp::exec()'],['../classpocketfft_1_1detail_1_1fftblue.html#a5fb03413a3d1a653842875adcf87ae8c',1,'pocketfft::detail::fftblue::exec()'],['../classpocketfft_1_1detail_1_1pocketfft__c.html#a436afd63e8e130f97aff103ae964a45d',1,'pocketfft::detail::pocketfft_c::exec()'],['../classpocketfft_1_1detail_1_1pocketfft__r.html#a2815bc8aa04fa986834b02e502f98b33',1,'pocketfft::detail::pocketfft_r::exec()'],['../classpocketfft_1_1detail_1_1_t__dct1.html#a7736111ff9d220f983e41a6fecd5f058',1,'pocketfft::detail::T_dct1::exec()'],['../classpocketfft_1_1detail_1_1_t__dst1.html#a598a9511004263eb3610053d7efc9e26',1,'pocketfft::detail::T_dst1::exec()'],['../classpocketfft_1_1detail_1_1_t__dcst23.html#a2a45b7b4612904c2be69c01f6d5029ac',1,'pocketfft::detail::T_dcst23::exec()'],['../classpocketfft_1_1detail_1_1_t__dcst4.html#af794ebf21009d5f918681188081df708',1,'pocketfft::detail::T_dcst4::exec()'],['../classmlx_1_1core_1_1_jit_compiler.html#adcf98f940e1919388eaab907ea17a540',1,'mlx::core::JitCompiler::exec()']]], + ['exec_5fr_32',['exec_r',['../classpocketfft_1_1detail_1_1fftblue.html#a642b4aff0485c7d9c8794161a1464f00',1,'pocketfft::detail::fftblue']]], + ['exp_33',['Exp',['../classmlx_1_1core_1_1_exp.html#a1d0a618cbb91ab29ef53b57ff6ed6e06',1,'mlx::core::Exp']]], + ['exp_34',['exp',['../namespacemlx_1_1core_1_1simd.html#a835d71dd0bb2f9494a397d9939696ec2',1,'mlx::core::simd::exp()'],['../namespacemetal.html#ac2a0b3618d922ac014baac8189d44650',1,'metal::exp()'],['../namespacemetal_1_1fast.html#ad3dbd387b63373c29e3449609f763ede',1,'metal::fast::exp()'],['../namespacemetal_1_1precise.html#a8d8d2d5700ce432b33cf47cf22528e8f',1,'metal::precise::exp()'],['../group__ops.html#ga8a3b04e23e347d99ecf411fd6f4e5125',1,'mlx::core::exp()']]], + ['exp10_35',['exp10',['../namespacemetal.html#a4c63707d13c89364496a48906631c204',1,'metal::exp10()'],['../namespacemetal_1_1fast.html#a453122f982485cbb4e471b3ac282ee5e',1,'metal::fast::exp10()'],['../namespacemetal_1_1precise.html#af9addb343c967da3a83e9e123a8521fd',1,'metal::precise::exp10()']]], + ['exp2_36',['exp2',['../namespacemetal.html#a228201c20777848804a4d0589c1d33e7',1,'metal::exp2()'],['../namespacemetal_1_1fast.html#ac092b65a46720adaf22f6266671d2d71',1,'metal::fast::exp2()'],['../namespacemetal_1_1precise.html#a92a880bd2197efc0da0f8f0f7ec1e4c9',1,'metal::precise::exp2()']]], + ['expand_5fdims_37',['expand_dims',['../group__ops.html#ga717f11149a8c7b4cc3e33bbcc0a97133',1,'mlx::core::expand_dims(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../group__ops.html#ga7a80adb4a5a36d18b5f234d4b034950a',1,'mlx::core::expand_dims(const array &a, int axis, StreamOrDevice s={})']]], + ['expanddims_38',['ExpandDims',['../classmlx_1_1core_1_1_expand_dims.html#aea2479ea4dd93941eb83a22e087983a8',1,'mlx::core::ExpandDims']]], + ['expm1_39',['Expm1',['../classmlx_1_1core_1_1_expm1.html#a47c2a1b2a4ef6bb07ba77c55ddddaec2',1,'mlx::core::Expm1']]], + ['expm1_40',['expm1',['../namespacemlx_1_1core_1_1simd.html#a9407980793ecff5d5eb19c9a2cbda1eb',1,'mlx::core::simd::expm1(Simd< float16_t, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a464687a8809d0180035acc9af2943a94',1,'mlx::core::simd::expm1(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#a8f73d1dac82177e0aeadaeda349c4f96',1,'mlx::core::simd::expm1(Simd< T, 1 > in)'],['../group__ops.html#ga54ca54f06bfb2be15b163a5209e2a0f0',1,'mlx::core::expm1()']]], + ['expm1f_41',['expm1f',['../expm1f_8h.html#a87f66d30e185950f42ce3641783cdc40',1,'expm1f.h']]], + ['expm1f_5fscaled_5funchecked_42',['expm1f_scaled_unchecked',['../expm1f_8h.html#adf20e03405fba634ca8d01acac24592e',1,'expm1f.h']]], + ['export_5ffunction_43',['export_function',['../namespacemlx_1_1core.html#a2afa4ea816ac9317200fd5c964fc89dc',1,'mlx::core::export_function(const std::string &file, const std::function< std::vector< array >(const Args &)> &fun, const Args &args, bool shapeless=false)'],['../namespacemlx_1_1core.html#ace51644e2aa72f8d56b86eaa0e1a68b7',1,'mlx::core::export_function(const std::string &file, const std::function< std::vector< array >(const Kwargs &)> &fun, const Kwargs &kwargs, bool shapeless=false)'],['../namespacemlx_1_1core.html#a9692d7bb6de3456abc535d0f4bac7a94',1,'mlx::core::export_function(const std::string &file, const std::function< std::vector< array >(const Args &, const Kwargs &)> &fun, const Args &args, const Kwargs &kwargs, bool shapeless=false)']]], + ['export_5fto_5fdot_44',['export_to_dot',['../namespacemlx_1_1core.html#a30338cb7d259334e46dc7a4819716fa6',1,'mlx::core::export_to_dot(std::ostream &os, NodeNamer namer, const std::vector< array > &outputs)'],['../namespacemlx_1_1core.html#a57395bdf43d9c5c134e610c169222cca',1,'mlx::core::export_to_dot(std::ostream &os, const std::vector< array > &outputs)'],['../namespacemlx_1_1core.html#a839f94dbad44f0d37333006fc876b42e',1,'mlx::core::export_to_dot(std::ostream &os, Arrays &&... outputs)'],['../namespacemlx_1_1core.html#a12faa564e0d85a1daa77c08babb75261',1,'mlx::core::export_to_dot(std::ostream &os, NodeNamer namer, Arrays &&... outputs)']]], + ['exporter_45',['exporter',['../namespacemlx_1_1core.html#a0303e26b737c9fd197ed9caa90fd21a7',1,'mlx::core::exporter(const std::string &file, const std::function< std::vector< array >(const Args &)> &fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#af2735df8513ecce88456585f5aea50f5',1,'mlx::core::exporter(const std::string &file, const std::function< std::vector< array >(const Kwargs &)> &fun, bool shapeless=false)'],['../namespacemlx_1_1core.html#af38d5718f517e50a590fdb3d63a90df1',1,'mlx::core::exporter(const std::string &path, const std::function< std::vector< array >(const Args &, const Kwargs &)> &fun, bool shapeless=false)']]], + ['eye_46',['eye',['../group__ops.html#ga45e9e68246b0d1cf03c3cc9c9e7e6ae3',1,'mlx::core::eye(int n, int m, int k, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga2c9011310a1fa7c82f942f54102c36dd',1,'mlx::core::eye(int n, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga61657db78ef35d41112d362c869c25d2',1,'mlx::core::eye(int n, int m, StreamOrDevice s={})'],['../group__ops.html#ga908a15b42834be498a46856c99dfc779',1,'mlx::core::eye(int n, int m, int k, StreamOrDevice s={})'],['../group__ops.html#gab777fcf6d4a89172c69ec3492548dc0f',1,'mlx::core::eye(int n, StreamOrDevice s={})']]] ]; diff --git a/docs/build/html/search/functions_6.js b/docs/build/html/search/functions_6.js index de7906063..ffa3b7686 100644 --- a/docs/build/html/search/functions_6.js +++ b/docs/build/html/search/functions_6.js @@ -2,7 +2,7 @@ var searchData= [ ['fabs_0',['fabs',['../namespacemetal.html#a487eba718144be1325abcf66e109bb21',1,'metal::fabs()'],['../namespacemetal_1_1fast.html#a129fbd68c9df1a437e8959a25187f554',1,'metal::fast::fabs()'],['../namespacemetal_1_1precise.html#ae4c71d8bc8ef291036a7aaa05f8be3d1',1,'metal::precise::fabs()']]], ['fdim_1',['fdim',['../namespacemetal.html#a85a560794be56d8116889c1ee2d78761',1,'metal::fdim()'],['../namespacemetal_1_1fast.html#a667df76100d5ea0ce5860ddae3e5a00b',1,'metal::fast::fdim()'],['../namespacemetal_1_1precise.html#af693e7c93de446e80dd1377f5e9e7260',1,'metal::precise::fdim()']]], - ['fence_2',['Fence',['../structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79',1,'mlx::core::metal::Fence::Fence()'],['../classmlx_1_1core_1_1_fence.html#a3e3ed08eb6a1025b051b5a435f6f95f7',1,'mlx::core::Fence::Fence()']]], + ['fence_2',['Fence',['../structmlx_1_1core_1_1metal_1_1_fence.html#a30bee4957ae595e04922952a8010fc79',1,'mlx::core::metal::Fence::Fence()'],['../classmlx_1_1core_1_1_fence.html#aeb09655b3ef4db12810defebdbbdac33',1,'mlx::core::Fence::Fence()'],['../classmlx_1_1core_1_1_fence.html#a7cabe72d8b165344ff9f7118975b6214',1,'mlx::core::Fence::Fence(Stream stream)']]], ['fft_3',['FFT',['../classmlx_1_1core_1_1_f_f_t.html#a0cdce626ed2c8eeeecc6949418437839',1,'mlx::core::FFT']]], ['fft_4',['fft',['../namespacemlx_1_1core_1_1metal.html#a39f43360d9e916fcf7e86c919b419554',1,'mlx::core::metal::fft()'],['../backend_2metal_2kernels_2fft_8h.html#a4010b0e151e5f01e610e9c32234458c7',1,'fft(): fft.h'],['../namespacemlx_1_1core_1_1fft.html#ad672de5ca029a6925b05f03bbebe5ad3',1,'mlx::core::fft::fft(const array &a, int n, int axis, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a3fe55b7b6eba32c4c8b2d206036216e0',1,'mlx::core::fft::fft(const array &a, int axis=-1, StreamOrDevice s={})']]], ['fft2_5',['fft2',['../namespacemlx_1_1core_1_1fft.html#a7a318ed0ab6a600cd7cba96ecbd72a1d',1,'mlx::core::fft::fft2(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a6eb0c5f8b33694ddb56748a97d17e8b7',1,'mlx::core::fft::fft2(const array &a, const std::vector< int > &axes={-2, -1}, StreamOrDevice s={})']]], @@ -10,27 +10,28 @@ var searchData= ['fftn_7',['fftn',['../namespacemlx_1_1core_1_1fft.html#a2c6685806eef1cae8d2da53567d23e5c',1,'mlx::core::fft::fftn(const array &a, const Shape &n, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#aaa116429c2cb5bab20b464be890252c8',1,'mlx::core::fft::fftn(const array &a, const std::vector< int > &axes, StreamOrDevice s={})'],['../namespacemlx_1_1core_1_1fft.html#a039a44197ad299a15a5847639292800c',1,'mlx::core::fft::fftn(const array &a, StreamOrDevice s={})']]], ['filewriter_8',['FileWriter',['../classmlx_1_1core_1_1io_1_1_file_writer.html#a40b241ad540ee4aadc3a19a6b1ccfb4d',1,'mlx::core::io::FileWriter::FileWriter(std::string file_path)'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#aee57db8516361f17de3cf2087d9a87d9',1,'mlx::core::io::FileWriter::FileWriter(const FileWriter &)=delete'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a12b148df8a52136628728b508ee9c55e',1,'mlx::core::io::FileWriter::FileWriter(FileWriter &&other)']]], ['fill_5fgpu_9',['fill_gpu',['../namespacemlx_1_1core.html#ae789dbda2a0f4e21aa0984f6a5dc986c',1,'mlx::core']]], - ['finfo_10',['finfo',['../structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109',1,'mlx::core::finfo']]], - ['flags_11',['flags',['../classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1',1,'mlx::core::array']]], - ['flatten_12',['Flatten',['../classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780',1,'mlx::core::Flatten']]], - ['flatten_13',['flatten',['../group__ops.html#ga50aa98754b412bb57c083f6e3e95061f',1,'mlx::core::flatten(const array &a, int start_axis, int end_axis=-1, StreamOrDevice s={})'],['../group__ops.html#gaa6adbc9c86f0ab27d8810a02e9e719fd',1,'mlx::core::flatten(const array &a, StreamOrDevice s={})']]], - ['float_5fto_5fbfloat_5fbits_14',['float_to_bfloat_bits',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31ce5e8e860295fa236e0d4b0befeae1',1,'bf16.h']]], - ['floor_15',['Floor',['../classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340',1,'mlx::core::Floor']]], - ['floor_16',['floor',['../namespacemlx_1_1core_1_1simd.html#a8e22c484298d9af10b6604c835e52052',1,'mlx::core::simd::floor(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa396efa6e9c94f4ac1f8381d5e07f069',1,'mlx::core::simd::floor(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#ad6b89aecafefe57b6ce69bec143ccd6e',1,'mlx::core::simd::floor(Simd< float16_t, N > a)'],['../namespacemetal.html#a020790f30c28a9982c4a83deaa258277',1,'metal::floor()'],['../namespacemetal_1_1fast.html#ac012ce1701c2339914f15cce9f2c632f',1,'metal::fast::floor()'],['../namespacemetal_1_1precise.html#a66e02b028e3cecfe7c80773460dc7925',1,'metal::precise::floor()'],['../group__ops.html#ga8d656904aa2690b60955ae745aecfc30',1,'mlx::core::floor(const array &a, StreamOrDevice s={})']]], - ['floor_5fdivide_17',['floor_divide',['../group__ops.html#ga05b4c6054d028107869511f927da01cd',1,'mlx::core']]], - ['fma_18',['fma',['../namespacemlx_1_1core_1_1simd.html#a9ddc7f119cc1dc04372ec1adcaf55f70',1,'mlx::core::simd::fma(Simd< T, N > x, Simd< T, N > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a8aa81ebff4c26f21cae2253d885fd87a',1,'mlx::core::simd::fma(Simd< T, 1 > x, Simd< T, 1 > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a99099c338377518773b55d4042f9410d',1,'mlx::core::simd::fma(Simd< float16_t, N > x, Simd< float16_t, N > y, T z)'],['../namespacemetal.html#a6301a78d69ff14a06194ca85a0c7d326',1,'metal::fma()'],['../namespacemetal_1_1fast.html#aebcd6e951da6f7157ec219eb7a8f1ddd',1,'metal::fast::fma()'],['../namespacemetal_1_1precise.html#a49391a64d6b66fe3a212516b316a2144',1,'metal::precise::fma()']]], - ['fmax_19',['fmax',['../namespacemetal.html#a0558e56fdb94b456deea6a4eb53964ed',1,'metal::fmax()'],['../namespacemetal_1_1fast.html#a26e3257cf877154f8a0d434be0bdb034',1,'metal::fast::fmax()'],['../namespacemetal_1_1precise.html#ac7d49f921c2883caf9eec66efc4de1cd',1,'metal::precise::fmax()']]], - ['fmax3_20',['fmax3',['../namespacemetal.html#ae0c1a7ba1a7449adc64d00b2a29e67f6',1,'metal::fmax3()'],['../namespacemetal_1_1fast.html#a5c6a3a389f348e1f92e8392b765a32c7',1,'metal::fast::fmax3()'],['../namespacemetal_1_1precise.html#adf750e51bd83d569994d0967029e3bdc',1,'metal::precise::fmax3()']]], - ['fmedian3_21',['fmedian3',['../namespacemetal.html#aa35227450d943fb88cf43162aa9d8c49',1,'metal::fmedian3()'],['../namespacemetal_1_1fast.html#a923869181c3f576f2d86fba5bfa85633',1,'metal::fast::fmedian3()'],['../namespacemetal_1_1precise.html#a48d1d0be889de4043b775bb6b030a989',1,'metal::precise::fmedian3()']]], - ['fmin_22',['fmin',['../namespacemetal.html#a66ac19825ea79b8294e243ae6d0b3d3c',1,'metal::fmin()'],['../namespacemetal_1_1fast.html#a7e202ec52bf12bfabdf2265b300acbfa',1,'metal::fast::fmin()'],['../namespacemetal_1_1precise.html#a18df8eb481dfa56c92ad31b5bab8e069',1,'metal::precise::fmin()']]], - ['fmin3_23',['fmin3',['../namespacemetal.html#ae2acd25f2241f00aaf89ff48f132a879',1,'metal::fmin3()'],['../namespacemetal_1_1fast.html#a9531c6a4a520927523961e6eb6b94c1a',1,'metal::fast::fmin3()'],['../namespacemetal_1_1precise.html#a5bb710e6742996d32225a8f54a0f116c',1,'metal::precise::fmin3()']]], - ['fmod_24',['fmod',['../namespacemetal.html#a2ff952d4d596a7969b2a3035fc2fda58',1,'metal::fmod()'],['../namespacemetal_1_1fast.html#adbec09f18a89f773d7e368ef04a69526',1,'metal::fast::fmod()'],['../namespacemetal_1_1precise.html#aa99937178a1fc8158054e328eeeae648',1,'metal::precise::fmod()']]], - ['four_5fstep_5ffft_25',['four_step_fft',['../backend_2metal_2kernels_2fft_8h.html#a6558a8205ee4c3e4767bafa93f7606de',1,'fft.h']]], - ['fract_26',['fract',['../namespacemetal.html#a6b1c15d251aeaacb1f4338a5e152ae78',1,'metal::fract()'],['../namespacemetal_1_1fast.html#aa8bb448827503e485eb649eb3edb2d4c',1,'metal::fast::fract()'],['../namespacemetal_1_1precise.html#a0f21c19332a90df1a8ff507a813b5757',1,'metal::precise::fract()']]], - ['frag_5fat_27',['frag_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const']]], - ['free_28',['free',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#ae963d551be646ae0e13df2c16f2beefb',1,'mlx::core::allocator::Allocator::free()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a84b50d1a3cbffa12c1a6cf0ed8c71079',1,'mlx::core::allocator::CommonAllocator::free()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0',1,'mlx::core::metal::MetalAllocator::free()'],['../namespacemlx_1_1core_1_1allocator.html#a77f0a1215be242db6485612bcb273af5',1,'mlx::core::allocator::free()']]], - ['frexp_29',['frexp',['../namespacemetal.html#ac89d4ef524d21a301da6c37dbd95ff9f',1,'metal::frexp()'],['../namespacemetal_1_1fast.html#a23902df22aeaa859ef673a36381387c2',1,'metal::fast::frexp()'],['../namespacemetal_1_1precise.html#a0fbb1624c308b97380f894f92fd858b4',1,'metal::precise::frexp()']]], - ['full_30',['Full',['../classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6',1,'mlx::core::Full']]], - ['full_31',['full',['../group__ops.html#ga1cf232308668fe3f4214c8b895ed4aee',1,'mlx::core::full(Shape shape, array vals, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga59f6c844cbb173e108c3eeb11801f8c6',1,'mlx::core::full(Shape shape, array vals, StreamOrDevice s={})'],['../group__ops.html#gaf073760b7b51fe35932da0d81c531a55',1,'mlx::core::full(Shape shape, T val, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaf6f2cce92aff9b71756a3cc3c961fd5a',1,'mlx::core::full(Shape shape, T val, StreamOrDevice s={})']]], - ['functionexporter_32',['FunctionExporter',['../structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c',1,'mlx::core::FunctionExporter::FunctionExporter(const FunctionExporter &)=delete'],['../structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2',1,'mlx::core::FunctionExporter::FunctionExporter(FunctionExporter &&other)=default']]] + ['finalize_10',['finalize',['../namespacemlx_1_1core_1_1metal.html#a5bfb8d4e6a7d1e51010d81ce008c3232',1,'mlx::core::metal']]], + ['finfo_11',['finfo',['../structmlx_1_1core_1_1finfo.html#a00dee158d75d12768d02a3e7b6709109',1,'mlx::core::finfo']]], + ['flags_12',['flags',['../classmlx_1_1core_1_1array.html#a0a20a6065ae71b64c1e3aa22a45fd8a1',1,'mlx::core::array']]], + ['flatten_13',['Flatten',['../classmlx_1_1core_1_1_flatten.html#ab9f72c6a90640b91f35a2bcc8dac8780',1,'mlx::core::Flatten']]], + ['flatten_14',['flatten',['../group__ops.html#ga50aa98754b412bb57c083f6e3e95061f',1,'mlx::core::flatten(const array &a, int start_axis, int end_axis=-1, StreamOrDevice s={})'],['../group__ops.html#gaa6adbc9c86f0ab27d8810a02e9e719fd',1,'mlx::core::flatten(const array &a, StreamOrDevice s={})']]], + ['float_5fto_5fbfloat_5fbits_15',['float_to_bfloat_bits',['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31ce5e8e860295fa236e0d4b0befeae1',1,'bf16.h']]], + ['floor_16',['Floor',['../classmlx_1_1core_1_1_floor.html#ada4e979b784b732696313d7094e91340',1,'mlx::core::Floor']]], + ['floor_17',['floor',['../namespacemlx_1_1core_1_1simd.html#a8e22c484298d9af10b6604c835e52052',1,'mlx::core::simd::floor(Simd< T, N > v)'],['../namespacemlx_1_1core_1_1simd.html#aa396efa6e9c94f4ac1f8381d5e07f069',1,'mlx::core::simd::floor(Simd< T, 1 > in)'],['../namespacemlx_1_1core_1_1simd.html#ad6b89aecafefe57b6ce69bec143ccd6e',1,'mlx::core::simd::floor(Simd< float16_t, N > a)'],['../namespacemetal.html#a020790f30c28a9982c4a83deaa258277',1,'metal::floor()'],['../namespacemetal_1_1fast.html#ac012ce1701c2339914f15cce9f2c632f',1,'metal::fast::floor()'],['../namespacemetal_1_1precise.html#a66e02b028e3cecfe7c80773460dc7925',1,'metal::precise::floor()'],['../group__ops.html#ga8d656904aa2690b60955ae745aecfc30',1,'mlx::core::floor(const array &a, StreamOrDevice s={})']]], + ['floor_5fdivide_18',['floor_divide',['../group__ops.html#ga05b4c6054d028107869511f927da01cd',1,'mlx::core']]], + ['fma_19',['fma',['../namespacemlx_1_1core_1_1simd.html#a9ddc7f119cc1dc04372ec1adcaf55f70',1,'mlx::core::simd::fma(Simd< T, N > x, Simd< T, N > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a8aa81ebff4c26f21cae2253d885fd87a',1,'mlx::core::simd::fma(Simd< T, 1 > x, Simd< T, 1 > y, U z)'],['../namespacemlx_1_1core_1_1simd.html#a99099c338377518773b55d4042f9410d',1,'mlx::core::simd::fma(Simd< float16_t, N > x, Simd< float16_t, N > y, T z)'],['../namespacemetal.html#a6301a78d69ff14a06194ca85a0c7d326',1,'metal::fma()'],['../namespacemetal_1_1fast.html#aebcd6e951da6f7157ec219eb7a8f1ddd',1,'metal::fast::fma()'],['../namespacemetal_1_1precise.html#a49391a64d6b66fe3a212516b316a2144',1,'metal::precise::fma()']]], + ['fmax_20',['fmax',['../namespacemetal.html#a0558e56fdb94b456deea6a4eb53964ed',1,'metal::fmax()'],['../namespacemetal_1_1fast.html#a26e3257cf877154f8a0d434be0bdb034',1,'metal::fast::fmax()'],['../namespacemetal_1_1precise.html#ac7d49f921c2883caf9eec66efc4de1cd',1,'metal::precise::fmax()']]], + ['fmax3_21',['fmax3',['../namespacemetal.html#ae0c1a7ba1a7449adc64d00b2a29e67f6',1,'metal::fmax3()'],['../namespacemetal_1_1fast.html#a5c6a3a389f348e1f92e8392b765a32c7',1,'metal::fast::fmax3()'],['../namespacemetal_1_1precise.html#adf750e51bd83d569994d0967029e3bdc',1,'metal::precise::fmax3()']]], + ['fmedian3_22',['fmedian3',['../namespacemetal.html#aa35227450d943fb88cf43162aa9d8c49',1,'metal::fmedian3()'],['../namespacemetal_1_1fast.html#a923869181c3f576f2d86fba5bfa85633',1,'metal::fast::fmedian3()'],['../namespacemetal_1_1precise.html#a48d1d0be889de4043b775bb6b030a989',1,'metal::precise::fmedian3()']]], + ['fmin_23',['fmin',['../namespacemetal.html#a66ac19825ea79b8294e243ae6d0b3d3c',1,'metal::fmin()'],['../namespacemetal_1_1fast.html#a7e202ec52bf12bfabdf2265b300acbfa',1,'metal::fast::fmin()'],['../namespacemetal_1_1precise.html#a18df8eb481dfa56c92ad31b5bab8e069',1,'metal::precise::fmin()']]], + ['fmin3_24',['fmin3',['../namespacemetal.html#ae2acd25f2241f00aaf89ff48f132a879',1,'metal::fmin3()'],['../namespacemetal_1_1fast.html#a9531c6a4a520927523961e6eb6b94c1a',1,'metal::fast::fmin3()'],['../namespacemetal_1_1precise.html#a5bb710e6742996d32225a8f54a0f116c',1,'metal::precise::fmin3()']]], + ['fmod_25',['fmod',['../namespacemetal.html#a2ff952d4d596a7969b2a3035fc2fda58',1,'metal::fmod()'],['../namespacemetal_1_1fast.html#adbec09f18a89f773d7e368ef04a69526',1,'metal::fast::fmod()'],['../namespacemetal_1_1precise.html#aa99937178a1fc8158054e328eeeae648',1,'metal::precise::fmod()']]], + ['four_5fstep_5ffft_26',['four_step_fft',['../backend_2metal_2kernels_2fft_8h.html#a6558a8205ee4c3e4767bafa93f7606de',1,'fft.h']]], + ['fract_27',['fract',['../namespacemetal.html#a6b1c15d251aeaacb1f4338a5e152ae78',1,'metal::fract()'],['../namespacemetal_1_1fast.html#aa8bb448827503e485eb649eb3edb2d4c',1,'metal::fast::fract()'],['../namespacemetal_1_1precise.html#a0f21c19332a90df1a8ff507a813b5757',1,'metal::precise::fract()']]], + ['frag_5fat_28',['frag_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1a6b1446e8c8da46885bbaa8e8fdc7e4',1,'mlx::steel::MMATile::frag_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#ad476e1d9a12178fb35c207312339e485',1,'mlx::steel::MMATile::frag_at(const short i, const short j) const']]], + ['free_29',['free',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#ae963d551be646ae0e13df2c16f2beefb',1,'mlx::core::allocator::Allocator::free()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a84b50d1a3cbffa12c1a6cf0ed8c71079',1,'mlx::core::allocator::CommonAllocator::free()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a109a0a37fb0b3be381a62dc3b1a54bf0',1,'mlx::core::metal::MetalAllocator::free()'],['../namespacemlx_1_1core_1_1allocator.html#a77f0a1215be242db6485612bcb273af5',1,'mlx::core::allocator::free()']]], + ['frexp_30',['frexp',['../namespacemetal.html#ac89d4ef524d21a301da6c37dbd95ff9f',1,'metal::frexp()'],['../namespacemetal_1_1fast.html#a23902df22aeaa859ef673a36381387c2',1,'metal::fast::frexp()'],['../namespacemetal_1_1precise.html#a0fbb1624c308b97380f894f92fd858b4',1,'metal::precise::frexp()']]], + ['full_31',['Full',['../classmlx_1_1core_1_1_full.html#aafcb86a2e41353853ec48c717e0c54d6',1,'mlx::core::Full']]], + ['full_32',['full',['../group__ops.html#ga1cf232308668fe3f4214c8b895ed4aee',1,'mlx::core::full(Shape shape, array vals, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#ga59f6c844cbb173e108c3eeb11801f8c6',1,'mlx::core::full(Shape shape, array vals, StreamOrDevice s={})'],['../group__ops.html#gaf073760b7b51fe35932da0d81c531a55',1,'mlx::core::full(Shape shape, T val, Dtype dtype, StreamOrDevice s={})'],['../group__ops.html#gaf6f2cce92aff9b71756a3cc3c961fd5a',1,'mlx::core::full(Shape shape, T val, StreamOrDevice s={})']]], + ['functionexporter_33',['FunctionExporter',['../structmlx_1_1core_1_1_function_exporter.html#a97ff954496a084d96e73a9c520c9dc0c',1,'mlx::core::FunctionExporter::FunctionExporter(const FunctionExporter &)=delete'],['../structmlx_1_1core_1_1_function_exporter.html#ac317e349139f8a6cd70d63ef65368fc2',1,'mlx::core::FunctionExporter::FunctionExporter(FunctionExporter &&other)=default']]] ]; diff --git a/docs/build/html/search/functions_7.js b/docs/build/html/search/functions_7.js index 70d20f0a1..88befce74 100644 --- a/docs/build/html/search/functions_7.js +++ b/docs/build/html/search/functions_7.js @@ -32,7 +32,7 @@ var searchData= ['get_5fcache_5fmemory_29',['get_cache_memory',['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#ad3cabbe638917ca4114eb74dcabe381f',1,'mlx::core::metal::MetalAllocator::get_cache_memory()'],['../namespacemlx_1_1core_1_1metal.html#a43307654f62ed7c58e014be7fb03909c',1,'mlx::core::metal::get_cache_memory()']]], ['get_5fcolocated_5fmtllib_5fpath_30',['get_colocated_mtllib_path',['../namespacemlx_1_1core_1_1metal.html#a5fd6ba2040e53a254b9d71ae7ebd315f',1,'mlx::core::metal']]], ['get_5fcommand_5fbuffer_31',['get_command_buffer',['../classmlx_1_1core_1_1metal_1_1_device.html#a5fe3970fbe92ccc55fce4241ffbe5210',1,'mlx::core::metal::Device']]], - ['get_5fcommand_5fencoder_32',['get_command_encoder',['../classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6',1,'mlx::core::metal::Device']]], + ['get_5fcommand_5fencoder_32',['get_command_encoder',['../classmlx_1_1core_1_1metal_1_1_device.html#affa682ef612def4890f5152f81ffb7e6',1,'mlx::core::metal::Device::get_command_encoder()'],['../namespacemlx_1_1core_1_1cpu.html#a65b1789c4b339a108e64fda5f102d933',1,'mlx::core::cpu::get_command_encoder()']]], ['get_5fcoord_33',['get_coord',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::get_coord(ushort simd_lane_id)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a7331fff1d12f2f8b72b0006a3ad0dd83',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::get_coord(ushort simd_lane_id)']]], ['get_5fcopy_5fkernel_34',['get_copy_kernel',['../namespacemlx_1_1core.html#a05a220cff45f12439fde775983c6df78',1,'mlx::core']]], ['get_5fdefault_5fstream_35',['get_default_stream',['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a2366c7b888e433608e203752edc92282',1,'mlx::core::scheduler::Scheduler']]], diff --git a/docs/build/html/search/functions_c.js b/docs/build/html/search/functions_c.js index a3297182e..93d246005 100644 --- a/docs/build/html/search/functions_c.js +++ b/docs/build/html/search/functions_c.js @@ -19,13 +19,13 @@ var searchData= ['lib_5fname_16',['lib_name',['../classmlx_1_1core_1_1_compiled.html#ae5c16cb91ac31b97e7652cc526c07439',1,'mlx::core::Compiled']]], ['linspace_17',['linspace',['../group__ops.html#ga968bcabed902311dcfbd903b0fb886ec',1,'mlx::core']]], ['load_18',['Load',['../classmlx_1_1core_1_1_load.html#a3aa8a537cd90bab048df47dca1ed526a',1,'mlx::core::Load']]], - ['load_19',['load',['../struct_read_writer.html#a120eaf4b5f32e80972a18d14e82a2d75',1,'ReadWriter::load()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../struct_read_writer.html#a8a97ba42db5692898ef7391db08d8fd0',1,'ReadWriter::load() const'],['../struct_read_writer.html#a2506ee61be67826ac9494efb12a81900',1,'ReadWriter::load() const'],['../namespacemlx_1_1core.html#a954de19249da7c1fa39b89bdc47368aa',1,'mlx::core::load()'],['../namespacemlx_1_1core_1_1simd.html#a4041676517d96870293e5448c7e2b5a4',1,'mlx::core::simd::load()'],['../namespacemlx_1_1core.html#abada9bfa834d7423959362386720f3db',1,'mlx::core::load(std::shared_ptr< io::Reader > in_stream, StreamOrDevice s={})'],['../namespacemlx_1_1core.html#ac71a08bf4c052ae3c77e9e89cbea071d',1,'mlx::core::load(std::string file, StreamOrDevice s={})']]], + ['load_19',['load',['../struct_read_writer.html#a120eaf4b5f32e80972a18d14e82a2d75',1,'ReadWriter::load()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ac73006b36fc710feda3a7c796e21415c',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa5426c6beabfb3ee41b58f01b3392a96',1,'mlx::steel::MMATile::load(const threadgroup U *src)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa9e484d8cae936503898d5b772c573f9',1,'mlx::steel::MMATile::load(const device U *src, const int ld)'],['../struct_read_writer.html#a8a97ba42db5692898ef7391db08d8fd0',1,'ReadWriter::load() const'],['../struct_read_writer.html#a2506ee61be67826ac9494efb12a81900',1,'ReadWriter::load() const'],['../namespacemlx_1_1core_1_1simd.html#a4041676517d96870293e5448c7e2b5a4',1,'mlx::core::simd::load()'],['../namespacemlx_1_1core.html#abada9bfa834d7423959362386720f3db',1,'mlx::core::load(std::shared_ptr< io::Reader > in_stream, StreamOrDevice s={})'],['../namespacemlx_1_1core.html#ac71a08bf4c052ae3c77e9e89cbea071d',1,'mlx::core::load(std::string file, StreamOrDevice s={})']]], ['load_5fgguf_20',['load_gguf',['../namespacemlx_1_1core.html#a2aa12b351ce559deb14cda0a5292c2ce',1,'mlx::core']]], ['load_5fpadded_21',['load_padded',['../struct_read_writer.html#add5bd3f647793a5a19d63197a19df73c',1,'ReadWriter::load_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#af3ce6bbb1a8dfb3bab1ae18d3eb45bc0',1,'ReadWriter::load_padded(int length, const device float2 *w_k) const'],['../struct_read_writer.html#ab116f4569bb9dc6eaef0d8d08472e239',1,'ReadWriter::load_padded(int length, const device float2 *w_k) const']]], - ['load_5fsafe_22',['load_safe',['../struct_g_e_m_v_kernel.html#a04bb72da9a93d6d1eba468fa311bbba7',1,'GEMVKernel::load_safe()'],['../struct_quantized_block_loader.html#a699dc9aa284b8fbf870310bbb224465b',1,'QuantizedBlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d',1,'mlx::steel::BlockLoaderT::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../scan_8h.html#ae8eb101e538b85f8a4bcf451489ae0ac',1,'load_safe(): scan.h']]], + ['load_5fsafe_22',['load_safe',['../struct_g_e_m_v_kernel.html#a047eca250e7cbc928bce0e13de98e558',1,'GEMVKernel::load_safe()'],['../struct_quantized_block_loader.html#a699dc9aa284b8fbf870310bbb224465b',1,'QuantizedBlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#ac2d95e35ba39e0984e6f1e58ca935f7d',1,'mlx::steel::BlockLoaderT::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../structmlx_1_1steel_1_1_block_loader.html#abb0f4f66ec8b123627beb8eb4fbb609d',1,'mlx::steel::BlockLoader::load_safe()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ad22aaee4a2938cbdd315b39eda84e07d',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::load_safe()'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3a4af67813908109da08ce7352f82da',1,'mlx::steel::MMATile::load_safe()'],['../scan_8h.html#ae8eb101e538b85f8a4bcf451489ae0ac',1,'load_safe(): scan.h']]], ['load_5fsafetensors_23',['load_safetensors',['../namespacemlx_1_1core.html#a96cc40e1af8c4626c813ce4859f70a5c',1,'mlx::core::load_safetensors(std::shared_ptr< io::Reader > in_stream, StreamOrDevice s={})'],['../namespacemlx_1_1core.html#af7eea1682a38d363c56a066321e6d526',1,'mlx::core::load_safetensors(const std::string &file, StreamOrDevice s={})']]], ['load_5fstrided_24',['load_strided',['../struct_read_writer.html#a998ef484bade81f726b9edfc6b878197',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a3d9c8cbc582cad6b5218339d0f721559',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a795a71a8e1f154a5af415ebe1b3f0713',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a0935b946b8bf2e769427fcbf2da2f7be',1,'ReadWriter::load_strided(int stride, int overall_n)'],['../struct_read_writer.html#a7d45368c74a8b7c632659504b3273a13',1,'ReadWriter::load_strided(int stride, int overall_n)']]], - ['load_5funsafe_25',['load_unsafe',['../struct_g_e_m_v_kernel.html#a6013e9c5b2f72fa1311dd038172df0ce',1,'GEMVKernel::load_unsafe()'],['../struct_quantized_block_loader.html#a86009527cb4b53e4c21fd6b1f78cfefc',1,'QuantizedBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38',1,'mlx::steel::BlockLoaderT::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55',1,'mlx::steel::Conv2DWeightBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../scan_8h.html#a9c415d07921f3961bad0a00a34f4a9a3',1,'load_unsafe(U values[N_READS], const device T *input): scan.h']]], + ['load_5funsafe_25',['load_unsafe',['../struct_g_e_m_v_kernel.html#af96a768a213a95e7a4d8f3ec1948034f',1,'GEMVKernel::load_unsafe()'],['../struct_quantized_block_loader.html#a86009527cb4b53e4c21fd6b1f78cfefc',1,'QuantizedBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader_t.html#acb743f32146fdc7986264b7beb35fb38',1,'mlx::steel::BlockLoaderT::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a961836be363409744e48e595d5e0c2ec',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8034abc10483487fc94313e3674d1111',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a69e2f7c9814d1cc1c5c267be8618dc55',1,'mlx::steel::Conv2DWeightBlockLoader::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#aa11d1a142bc868df462f48a7102147f3',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a0e262b003ac0e7ee6272585eac921704',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a3859ca11b5991ef6ee9b99afdc3ea30a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8f078982186421f5b484c0b53af9c655',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::load_unsafe()'],['../structmlx_1_1steel_1_1_block_loader.html#a6c9e27f11f48b34580ed2c7e9cad9a27',1,'mlx::steel::BlockLoader::load_unsafe()'],['../scan_8h.html#a9c415d07921f3961bad0a00a34f4a9a3',1,'load_unsafe(U values[N_READS], const device T *input): scan.h']]], ['load_5fvector_26',['load_vector',['../quantized_8h.html#a8dbace41de9e1e21dd59d016db11b3e9',1,'quantized.h']]], ['load_5fvector_5fsafe_27',['load_vector_safe',['../quantized_8h.html#aa69e143d646fad332c1a53e8c9b337b7',1,'quantized.h']]], ['location_28',['location',['../struct_looped_elem_to_loc.html#aba051a428ad0934a9c6d04d4d3ee6e0e',1,'LoopedElemToLoc::location()'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01true_01_4.html#a66b84b12f6c1494e5908989ed2849a9f',1,'LoopedElemToLoc< 1, OffsetT, true >::location()'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01false_01_4.html#a89d9ec4dc2f2f0d77e27aa0c05f261ef',1,'LoopedElemToLoc< 1, OffsetT, false >::location()'],['../struct_looped_elem_to_loc.html#aba051a428ad0934a9c6d04d4d3ee6e0e',1,'LoopedElemToLoc< 1, OffsetT, false >::location()'],['../struct_looped_elem_to_loc.html#aba051a428ad0934a9c6d04d4d3ee6e0e',1,'LoopedElemToLoc< 1, OffsetT, true >::location()']]], diff --git a/docs/build/html/search/functions_d.js b/docs/build/html/search/functions_d.js index 6c90b2e36..ff8c4a5de 100644 --- a/docs/build/html/search/functions_d.js +++ b/docs/build/html/search/functions_d.js @@ -3,55 +3,51 @@ var searchData= ['make_5farrays_0',['make_arrays',['../classmlx_1_1core_1_1array.html#a45b1c9763fe921fe5880ca28316ae98c',1,'mlx::core::array']]], ['make_5fcontiguous_5fstrides_1',['make_contiguous_strides',['../namespacemlx_1_1core.html#a449ef1148816a37bbc7ffd43d3c586a0',1,'mlx::core']]], ['make_5fstring_2',['make_string',['../namespacemlx_1_1core.html#aed148d95e7b5221f1312473deded0d27',1,'mlx::core']]], - ['make_5fsynchronize_5ftask_3',['make_synchronize_task',['../namespacemlx_1_1core_1_1metal.html#ab31abdda3052162d59f6590a89e38337',1,'mlx::core::metal']]], - ['make_5ftask_4',['make_task',['../namespacemlx_1_1core_1_1metal.html#a4552b7ccdfa7f3cc9895c09799d8048e',1,'mlx::core::metal']]], - ['malloc_5',['malloc',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a9a17d2c7a97772bf4a15e6c74af34ca4',1,'mlx::core::allocator::Allocator::malloc()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a4f3d5de6b8c0eba22e9403b28a5ef3f0',1,'mlx::core::allocator::CommonAllocator::malloc()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc',1,'mlx::core::metal::MetalAllocator::malloc()'],['../namespacemlx_1_1core_1_1allocator.html#a560d10a166e3c294f3757166f9bd6801',1,'mlx::core::allocator::malloc(size_t size)']]], - ['malloc_5for_5fwait_6',['malloc_or_wait',['../namespacemlx_1_1core_1_1allocator.html#a86ac0a11ff78f21e717f641716c34abc',1,'mlx::core::allocator']]], - ['mat_5fat_7',['mat_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)']]], - ['matmul_8',['Matmul',['../classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7',1,'mlx::core::Matmul']]], - ['matmul_9',['matmul',['../namespacemlx_1_1core.html#aaacf0afe13d77a5c49ce96f1e833eb2d',1,'mlx::core::matmul(const array &a, const array &b, array &out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, float alpha, float beta)'],['../group__ops.html#ga753d59f5a9f5f2362865ee83b4dced2a',1,'mlx::core::matmul(const array &a, const array &b, StreamOrDevice s={})']]], - ['max_10',['max',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a92320d40a58218e40cc414986ac95c50',1,'metal::_numeric_limits_impl< bfloat16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334',1,'mlx::core::numeric_limits< float16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a',1,'mlx::core::numeric_limits< bfloat16_t >::max()'],['../namespacemlx_1_1core_1_1simd.html#a6fcea259041cecfd042d0c4e6afc4b8f',1,'mlx::core::simd::max(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a312ecd0ae1c38d32147cee71fd8539d7',1,'mlx::core::simd::max(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a995da0f1b4ca8077abbbc6f6a6dfd663',1,'mlx::core::simd::max(Simd< float16_t, N > x)'],['../namespacemetal.html#a853c80479ab2264d9c4587c7bcac767b',1,'metal::max()'],['../namespacemetal_1_1fast.html#a747e2e58092a27fb8b4dd3d16934fb52',1,'metal::fast::max()'],['../namespacemetal_1_1precise.html#a6a954a4e4e3753303d1dc734855a185f',1,'metal::precise::max()'],['../group__ops.html#ga7fed87d96cc7741d8267f4eac83f5fe7',1,'mlx::core::max(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga25be91d70a5f40341db0615a0b8bfedc',1,'mlx::core::max(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga1ca7b6b91fe2459a7d83897bf013827f',1,'mlx::core::max(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga7b638050e03a93f2896c981bc2850a47',1,'mlx::core::max(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['max3_11',['max3',['../namespacemetal.html#a00f9c0ad66d969794614f56912eed9c9',1,'metal::max3()'],['../namespacemetal_1_1fast.html#a6fc2cf18ffa8149561864c86dba0f803',1,'metal::fast::max3()'],['../namespacemetal_1_1precise.html#ac490e8614ebd2c9343af1ae6c0d4e82c',1,'metal::precise::max3()']]], - ['max_5fmb_5fper_5fbuffer_12',['max_mb_per_buffer',['../namespacemlx_1_1core_1_1env.html#afc55d7755889157ded85d52cde14f413',1,'mlx::core::env']]], - ['max_5fops_5fper_5fbuffer_13',['max_ops_per_buffer',['../namespacemlx_1_1core_1_1env.html#aa532471d4506e11e0da615b9d6451083',1,'mlx::core::env']]], - ['maximum_14',['Maximum',['../classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816',1,'mlx::core::Maximum']]], - ['maximum_15',['maximum',['../namespacemlx_1_1core_1_1simd.html#a7f7a298284e71ddbd2ba0bb6d98b0d16',1,'mlx::core::simd::maximum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab54ff0f073be504e8428912f8e21effd',1,'mlx::core::simd::maximum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#ae1f11d9c2c15ebecf001d11b3fca5da2',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aa78385c9cf0b87aabc377b1b47b2929d',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a0ff63db5f193a57ef3b1fffa374eb15a',1,'mlx::core::simd::maximum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga7ade2ea305e2e4219c3609443fb5db8d',1,'mlx::core::maximum()']]], - ['maybeinsertbarrier_16',['maybeInsertBarrier',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::metal::CommandEncoder::maybeInsertBarrier()'],['../structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::CommandEncoder::maybeInsertBarrier()']]], - ['mb_5fblock_5fmerge_17',['mb_block_merge',['../sort_8h.html#a9cd2751d251acde874a95330d35fac5f',1,'sort.h']]], - ['mb_5fblock_5fpartition_18',['mb_block_partition',['../sort_8h.html#a812f19ed1db562026edc24e29185fe8c',1,'sort.h']]], - ['mb_5fblock_5fsort_19',['mb_block_sort',['../sort_8h.html#ad1ebc6ed8452f970c37c8aad5414551f',1,'sort.h']]], - ['mean_20',['mean',['../group__ops.html#gade46e768fd46b8b640eb16f26abeecef',1,'mlx::core::mean(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga52b59fdd8e8430538e564f5bbcfa31e6',1,'mlx::core::mean(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga066161f3d3e395a1d76c638cb680d444',1,'mlx::core::mean(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga45fba73eab0e3b6e128ed3ce2f43a5da',1,'mlx::core::mean(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['median3_21',['median3',['../namespacemetal.html#aa3ff49457ce3c93fc1c0897fd1525157',1,'metal::median3()'],['../namespacemetal_1_1fast.html#a742b55f1e4369921ee7f60d70185bfbc',1,'metal::fast::median3()'],['../namespacemetal_1_1precise.html#a14555ff99c4388493fec48e070144ae2',1,'metal::precise::median3()']]], - ['merge_5fpartition_22',['merge_partition',['../struct_block_merge_sort.html#ad5bd0d853e9b4352ecfd902a706d7178',1,'BlockMergeSort::merge_partition()'],['../struct_kernel_multi_block_merge_sort.html#a811e72376de254af2bf5303133562a9a',1,'KernelMultiBlockMergeSort::merge_partition()']]], - ['merge_5fstep_23',['merge_step',['../struct_block_merge_sort.html#a0386ce33d7bcfd12dbb17558d26da1bb',1,'BlockMergeSort']]], - ['meshgrid_24',['meshgrid',['../group__ops.html#ga5ecddb74ba7861eb82eca8653501d5dc',1,'mlx::core']]], - ['metal_5ffast_5fsynch_25',['metal_fast_synch',['../namespacemlx_1_1core_1_1env.html#afa1ecf087fe0c633d5460ddb2c31c945',1,'mlx::core::env']]], - ['metal_5fkernel_26',['metal_kernel',['../namespacemlx_1_1core_1_1fast.html#ab16436b465dc10ce472193d541d8426e',1,'mlx::core::fast']]], - ['min_27',['min',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#adaed80031f5ca0ff69d30ec4c5d0c98f',1,'metal::_numeric_limits_impl< bfloat16_t >::min()'],['../namespacemlx_1_1core_1_1simd.html#acd4196d0c66204cfae70b064c305e146',1,'mlx::core::simd::min(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a96db878d780a8da6abad19ac772d08ca',1,'mlx::core::simd::min(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a160075943b92d541f2e7f7472eaa5167',1,'mlx::core::simd::min(Simd< float16_t, N > x)'],['../namespacemetal.html#a6653b28c9473087141eddce39878d4d3',1,'metal::min()'],['../namespacemetal_1_1fast.html#a3e958e56a4712687c381a0b64d123e61',1,'metal::fast::min()'],['../namespacemetal_1_1precise.html#afed0da2f7df3505b5dffa2389c3cb36e',1,'metal::precise::min()'],['../group__ops.html#gab27599802617a4c8f9964ab5f4ffee12',1,'mlx::core::min(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga0140b91e9cdfc3fef0da8e332f65a9e8',1,'mlx::core::min(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga6efb83cd46436678c8f8c4af15cc00f5',1,'mlx::core::min(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga36fa315eef677f4143868f552cd26d03',1,'mlx::core::min(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], - ['min3_28',['min3',['../namespacemetal.html#a005510c8c0f964ce2b8aad3ba76a7a3f',1,'metal::min3()'],['../namespacemetal_1_1fast.html#a606a4c1b34ce05ea89ca5af81724036f',1,'metal::fast::min3()'],['../namespacemetal_1_1precise.html#a4d37ce31c3549ca4772a4ee29798e231',1,'metal::precise::min3()']]], - ['minimum_29',['Minimum',['../classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5',1,'mlx::core::Minimum']]], - ['minimum_30',['minimum',['../namespacemlx_1_1core_1_1simd.html#a1996e77a8c3c24b1ba706113ed9028c4',1,'mlx::core::simd::minimum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ac836568622a3e5957c275e115e2fcaf3',1,'mlx::core::simd::minimum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#abaa09259e92f0fe758dc979d54c327e8',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ae9ce2f34c97aba7b99223792a86d5c83',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a17f7baec6300f2ff96ec53fb1943cb49',1,'mlx::core::simd::minimum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga49ba00c090f81f331c91b0c97040bce0',1,'mlx::core::minimum()']]], - ['mlx_5fatomic_5fcompare_5fexchange_5fweak_5fexplicit_31',['mlx_atomic_compare_exchange_weak_explicit',['../atomic_8h.html#ad7f32327ff66354cfa2f0cfdac79316f',1,'mlx_atomic_compare_exchange_weak_explicit(device mlx_atomic< T > *object, thread T *expected, T val, size_t offset): atomic.h'],['../atomic_8h.html#aa8f47b2e9b95d4b00ad51f08b070deb5',1,'mlx_atomic_compare_exchange_weak_explicit(device mlx_atomic< T > *object, thread uint *expected, uint val, size_t offset): atomic.h']]], - ['mlx_5fatomic_5ffetch_5fadd_5fexplicit_32',['mlx_atomic_fetch_add_explicit',['../atomic_8h.html#aad448d9e06e001700b65ca8317216a3b',1,'atomic.h']]], - ['mlx_5fatomic_5ffetch_5fand_5fexplicit_33',['mlx_atomic_fetch_and_explicit',['../atomic_8h.html#a253e3c870c0ddc7c28ab2f6ca2c3eae5',1,'atomic.h']]], - ['mlx_5fatomic_5ffetch_5fmax_5fexplicit_34',['mlx_atomic_fetch_max_explicit',['../atomic_8h.html#ac480f2b459a8ad9095cee353e152d00c',1,'atomic.h']]], - ['mlx_5fatomic_5ffetch_5fmax_5fexplicit_3c_20float_20_3e_35',['mlx_atomic_fetch_max_explicit< float >',['../atomic_8h.html#a1dce2abfa16417122c4d2bf261129ae4',1,'atomic.h']]], - ['mlx_5fatomic_5ffetch_5fmin_5fexplicit_36',['mlx_atomic_fetch_min_explicit',['../atomic_8h.html#a2ec33dca0039bd944d73d1c2b378cc19',1,'atomic.h']]], - ['mlx_5fatomic_5ffetch_5fmin_5fexplicit_3c_20float_20_3e_37',['mlx_atomic_fetch_min_explicit< float >',['../atomic_8h.html#ab7d1dc49f319f239b7ee0b7c72976dd0',1,'atomic.h']]], - ['mlx_5fatomic_5ffetch_5fmul_5fexplicit_38',['mlx_atomic_fetch_mul_explicit',['../atomic_8h.html#adfdbea60436f14f1af9ce36e2a0a77a3',1,'atomic.h']]], - ['mlx_5fatomic_5ffetch_5for_5fexplicit_39',['mlx_atomic_fetch_or_explicit',['../atomic_8h.html#ab7391f197001471e4788312bdb6ab37a',1,'atomic.h']]], - ['mlx_5fatomic_5fload_5fexplicit_40',['mlx_atomic_load_explicit',['../atomic_8h.html#a253a4e8c2c5768a069e2791b627dfc99',1,'atomic.h']]], - ['mlx_5fatomic_5fstore_5fexplicit_41',['mlx_atomic_store_explicit',['../atomic_8h.html#a0ae453140b0819a4c02f265334de98c0',1,'atomic.h']]], - ['mma_42',['mma',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ae49be5820609d08885a811ae1d082a4b',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread frag_type &D, thread dtype_frag_t< Atype > &A, thread dtype_frag_t< Btype > &B, thread dtype_frag_t< Ctype > &C)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#afcdc0e744021facfe52347eaa0fc549e',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread mat_type &D, thread dtype_mat_t< Atype > &A, thread dtype_mat_t< Btype > &B, thread dtype_mat_t< Ctype > &C)'],['../structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0',1,'mlx::steel::BlockMMA::mma()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8028512f5a3d2b6acaf966be529627a3',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread frag_type &D, thread frag_type &A, thread frag_type &B, thread frag_type &C)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1868f57d57c8adedab2c58492ec76946',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread mat_type &D, thread mat_type &A, thread mat_type &B, thread mat_type &C)'],['../structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0',1,'mlx::steel::BlockMMA::mma()']]], - ['mmatile_43',['MMATile',['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6',1,'mlx::steel::MMATile::MMATile() thread'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6',1,'mlx::steel::MMATile::MMATile() thread']]], - ['move_5for_5fcopy_44',['move_or_copy',['../namespacemlx_1_1core.html#a830a47d8a317dffb0c88e5a7afe6aee2',1,'mlx::core::move_or_copy(const array &in, array &out)'],['../namespacemlx_1_1core.html#a9fcb3711b150cb65c7778a35c51284b2',1,'mlx::core::move_or_copy(const array &in, array &out, const Strides &strides, array::Flags flags, size_t data_size, size_t offset=0)']]], - ['move_5fshared_5fbuffer_45',['move_shared_buffer',['../classmlx_1_1core_1_1array.html#ad41cc5e7aebfcad849ad15d697584cf8',1,'mlx::core::array::move_shared_buffer(array other, const Strides &strides, Flags flags, size_t data_size, size_t offset=0)'],['../classmlx_1_1core_1_1array.html#a38d7ad605f8282e5e49d0c09e0555c78',1,'mlx::core::array::move_shared_buffer(array other)']]], - ['moveaxis_46',['moveaxis',['../group__ops.html#ga24067d10a842db2c9d509ea48135a2c3',1,'mlx::core']]], - ['mpinplace_47',['MPINPLACE',['../namespacepocketfft_1_1detail.html#af5eedf3cdfc83c0a30807092c39a9ce2',1,'pocketfft::detail']]], - ['mtl_5fdevice_48',['mtl_device',['../classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653',1,'mlx::core::metal::Device']]], - ['mtl_5fresidency_5fset_49',['mtl_residency_set',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9',1,'mlx::core::metal::ResidencySet']]], - ['multi_5fiter_50',['multi_iter',['../classpocketfft_1_1detail_1_1multi__iter.html#a9be43bb18840202da6d17988fccc64b9',1,'pocketfft::detail::multi_iter']]], - ['multiply_51',['Multiply',['../classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c',1,'mlx::core::Multiply']]], - ['multiply_52',['multiply',['../group__ops.html#gaf57392e641640b5d06e4c99518391c38',1,'mlx::core']]], - ['multivariate_5fnormal_53',['multivariate_normal',['../namespacemlx_1_1core_1_1random.html#ae6a8407fbca0817a4b8c94e02952f77d',1,'mlx::core::random']]] + ['malloc_3',['malloc',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a9a17d2c7a97772bf4a15e6c74af34ca4',1,'mlx::core::allocator::Allocator::malloc()'],['../classmlx_1_1core_1_1allocator_1_1_common_allocator.html#a4f3d5de6b8c0eba22e9403b28a5ef3f0',1,'mlx::core::allocator::CommonAllocator::malloc()'],['../classmlx_1_1core_1_1metal_1_1_metal_allocator.html#a6c0feb9b1ff9977f76c69745393944bc',1,'mlx::core::metal::MetalAllocator::malloc()'],['../namespacemlx_1_1core_1_1allocator.html#a560d10a166e3c294f3757166f9bd6801',1,'mlx::core::allocator::malloc(size_t size)']]], + ['malloc_5for_5fwait_4',['malloc_or_wait',['../namespacemlx_1_1core_1_1allocator.html#a86ac0a11ff78f21e717f641716c34abc',1,'mlx::core::allocator']]], + ['mat_5fat_5',['mat_at',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a323a4f38cd0693bf333832bb4258b28e',1,'mlx::steel::MMATile::mat_at(const short i, const short j)']]], + ['matmul_6',['Matmul',['../classmlx_1_1core_1_1_matmul.html#adef92f30ab35e540ccb316ea6b94e6f7',1,'mlx::core::Matmul']]], + ['matmul_7',['matmul',['../namespacemlx_1_1core.html#afd07258882634dcda1e6f18f10dc28d5',1,'mlx::core::matmul(const T *a, const T *b, T *out, bool a_transposed, bool b_transposed, size_t lda, size_t ldb, size_t ldc, float alpha, float beta, size_t batch_size, const Shape &a_shape, const Strides &a_strides, const Shape &b_shape, const Strides &b_strides)'],['../group__ops.html#ga753d59f5a9f5f2362865ee83b4dced2a',1,'mlx::core::matmul(const array &a, const array &b, StreamOrDevice s={})']]], + ['max_8',['max',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a92320d40a58218e40cc414986ac95c50',1,'metal::_numeric_limits_impl< bfloat16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01float16__t_01_4.html#a6dd1fadd4cc7c2cec6223977c238c334',1,'mlx::core::numeric_limits< float16_t >::max()'],['../structmlx_1_1core_1_1numeric__limits_3_01bfloat16__t_01_4.html#a01712fcb04266320225c168a0e6f619a',1,'mlx::core::numeric_limits< bfloat16_t >::max()'],['../namespacemlx_1_1core_1_1simd.html#a6fcea259041cecfd042d0c4e6afc4b8f',1,'mlx::core::simd::max(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a312ecd0ae1c38d32147cee71fd8539d7',1,'mlx::core::simd::max(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a995da0f1b4ca8077abbbc6f6a6dfd663',1,'mlx::core::simd::max(Simd< float16_t, N > x)'],['../namespacemetal.html#a853c80479ab2264d9c4587c7bcac767b',1,'metal::max()'],['../namespacemetal_1_1fast.html#a747e2e58092a27fb8b4dd3d16934fb52',1,'metal::fast::max()'],['../namespacemetal_1_1precise.html#a6a954a4e4e3753303d1dc734855a185f',1,'metal::precise::max()'],['../group__ops.html#ga7fed87d96cc7741d8267f4eac83f5fe7',1,'mlx::core::max(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga25be91d70a5f40341db0615a0b8bfedc',1,'mlx::core::max(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga1ca7b6b91fe2459a7d83897bf013827f',1,'mlx::core::max(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga7b638050e03a93f2896c981bc2850a47',1,'mlx::core::max(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], + ['max3_9',['max3',['../namespacemetal.html#a00f9c0ad66d969794614f56912eed9c9',1,'metal::max3()'],['../namespacemetal_1_1fast.html#a6fc2cf18ffa8149561864c86dba0f803',1,'metal::fast::max3()'],['../namespacemetal_1_1precise.html#ac490e8614ebd2c9343af1ae6c0d4e82c',1,'metal::precise::max3()']]], + ['max_5fmb_5fper_5fbuffer_10',['max_mb_per_buffer',['../namespacemlx_1_1core_1_1env.html#afc55d7755889157ded85d52cde14f413',1,'mlx::core::env']]], + ['max_5fops_5fper_5fbuffer_11',['max_ops_per_buffer',['../namespacemlx_1_1core_1_1env.html#aa532471d4506e11e0da615b9d6451083',1,'mlx::core::env']]], + ['maximum_12',['Maximum',['../classmlx_1_1core_1_1_maximum.html#a28389307e385efe1b2955b86b115e816',1,'mlx::core::Maximum']]], + ['maximum_13',['maximum',['../namespacemlx_1_1core_1_1simd.html#a7f7a298284e71ddbd2ba0bb6d98b0d16',1,'mlx::core::simd::maximum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab54ff0f073be504e8428912f8e21effd',1,'mlx::core::simd::maximum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#ae1f11d9c2c15ebecf001d11b3fca5da2',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aa78385c9cf0b87aabc377b1b47b2929d',1,'mlx::core::simd::maximum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a0ff63db5f193a57ef3b1fffa374eb15a',1,'mlx::core::simd::maximum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga7ade2ea305e2e4219c3609443fb5db8d',1,'mlx::core::maximum()']]], + ['maybeinsertbarrier_14',['maybeInsertBarrier',['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::metal::CommandEncoder::maybeInsertBarrier()'],['../structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991',1,'mlx::core::CommandEncoder::maybeInsertBarrier()']]], + ['mb_5fblock_5fmerge_15',['mb_block_merge',['../sort_8h.html#a9cd2751d251acde874a95330d35fac5f',1,'sort.h']]], + ['mb_5fblock_5fpartition_16',['mb_block_partition',['../sort_8h.html#a812f19ed1db562026edc24e29185fe8c',1,'sort.h']]], + ['mb_5fblock_5fsort_17',['mb_block_sort',['../sort_8h.html#ad1ebc6ed8452f970c37c8aad5414551f',1,'sort.h']]], + ['mean_18',['mean',['../group__ops.html#gade46e768fd46b8b640eb16f26abeecef',1,'mlx::core::mean(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga52b59fdd8e8430538e564f5bbcfa31e6',1,'mlx::core::mean(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga066161f3d3e395a1d76c638cb680d444',1,'mlx::core::mean(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga45fba73eab0e3b6e128ed3ce2f43a5da',1,'mlx::core::mean(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], + ['median3_19',['median3',['../namespacemetal.html#aa3ff49457ce3c93fc1c0897fd1525157',1,'metal::median3()'],['../namespacemetal_1_1fast.html#a742b55f1e4369921ee7f60d70185bfbc',1,'metal::fast::median3()'],['../namespacemetal_1_1precise.html#a14555ff99c4388493fec48e070144ae2',1,'metal::precise::median3()']]], + ['merge_5fpartition_20',['merge_partition',['../struct_block_merge_sort.html#ad5bd0d853e9b4352ecfd902a706d7178',1,'BlockMergeSort::merge_partition()'],['../struct_kernel_multi_block_merge_sort.html#a811e72376de254af2bf5303133562a9a',1,'KernelMultiBlockMergeSort::merge_partition()']]], + ['merge_5fstep_21',['merge_step',['../struct_block_merge_sort.html#a0386ce33d7bcfd12dbb17558d26da1bb',1,'BlockMergeSort']]], + ['meshgrid_22',['meshgrid',['../group__ops.html#ga5ecddb74ba7861eb82eca8653501d5dc',1,'mlx::core']]], + ['metal_5ffast_5fsynch_23',['metal_fast_synch',['../namespacemlx_1_1core_1_1env.html#afa1ecf087fe0c633d5460ddb2c31c945',1,'mlx::core::env']]], + ['metal_5fkernel_24',['metal_kernel',['../namespacemlx_1_1core_1_1fast.html#ab16436b465dc10ce472193d541d8426e',1,'mlx::core::fast']]], + ['min_25',['min',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#adaed80031f5ca0ff69d30ec4c5d0c98f',1,'metal::_numeric_limits_impl< bfloat16_t >::min()'],['../namespacemlx_1_1core_1_1simd.html#acd4196d0c66204cfae70b064c305e146',1,'mlx::core::simd::min(Simd< T, N > x)'],['../namespacemlx_1_1core_1_1simd.html#a96db878d780a8da6abad19ac772d08ca',1,'mlx::core::simd::min(Simd< T, 1 > x)'],['../namespacemlx_1_1core_1_1simd.html#a160075943b92d541f2e7f7472eaa5167',1,'mlx::core::simd::min(Simd< float16_t, N > x)'],['../namespacemetal.html#a6653b28c9473087141eddce39878d4d3',1,'metal::min()'],['../namespacemetal_1_1fast.html#a3e958e56a4712687c381a0b64d123e61',1,'metal::fast::min()'],['../namespacemetal_1_1precise.html#afed0da2f7df3505b5dffa2389c3cb36e',1,'metal::precise::min()'],['../group__ops.html#gab27599802617a4c8f9964ab5f4ffee12',1,'mlx::core::min(const array &a, bool keepdims, StreamOrDevice s={})'],['../group__ops.html#ga0140b91e9cdfc3fef0da8e332f65a9e8',1,'mlx::core::min(const array &a, StreamOrDevice s={})'],['../group__ops.html#ga6efb83cd46436678c8f8c4af15cc00f5',1,'mlx::core::min(const array &a, const std::vector< int > &axes, bool keepdims=false, StreamOrDevice s={})'],['../group__ops.html#ga36fa315eef677f4143868f552cd26d03',1,'mlx::core::min(const array &a, int axis, bool keepdims=false, StreamOrDevice s={})']]], + ['min3_26',['min3',['../namespacemetal.html#a005510c8c0f964ce2b8aad3ba76a7a3f',1,'metal::min3()'],['../namespacemetal_1_1fast.html#a606a4c1b34ce05ea89ca5af81724036f',1,'metal::fast::min3()'],['../namespacemetal_1_1precise.html#a4d37ce31c3549ca4772a4ee29798e231',1,'metal::precise::min3()']]], + ['minimum_27',['Minimum',['../classmlx_1_1core_1_1_minimum.html#ab0f2ce17108df44b82cff68886b0f6f5',1,'mlx::core::Minimum']]], + ['minimum_28',['minimum',['../namespacemlx_1_1core_1_1simd.html#a1996e77a8c3c24b1ba706113ed9028c4',1,'mlx::core::simd::minimum(Simd< T, N > a, Simd< T, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ac836568622a3e5957c275e115e2fcaf3',1,'mlx::core::simd::minimum(Simd< T, 1 > a_, Simd< T, 1 > b_)'],['../namespacemlx_1_1core_1_1simd.html#abaa09259e92f0fe758dc979d54c327e8',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ae9ce2f34c97aba7b99223792a86d5c83',1,'mlx::core::simd::minimum(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a17f7baec6300f2ff96ec53fb1943cb49',1,'mlx::core::simd::minimum(T a, Simd< float16_t, N > b)'],['../group__ops.html#ga49ba00c090f81f331c91b0c97040bce0',1,'mlx::core::minimum()']]], + ['mlx_5fatomic_5fcompare_5fexchange_5fweak_5fexplicit_29',['mlx_atomic_compare_exchange_weak_explicit',['../atomic_8h.html#ad7f32327ff66354cfa2f0cfdac79316f',1,'mlx_atomic_compare_exchange_weak_explicit(device mlx_atomic< T > *object, thread T *expected, T val, size_t offset): atomic.h'],['../atomic_8h.html#aa8f47b2e9b95d4b00ad51f08b070deb5',1,'mlx_atomic_compare_exchange_weak_explicit(device mlx_atomic< T > *object, thread uint *expected, uint val, size_t offset): atomic.h']]], + ['mlx_5fatomic_5ffetch_5fadd_5fexplicit_30',['mlx_atomic_fetch_add_explicit',['../atomic_8h.html#aad448d9e06e001700b65ca8317216a3b',1,'atomic.h']]], + ['mlx_5fatomic_5ffetch_5fand_5fexplicit_31',['mlx_atomic_fetch_and_explicit',['../atomic_8h.html#a253e3c870c0ddc7c28ab2f6ca2c3eae5',1,'atomic.h']]], + ['mlx_5fatomic_5ffetch_5fmax_5fexplicit_32',['mlx_atomic_fetch_max_explicit',['../atomic_8h.html#ac480f2b459a8ad9095cee353e152d00c',1,'atomic.h']]], + ['mlx_5fatomic_5ffetch_5fmax_5fexplicit_3c_20float_20_3e_33',['mlx_atomic_fetch_max_explicit< float >',['../atomic_8h.html#a1dce2abfa16417122c4d2bf261129ae4',1,'atomic.h']]], + ['mlx_5fatomic_5ffetch_5fmin_5fexplicit_34',['mlx_atomic_fetch_min_explicit',['../atomic_8h.html#a2ec33dca0039bd944d73d1c2b378cc19',1,'atomic.h']]], + ['mlx_5fatomic_5ffetch_5fmin_5fexplicit_3c_20float_20_3e_35',['mlx_atomic_fetch_min_explicit< float >',['../atomic_8h.html#ab7d1dc49f319f239b7ee0b7c72976dd0',1,'atomic.h']]], + ['mlx_5fatomic_5ffetch_5fmul_5fexplicit_36',['mlx_atomic_fetch_mul_explicit',['../atomic_8h.html#adfdbea60436f14f1af9ce36e2a0a77a3',1,'atomic.h']]], + ['mlx_5fatomic_5ffetch_5for_5fexplicit_37',['mlx_atomic_fetch_or_explicit',['../atomic_8h.html#ab7391f197001471e4788312bdb6ab37a',1,'atomic.h']]], + ['mlx_5fatomic_5fload_5fexplicit_38',['mlx_atomic_load_explicit',['../atomic_8h.html#a253a4e8c2c5768a069e2791b627dfc99',1,'atomic.h']]], + ['mlx_5fatomic_5fstore_5fexplicit_39',['mlx_atomic_store_explicit',['../atomic_8h.html#a0ae453140b0819a4c02f265334de98c0',1,'atomic.h']]], + ['mma_40',['mma',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#ae49be5820609d08885a811ae1d082a4b',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread frag_type &D, thread dtype_frag_t< Atype > &A, thread dtype_frag_t< Btype > &B, thread dtype_frag_t< Ctype > &C)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#afcdc0e744021facfe52347eaa0fc549e',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread mat_type &D, thread dtype_mat_t< Atype > &A, thread dtype_mat_t< Btype > &B, thread dtype_mat_t< Ctype > &C)'],['../structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0',1,'mlx::steel::BlockMMA::mma()'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a8028512f5a3d2b6acaf966be529627a3',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread frag_type &D, thread frag_type &A, thread frag_type &B, thread frag_type &C)'],['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a1868f57d57c8adedab2c58492ec76946',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::mma(thread mat_type &D, thread mat_type &A, thread mat_type &B, thread mat_type &C)'],['../structmlx_1_1steel_1_1_block_m_m_a.html#a6a2c2a6d5e767d52c41b42a9d36086b0',1,'mlx::steel::BlockMMA::mma()']]], + ['mmatile_41',['MMATile',['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6',1,'mlx::steel::MMATile::MMATile() thread'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#aa3fb310dd08ec23c334511f7b316d1b6',1,'mlx::steel::MMATile::MMATile() thread']]], + ['moveaxis_42',['moveaxis',['../group__ops.html#ga24067d10a842db2c9d509ea48135a2c3',1,'mlx::core']]], + ['mpinplace_43',['MPINPLACE',['../namespacepocketfft_1_1detail.html#af5eedf3cdfc83c0a30807092c39a9ce2',1,'pocketfft::detail']]], + ['mtl_5fdevice_44',['mtl_device',['../classmlx_1_1core_1_1metal_1_1_device.html#a31dba377f2be44a746db10d1b9367653',1,'mlx::core::metal::Device']]], + ['mtl_5fresidency_5fset_45',['mtl_residency_set',['../classmlx_1_1core_1_1metal_1_1_residency_set.html#ac4bfe5ef5e2eaebc458a1ed1953d15e9',1,'mlx::core::metal::ResidencySet']]], + ['multi_5fiter_46',['multi_iter',['../classpocketfft_1_1detail_1_1multi__iter.html#a9be43bb18840202da6d17988fccc64b9',1,'pocketfft::detail::multi_iter']]], + ['multiply_47',['Multiply',['../classmlx_1_1core_1_1_multiply.html#aca5c50f900321f3eb4d6fbcbc225c00c',1,'mlx::core::Multiply']]], + ['multiply_48',['multiply',['../group__ops.html#gaf57392e641640b5d06e4c99518391c38',1,'mlx::core']]], + ['multivariate_5fnormal_49',['multivariate_normal',['../namespacemlx_1_1core_1_1random.html#ae6a8407fbca0817a4b8c94e02952f77d',1,'mlx::core::random']]] ]; diff --git a/docs/build/html/search/functions_f.js b/docs/build/html/search/functions_f.js index c6601de9d..20a6899c3 100644 --- a/docs/build/html/search/functions_f.js +++ b/docs/build/html/search/functions_f.js @@ -32,7 +32,7 @@ var searchData= ['operator_3c_29',['operator<',['../namespacemlx_1_1core_1_1simd.html#a6cd6e41660608d17ca8d38658d5e385c',1,'mlx::core::simd::operator<(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#ad9bebf95b37fa0c6517be82af5ccd4eb',1,'mlx::core::simd::operator<(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ac962a14c88c87082fc70a9c0370f35b0',1,'mlx::core::simd::operator<(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a23b59272b0760326844fffe20db9b3e2',1,'mlx::core::simd::operator<(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a01259c9188e6ecd48979cdc2fd766372',1,'mlx::core::simd::operator<(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#acf35d81032bb9043804fd1de43540f60',1,'mlx::core::simd::operator<(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a3f63139b42029ba8d7b3b8ef10f5ac96',1,'mlx::core::simd::operator<(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aaf29bfdcfdbb9a0acb9f4a6ed622868f',1,'mlx::core::simd::operator<(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a9e0c9b3e986809be5e87aacc4612bb8e',1,'mlx::core::simd::operator<(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a67674e32596a9dae2258bb8e0e6a2058',1,'operator<(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9ef6a57b7185e9ca49e255fec1a44e25',1,'operator<(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aab02c65bc38ea66335b2192ead4095a8',1,'operator<(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae91686513e284bcc9635833744bbdda1',1,'operator<(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2486f3b5de85b0d57f458d8f21f82b42',1,'operator<(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a435a2aec4c777b4b184ff5d24992e8a1',1,'operator<(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abdd04257e6a73883b5f56f1186d0e906',1,'operator<(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a69984aaa05ae1d4fccccf7f57e8ecb4a',1,'operator<(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a501cc01d5bf15d9f03aa28545f9624ea',1,'operator<(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1b029e4ca72125a5f9471f582c819705',1,'operator<(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0736a76f56578d26ba1422dc8b744a18',1,'operator<(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a24b1fa8998c892f90f8dde7c34fb10a5',1,'operator<(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af80ff2020ec2c4b406c5fdae3fe55e63',1,'operator<(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac03f6eefb836373d37dc280b0d813d78',1,'operator<(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#adb5f24b57d98214fc215a06475f21412',1,'mlx::steel::operator<()'],['../group__ops.html#gaee41e2b8f61d563200ff03575ac1d6c3',1,'mlx::core::operator<(const array &a, const array &b)'],['../group__ops.html#ga1ef8ea11cf15ce628c54201fa42748ef',1,'mlx::core::operator<(T a, const array &b)'],['../group__ops.html#ga95e72226dc7a79c40b3d16f990922050',1,'mlx::core::operator<(const array &a, T b)'],['../namespacemlx_1_1core.html#a987d631e1508e8df55d98ddd57e4d086',1,'mlx::core::operator<(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad3fb46370cd8f0992866fad9e2c64a3c',1,'mlx::core::operator<(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a3026691bf7ee5095243a8611bf3411aa',1,'mlx::core::operator<(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0d42d6c1d5f77a96e2f296b8ebd79ee6',1,'mlx::core::operator<(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ab5ce08a7de0a0ca00d61f7a7f8ea3ab4',1,'mlx::core::operator<(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abce8b7f24b61e5ec0f9a3afe20845caf',1,'mlx::core::operator<(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#aff97612627ae1ed260c43c0a7af0d306',1,'mlx::core::operator<(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a9119e518234df7923cae2b3802d59bf2',1,'mlx::core::operator<(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#aefb9b05ce8864ada99a920ab32017b89',1,'mlx::core::operator<(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#abc55f3676c2d112a6e9ab276bd6b1796',1,'mlx::core::operator<(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#afe6581a2c45f24d7fab1e4006c1e3c70',1,'mlx::core::operator<(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aca1d50cdd9506481dcc4cd1ad4a4f734',1,'mlx::core::operator<(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a310720f513b6a2490e9df80c65f1bfb3',1,'mlx::core::operator<(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a29e457a170b6cefb6ba1e394c96c6f7b',1,'mlx::core::operator<(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#afd4519985b6b207ec41ad8530d1036df',1,'mlx::core::operator<(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae1e41ca94022e43a00cdfc5845102daa',1,'mlx::core::operator<(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ac80f4022bffd95b57526685ce8e1cbc1',1,'mlx::core::operator<(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a3a8f6f0af477788c4f0aa98abfc5f1ab',1,'mlx::core::operator<(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a3728ed9b6cbd152bf675251a0501b466',1,'mlx::core::operator<(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a5b9ad811a5e1358100c5423dd70ea387',1,'mlx::core::operator<(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a5c77e1db83995d3e06a8a26265bce5d6',1,'mlx::core::operator<(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab8a0a3f70664049b35ce1887bd8ff5c2',1,'mlx::core::operator<(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6652d93bfb2d426e261a1712a181a4d2',1,'mlx::core::operator<(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a03758b8d13da2de07cc4f4fc45d2854b',1,'mlx::core::operator<(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a325161b81a9ff179fd37d949780a17ba',1,'mlx::core::operator<(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a92eca79fce8233e4299343eee3996511',1,'mlx::core::operator<(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#adb016662b8f7eb680abfe1a421eabe72',1,'mlx::core::operator<(uint64_t lhs, _MLX_Float16 rhs)']]], ['operator_3c_3c_30',['operator<<',['../namespacemlx_1_1core_1_1simd.html#ae21cbfd232edd7fe0f6f6c9fa11a354e',1,'mlx::core::simd::operator<<(Simd< T, N > x, U y)'],['../namespacemlx_1_1core_1_1simd.html#a56fccba38270fe3ae9fa7b2ecdeb5e87',1,'mlx::core::simd::operator<<(T1 x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a4ecd782ffa497ac7dc2482a232b0dd00',1,'mlx::core::simd::operator<<(Simd< T1, N > x, Simd< T2, N > y)'],['../namespacemlx_1_1core_1_1simd.html#a33232e2342d5a3e542c9428924a25830',1,'mlx::core::simd::operator<<(Simd< T1, 1 > a, Simd< T2, 1 > b) -> Simd< decltype(a.value<< b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a50044315dc365f026830416f6b615c77',1,'mlx::core::simd::operator<<(T1 a, Simd< T2, 1 > b) -> Simd< decltype(a<< b.value), 1 >'],['../namespacemlx_1_1core_1_1simd.html#a68e7b952915e629d246d1ffac98b54ce',1,'mlx::core::simd::operator<<(Simd< T1, 1 > a, T2 b) -> Simd< decltype(a.value<< b), 1 >'],['../group__ops.html#gad656c30f9fd7d9467e405657b325aa7e',1,'mlx::core::operator<<(const array &a, const array &b)'],['../namespacemlx_1_1core.html#a1e5c30e316afa30c14bc48b92afdb794',1,'mlx::core::operator<<(std::ostream &os, const Device &d)'],['../namespacemlx_1_1core.html#a4ddd07021b36c848d6fb1dd9ac276822',1,'mlx::core::operator<<(std::ostream &os, const Stream &s)'],['../namespacemlx_1_1core.html#a0023c267cf81345fad65e7a797954cd3',1,'mlx::core::operator<<(std::ostream &os, const Dtype &d)'],['../namespacemlx_1_1core.html#a1fd58658474fb842d648dcf8f7d9f078',1,'mlx::core::operator<<(std::ostream &os, const Dtype::Kind &k)'],['../namespacemlx_1_1core.html#a123331f01188bd76e37623b63b6b4340',1,'mlx::core::operator<<(std::ostream &os, array a)'],['../namespacemlx_1_1core.html#a4e733bba89760abed32393e085812b22',1,'mlx::core::operator<<(std::ostream &os, const std::vector< int > &v)'],['../namespacemlx_1_1core.html#a5e5bd5c57b1cf19776bdb41e732861d9',1,'mlx::core::operator<<(std::ostream &os, const std::vector< int64_t > &v)'],['../namespacemlx_1_1core.html#a42a19c8442b173606e714364227e7d45',1,'mlx::core::operator<<(std::ostream &os, const complex64_t &v)'],['../namespacemlx_1_1core.html#a57eb97a5eba99a846ac429795e407574',1,'mlx::core::operator<<(std::ostream &os, const float16_t &v)'],['../namespacemlx_1_1core.html#a7db909d54cf07375e89424c32c07a29c',1,'mlx::core::operator<<(std::ostream &os, const bfloat16_t &v)']]], ['operator_3c_3d_31',['operator<=',['../namespacemlx_1_1core_1_1simd.html#a4d5e4c31af23d2871e09b88c1f6e418c',1,'mlx::core::simd::operator<=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#ae0fcb84973e4762a543ad3843db4f153',1,'mlx::core::simd::operator<=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aadd49786edc08f867e592d234327a031',1,'mlx::core::simd::operator<=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aec6783f79ca181d6782a810ffb267482',1,'mlx::core::simd::operator<=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a05240b8fd6f54632b676d4b66449f799',1,'mlx::core::simd::operator<=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a914e821c358e05dfe8d0208888646793',1,'mlx::core::simd::operator<=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#ad1570f6937d194a09e61d0e3a70ef578',1,'mlx::core::simd::operator<=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#a46c6ea18a9edd2a9cdba2ab62ca4782c',1,'mlx::core::simd::operator<=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#accd17f741cab18590fdbe388d4783967',1,'mlx::core::simd::operator<=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#aee04c9a63c6716a99a027418354debb0',1,'operator<=(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#af469c58cffeab488c681f4b33f02cd05',1,'operator<=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a5a81eae168dfafd299c2b94e3e8558cf',1,'operator<=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f486bf02c6ad5b9b6a96d3450f03e47',1,'operator<=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#acba9efe192d22b7781b4622103c7a944',1,'operator<=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aff100489cc40ad276c2d5d67a9df67db',1,'operator<=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a7eac96f64ca42991caf819c8e8c8d2bc',1,'operator<=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a88c11cd37600de5480570da3d2ae5732',1,'operator<=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a08c7d12a0d16565fbf052dba2db8b22d',1,'operator<=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2b9de9624c0a507b4ead85f898ad9daf',1,'operator<=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a28f8d21c5eef047c701cf690ce9c2ef0',1,'operator<=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a14b56c687053ee2432398a25663c068f',1,'operator<=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0f360806708b95a3be400af0b8871b57',1,'operator<=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a80d288f22cadfdf5e904410349e616a1',1,'operator<=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a6cc3bab5e7f6e7c719c82afa90ad2827',1,'mlx::steel::operator<=()'],['../group__ops.html#ga4c8b8a1632944acaae50f0de6c23ece6',1,'mlx::core::operator<=(const array &a, const array &b)'],['../group__ops.html#ga150a9be467c9f91482a6d6fc13504bc4',1,'mlx::core::operator<=(T a, const array &b)'],['../group__ops.html#ga624eeccef0cc4b130e1325abfea057cb',1,'mlx::core::operator<=(const array &a, T b)'],['../namespacemlx_1_1core.html#a0066a47cb21223ddebc77992ee874fb9',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2593dbace3ce50e7146d9514726a543f',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a88654bcf6c9728517a2933ca2e29a7c1',1,'mlx::core::operator<=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a5d4f449e9c1699b99fcf894dd15e8af3',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a6b678bea8fdcda1f11c6691b56a15211',1,'mlx::core::operator<=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae8aacc606ea16f018a90eae758830a35',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a25668dea4ffb51c7c00eeecb9530d1d8',1,'mlx::core::operator<=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a084558b6a5487549799c49c37c9e9652',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ade2e2a0daa79d5c52f278f85f03dde2e',1,'mlx::core::operator<=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a750a2d2b4976ad94b08994d081f83445',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ade5a175ff45347689ac4c798d04c8ffc',1,'mlx::core::operator<=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae25e0c01b46612f039313a4825ba6428',1,'mlx::core::operator<=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a5c90f16d8f6edf4b75c96b945b9fa591',1,'mlx::core::operator<=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a8cd6583fa0fc9957f993e00b2ec01d91',1,'mlx::core::operator<=(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a012130a0458cbc30b88365e0e0eab232',1,'mlx::core::operator<=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae8c890bdcffadee8c5dab85c907f57eb',1,'mlx::core::operator<=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a43cb070553c1f2fffb32ef6670e30980',1,'mlx::core::operator<=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ac759b7798d668a99535e59e26d6ba192',1,'mlx::core::operator<=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a70e528a789b5660d98e783b045aaa379',1,'mlx::core::operator<=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a40bd8abb8a4d989ddabbb298518bd7f5',1,'mlx::core::operator<=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a4155d4b0c76f37ab5e0b54f9cd683f35',1,'mlx::core::operator<=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad8bb648d0603a206e0392990c911ca0b',1,'mlx::core::operator<=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ace72a5853f2afd6510dcb97d54fa650d',1,'mlx::core::operator<=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ab38f7a0d3c0809071ff5d3af859018d6',1,'mlx::core::operator<=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a7904b886d7b535a6af0a885d00597323',1,'mlx::core::operator<=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a57952168bd0b54c2677204d4ab1cb6e5',1,'mlx::core::operator<=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a6235dc5f4db517618bb3449b08c96e8b',1,'mlx::core::operator<=(uint64_t lhs, _MLX_Float16 rhs)']]], - ['operator_3d_32',['operator=',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a027b84cddc8d476f736ac1f1a9991fe4',1,'mlx::core::allocator::Allocator::operator=(const Allocator &other)=delete'],['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a2e971b47339b1d0849a334a902a9df3c',1,'mlx::core::allocator::Allocator::operator=(Allocator &&other)=delete'],['../classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36',1,'mlx::core::array::operator=(const array &other) &&=delete'],['../classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd',1,'mlx::core::array::operator=(array &&other) &&=delete'],['../classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479',1,'mlx::core::array::operator=(array &&other) &=default'],['../classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147',1,'mlx::core::array::operator=(const array &other) &'],['../structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748',1,'mlx::core::array::Data::operator=()'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::metal::CommandEncoder::operator=()'],['../classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73',1,'mlx::core::metal::Device::operator=()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45',1,'mlx::core::metal::ResidencySet::operator=()'],['../structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7',1,'mlx::core::FunctionExporter::operator=()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25',1,'mlx::core::io::FileWriter::operator=()'],['../classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b',1,'mlx::core::Primitive::operator=(const Primitive &other)=delete'],['../classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e',1,'mlx::core::Primitive::operator=(Primitive &&other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22',1,'mlx::core::UnaryPrimitive::operator=(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5',1,'mlx::core::UnaryPrimitive::operator=(UnaryPrimitive &&other)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db',1,'mlx::core::scheduler::Scheduler::operator=(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379',1,'mlx::core::scheduler::Scheduler::operator=(Scheduler &&)=delete'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3',1,'mlx::core::_MLX_BFloat16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14',1,'mlx::core::_MLX_BFloat16::operator=(const float &x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c',1,'mlx::core::_MLX_Float16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d',1,'mlx::core::_MLX_Float16::operator=(const float &x)'],['../structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::CommandEncoder::operator=()']]], + ['operator_3d_32',['operator=',['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a027b84cddc8d476f736ac1f1a9991fe4',1,'mlx::core::allocator::Allocator::operator=(const Allocator &other)=delete'],['../classmlx_1_1core_1_1allocator_1_1_allocator.html#a2e971b47339b1d0849a334a902a9df3c',1,'mlx::core::allocator::Allocator::operator=(Allocator &&other)=delete'],['../classmlx_1_1core_1_1array.html#a8acf2b4c75f9b7f79da6675dbc36cf36',1,'mlx::core::array::operator=(const array &other) &&=delete'],['../classmlx_1_1core_1_1array.html#a5c89c2406a610b32943955f9a5060fbd',1,'mlx::core::array::operator=(array &&other) &&=delete'],['../classmlx_1_1core_1_1array.html#ad3277ff68f1336aa217f9cbe40181479',1,'mlx::core::array::operator=(array &&other) &=default'],['../classmlx_1_1core_1_1array.html#a5da41aabecf4c8055b7515341bf57147',1,'mlx::core::array::operator=(const array &other) &'],['../structmlx_1_1core_1_1array_1_1_data.html#a68e9417954fe811b5e41e6317a526748',1,'mlx::core::array::Data::operator=()'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a3d4415f4022da093cee23ef6f2a50c7c',1,'mlx::core::cpu::CommandEncoder::operator=(const CommandEncoder &)=delete'],['../structmlx_1_1core_1_1cpu_1_1_command_encoder.html#af2623c4a8fd0408e5be2c5fabaf98771',1,'mlx::core::cpu::CommandEncoder::operator=(CommandEncoder &&)=delete'],['../structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::metal::CommandEncoder::operator=()'],['../classmlx_1_1core_1_1metal_1_1_device.html#ad1d6382fd18a46b1906e1b43e0bd2e73',1,'mlx::core::metal::Device::operator=()'],['../classmlx_1_1core_1_1metal_1_1_residency_set.html#aef97dbbc755940789f99a26164591c45',1,'mlx::core::metal::ResidencySet::operator=()'],['../structmlx_1_1core_1_1_function_exporter.html#a7ec0f53eb2783d5b1953be612e36d5c7',1,'mlx::core::FunctionExporter::operator=()'],['../classmlx_1_1core_1_1io_1_1_file_writer.html#a957211656a13b4c0d126989a9aba3e25',1,'mlx::core::io::FileWriter::operator=()'],['../classmlx_1_1core_1_1_primitive.html#a6b1be7ea92f3a7bb19875c70259dad6b',1,'mlx::core::Primitive::operator=(const Primitive &other)=delete'],['../classmlx_1_1core_1_1_primitive.html#a50bbddd43e1ba0cf5f127cd7aa756a9e',1,'mlx::core::Primitive::operator=(Primitive &&other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#a0a859309a4f192f2679e07f2e4ff4d22',1,'mlx::core::UnaryPrimitive::operator=(const UnaryPrimitive &other)=delete'],['../classmlx_1_1core_1_1_unary_primitive.html#ab90b2ea80f1d914be03cf44def5db5a5',1,'mlx::core::UnaryPrimitive::operator=(UnaryPrimitive &&other)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#ab170dbd2ce34c51e2eeebf5d08e7e2db',1,'mlx::core::scheduler::Scheduler::operator=(const Scheduler &)=delete'],['../classmlx_1_1core_1_1scheduler_1_1_scheduler.html#a035ea35f4dd8ee985973080f14029379',1,'mlx::core::scheduler::Scheduler::operator=(Scheduler &&)=delete'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#a0f65b0523b8ddd989f338da6cb2860e3',1,'mlx::core::_MLX_BFloat16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#abb8cd44ee22b17c55333ff2eb4e13a14',1,'mlx::core::_MLX_BFloat16::operator=(const float &x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a608a099bf7116ee608dcfd31ea3ade2c',1,'mlx::core::_MLX_Float16::operator=(std::vector< bool >::reference x)'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a35543c3653d477c46350697fb808373d',1,'mlx::core::_MLX_Float16::operator=(const float &x)'],['../structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e',1,'mlx::core::CommandEncoder::operator=()']]], ['operator_3d_3d_33',['operator==',['../namespacemlx_1_1core_1_1simd.html#a273fcc5387c1c9878e658ba6bc32f00c',1,'mlx::core::simd::operator==(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a46ede415296683771bb22246a813482a',1,'mlx::core::simd::operator==(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a63768090c16e5dcffccadf550d169abc',1,'mlx::core::simd::operator==(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a7928482ed5d25932be80413c7239125c',1,'mlx::core::simd::operator==(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a51de2acf3dcd55c7c52e3ce7ed6ed9d7',1,'mlx::core::simd::operator==(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a4877ae5406d081680b785a86ad656e03',1,'mlx::core::simd::operator==(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#acafae9e62680565cd1f1c50c64d7ce4f',1,'mlx::core::simd::operator==(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aa837052ddcb02f4d9bc39b07399b4d91',1,'mlx::core::simd::operator==(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aaacbf6671080409e822fbb218e3fdf00',1,'mlx::core::simd::operator==(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#abfc19f03616441245dfc7726b278f190',1,'operator==(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a49a13b06a325ed3cca4004b6a0cde065',1,'operator==(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a0aa3bfcfab53700488e5f386e6de60d5',1,'operator==(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3936148781ab1c4f33f58d12c116f370',1,'operator==(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae753526b669fba27771089dc809abd66',1,'operator==(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a05a4f197a71d0f16879032f44492bb79',1,'operator==(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae86f5917847b1ec9f313996250f2e0be',1,'operator==(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aab74ec4d33a64b92b908717d500f1ecf',1,'operator==(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac30a2c1fa6f172af903fdeb6a8632606',1,'operator==(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab4e9ad547aa23daa351075e0ecc58fa2',1,'operator==(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa5fa1a8f2b39c3508fe38205469756d1',1,'operator==(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aeadc1f36c6bdc219294ce9341d80afa5',1,'operator==(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a3ae2091ada1e39e857fbc53c97bdb79f',1,'operator==(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac7b4d295f3c7b1e09964f24f306422da',1,'operator==(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#abcc797f27e87e857b41c1a8d33ee2c78',1,'mlx::steel::operator==()'],['../namespacemlx_1_1core.html#a937503d72b66c661bf3f5fdcd98ef97c',1,'mlx::core::operator==(const Device &lhs, const Device &rhs)'],['../group__ops.html#gaa30cf69f3d22f65615f5e1696dd5703f',1,'mlx::core::operator==(const array &a, const array &b)'],['../group__ops.html#gaf115782d009ac2a547fcca395c9ec797',1,'mlx::core::operator==(T a, const array &b)'],['../group__ops.html#ga3ad3ed7aece2650943a35082dbe3a0a5',1,'mlx::core::operator==(const array &a, T b)'],['../namespacemlx_1_1core.html#ac470f937a379d6356c8f567c97cd7481',1,'mlx::core::operator==(const Stream &lhs, const Stream &rhs)'],['../namespacemlx_1_1core.html#aec63a0472cb943fe39f31e7678555572',1,'mlx::core::operator==(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad05311ca8e2f19ffe5849e963837cec7',1,'mlx::core::operator==(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aaaf591cb2188381e6cbd857132d04eb7',1,'mlx::core::operator==(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a7ef33c33509ccccf1ab217500e8b3c1a',1,'mlx::core::operator==(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#abec4200a718b7c5ed80b7abcc4447260',1,'mlx::core::operator==(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ad853981b1c5ba69b07d54c7b77055d22',1,'mlx::core::operator==(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a752d6cb4172a9cb91e5da19582329c6d',1,'mlx::core::operator==(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0175beb3de139faa08479a88215b35ea',1,'mlx::core::operator==(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a61da2851cb3beeef28049228346c28b5',1,'mlx::core::operator==(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#aa24713cb9e39bacb516c992eb03d2b2b',1,'mlx::core::operator==(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a6d565dd93c46259f9486d9fdf0969589',1,'mlx::core::operator==(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a24e79a82557861de64dad66d36e6ff30',1,'mlx::core::operator==(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#af27d515ac390d62bd852b73ea759a947',1,'mlx::core::operator==(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ae3e1e8b7a5410e0edf35f31f74295e2f',1,'mlx::core::operator==(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aaa22230a66b15c3e774d8ce45783a746',1,'mlx::core::operator==(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ae2a0bcdc171d7e9745d33e1d9aac4f8a',1,'mlx::core::operator==(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a331ec62442a8d3eb8ccba7b4de5168d1',1,'mlx::core::operator==(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#acfcaefe0990eb3533e2b11a6f2657492',1,'mlx::core::operator==(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a8d48dbd49cccff07777affb2a412058c',1,'mlx::core::operator==(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a88eae27edd22fa4418776672023cb276',1,'mlx::core::operator==(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a188b363f633ea360407b3f9cf4e1f1a6',1,'mlx::core::operator==(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ae065fe5c42c1a333d7858d19f6434fa9',1,'mlx::core::operator==(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a2f98db199deb6d7a82551fa4afec655a',1,'mlx::core::operator==(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a85f83add412cb320b5cd1c3da6aadbd5',1,'mlx::core::operator==(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a7e2cee66c3ca1b56f4f3d7fd1d6e0be1',1,'mlx::core::operator==(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#ad436557da5c7fea71fc58182a876cfe5',1,'mlx::core::operator==(uint64_t lhs, _MLX_Float16 rhs)']]], ['operator_3e_34',['operator>',['../namespacemlx_1_1core_1_1simd.html#abd37e62eff936a64677b5aba787b4d18',1,'mlx::core::simd::operator>(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a71a6902e729e3facdc609e93cd12d485',1,'mlx::core::simd::operator>(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab7b291b3559792e18208e17432d25342',1,'mlx::core::simd::operator>(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ad8b67f9ced9c7f3cb472b9c3df817f08',1,'mlx::core::simd::operator>(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a4113a94fb8dcd0d88f14ec9d82089508',1,'mlx::core::simd::operator>(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ac971bfa5c7ec8abc432eab5f3c5646aa',1,'mlx::core::simd::operator>(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a35d875fa7bce02a6171f37240a346e1d',1,'mlx::core::simd::operator>(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#acf2391cc4d945887d7820501ba14ba89',1,'mlx::core::simd::operator>(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#aa17e031474fa87f6ea7855257dcc9ece',1,'mlx::core::simd::operator>(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#a032a8d3eec2384c9f03066f7fd945995',1,'operator>(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae394c0a10e47d1d047854a888402eb57',1,'operator>(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ab9cd098786d2f4c855c42e4a6f30ab3e',1,'operator>(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a55600f3b9859e2891e0e0b5690867b72',1,'operator>(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#afd7cdb8ed2a9820efe9cf322c06f188c',1,'operator>(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a31bbdbe0b62b90a4d6ea4bb0a7db586b',1,'operator>(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a68125e66f74eaffe5ea9267638ce870d',1,'operator>(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac89eb6b29edad8cca63727ab97171c29',1,'operator>(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a74e477567c9477c2cf0684f81ef4498f',1,'operator>(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2d37130b6fd79b425f5ba92b65e36bed',1,'operator>(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a41d55d167e9dc63bf29d15e0ff004869',1,'operator>(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aa95f9ebfdab3c5f524775651362ce914',1,'operator>(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2826bd301bb5393473ccd363f2052c0d',1,'operator>(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a62a512d0edd894759c69f724b970fbdb',1,'operator>(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#a7512eadda6160e4c9d9e6aa4049fac20',1,'mlx::steel::operator>()'],['../group__ops.html#ga74fd2777adef10e6fe628a9cdadb01cb',1,'mlx::core::operator>(const array &a, const array &b)'],['../group__ops.html#ga32e106e794e2c32e4e7decee2df2477f',1,'mlx::core::operator>(T a, const array &b)'],['../group__ops.html#ga96552b90e89923c5d2064cc427775ec5',1,'mlx::core::operator>(const array &a, T b)'],['../namespacemlx_1_1core.html#aedc4e9df4bf71c0ac34fcfae60cdf550',1,'mlx::core::operator>(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a14c188303d09b97867bcfd34519aa4a6',1,'mlx::core::operator>(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#ac97736fadafa7efa201624d0e1128ee8',1,'mlx::core::operator>(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a3c41a304126bc225bdc68062d1eb6e7e',1,'mlx::core::operator>(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ab594f3ae1ee13227fae940fef0d00cb9',1,'mlx::core::operator>(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a01dabc077a872c115a9a9ccd95f1acec',1,'mlx::core::operator>(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#adabbd8768d216873617768249473a5c7',1,'mlx::core::operator>(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#adae1b14669d27ce1fe0c214771c07b77',1,'mlx::core::operator>(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#ab03a22961d99fa12d3e74b3116e94e8f',1,'mlx::core::operator>(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a42011a27a3d23a60be5be44ee7cac87c',1,'mlx::core::operator>(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a50f6a94bb36d89cf28817aff88ab89c8',1,'mlx::core::operator>(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac173de50ee57b1b066d49363ba978c53',1,'mlx::core::operator>(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#ab09f1b4879aa3190c2f66c9bd1224021',1,'mlx::core::operator>(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a91eb6ca854217424129a55ae95a123b5',1,'mlx::core::operator>(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a58d5795d8312599d101ae16f194e4a2a',1,'mlx::core::operator>(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#aafa3bbeda78610c4285f3e57042268f3',1,'mlx::core::operator>(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a8a928d76a6fbf3d336296401e14617a4',1,'mlx::core::operator>(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ade2f9222fd433cd4d673c6182f256235',1,'mlx::core::operator>(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#ae24c337810c841ff23e327efde7045e1',1,'mlx::core::operator>(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#acf401ede354fcc998b13ea6442994d7e',1,'mlx::core::operator>(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#a2bb28a9a0894a73ae1b27e7f4da0841a',1,'mlx::core::operator>(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a09d631e8a85fd7ae72e1a868b8f9b9cb',1,'mlx::core::operator>(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a49421ea65b5a98df080d75b1636b2157',1,'mlx::core::operator>(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a692ce931b660415e17f92d18a8e0d446',1,'mlx::core::operator>(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a579bb87b3ede5663d7cd68c7c0f6fb9e',1,'mlx::core::operator>(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#af810587a17e692f4eec256d3c3cd27de',1,'mlx::core::operator>(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a50f4177d3ca03a95fc2614e100c7391d',1,'mlx::core::operator>(uint64_t lhs, _MLX_Float16 rhs)']]], ['operator_3e_3d_35',['operator>=',['../namespacemlx_1_1core_1_1simd.html#a87e11ab36aae3328fe3d5230bdf31692',1,'mlx::core::simd::operator>=(Simd< T, N > a, U b)'],['../namespacemlx_1_1core_1_1simd.html#a4e65febbfa8b4df2970c1d78801b3c66',1,'mlx::core::simd::operator>=(T a, Simd< U, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a673b4d8d228f35f06cf5b882335f04d5',1,'mlx::core::simd::operator>=(Simd< T1, N > a, Simd< T2, N > b)'],['../namespacemlx_1_1core_1_1simd.html#a530ac8728e4d7e7be2482d5b2467906c',1,'mlx::core::simd::operator>=(Simd< T1, 1 > a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#ac7f3848b48c8e23c71c85fcc9909b933',1,'mlx::core::simd::operator>=(T1 a, Simd< T2, 1 > b)'],['../namespacemlx_1_1core_1_1simd.html#a034d7b57cb3c6ca711c573515327d1a8',1,'mlx::core::simd::operator>=(Simd< T1, 1 > a, T2 b)'],['../namespacemlx_1_1core_1_1simd.html#a8d7dcf1914ce8fe8518d84b0f2a5fe91',1,'mlx::core::simd::operator>=(Simd< float16_t, N > a, T b)'],['../namespacemlx_1_1core_1_1simd.html#aecdc08fcc70b158749a93a7a0f688aa3',1,'mlx::core::simd::operator>=(T a, Simd< float16_t, N > b)'],['../namespacemlx_1_1core_1_1simd.html#ab9097573af69cc66d1427d0f52507e7a',1,'mlx::core::simd::operator>=(Simd< float16_t, N > a, Simd< float16_t, N > b)'],['../backend_2metal_2kernels_2complex_8h.html#aafbd686c180398c98b33d7643f893a46',1,'operator>=(complex64_t a, complex64_t b): complex.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a430dd11fbf4c6f39bc1506ab43b2341f',1,'operator>=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a64f6787a96386246f83a8981d274150e',1,'operator>=(_MLX_BFloat16 lhs, float rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1a788f82212afad30e4c2ee40f1c313c',1,'operator>=(float lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ae88617c4a012c5dc12781a349a28c886',1,'operator>=(_MLX_BFloat16 lhs, half rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a467a88531150a4d9d30fce07c49c126e',1,'operator>=(half lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a9e21c5ea9dd724dc2ca8c54ad908f09c',1,'operator>=(_MLX_BFloat16 lhs, int32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2f6286d222e2176bcbdc824c5d598100',1,'operator>=(int32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#abec53064aa96265385ecc57de5fbc74c',1,'operator>=(_MLX_BFloat16 lhs, uint32_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#ac766839f8f9e4863e8e18418c342c875',1,'operator>=(uint32_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a2807fa6862b0f9689c81199b1e695ed8',1,'operator>=(_MLX_BFloat16 lhs, int64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#aee3ae0d0d1f941463b06eca0bf041b2b',1,'operator>=(int64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a523eda93c809733368e2b45382d2add6',1,'operator>=(_MLX_BFloat16 lhs, uint64_t rhs): bf16.h'],['../backend_2metal_2kernels_2metal__3__0_2bf16_8h.html#a1f4e90909ac1c7280f4c7d1977c55fb7',1,'operator>=(uint64_t lhs, _MLX_BFloat16 rhs): bf16.h'],['../namespacemlx_1_1steel.html#aa3c95c60cf69603705bb4636de547bcb',1,'mlx::steel::operator>=()'],['../group__ops.html#ga3a41895f25ed083a36994d95fa102546',1,'mlx::core::operator>=(const array &a, const array &b)'],['../group__ops.html#gaf509f2cb3b18963232f20d6c3bd229b2',1,'mlx::core::operator>=(T a, const array &b)'],['../group__ops.html#gafa0eb25d5978674bfc9e59d4145ec590',1,'mlx::core::operator>=(const array &a, T b)'],['../namespacemlx_1_1core.html#a8494764f5c686743ede66dc76d85d955',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a019df48807b506d9995856684bf7797a',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, float rhs)'],['../namespacemlx_1_1core.html#a96ab6405430efb887cdb5c828cb67d6e',1,'mlx::core::operator>=(float lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ac18be72269b1bcfb0249cc00a0600681',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, double rhs)'],['../namespacemlx_1_1core.html#aeb879815228efbd2c8f80986e1c8d41f',1,'mlx::core::operator>=(double lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a0051156f6a568f58cd54850f746fb507',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ae93556906e115625ed1b62d36cf21b70',1,'mlx::core::operator>=(int32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#ab81ad16e3be591dfc9e42ac3c19b055f',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a6cfe9b03e7c5f1eb9374208a552c3cc9',1,'mlx::core::operator>=(uint32_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a2f5add83812fb137dd9226c6c01e45d5',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#ad1014a836e7ce9301de8588eef1e89ee',1,'mlx::core::operator>=(int64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a17791561434dc995de9f268d145c0ed1',1,'mlx::core::operator>=(_MLX_BFloat16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a3755925b24a903045937464be117de2f',1,'mlx::core::operator>=(uint64_t lhs, _MLX_BFloat16 rhs)'],['../namespacemlx_1_1core.html#a6262aeb513d27fc8313293b261e72abb',1,'mlx::core::operator>=(const complex64_t &a, const complex64_t &b)'],['../namespacemlx_1_1core.html#a6feb4b3ea511b0eda4d1ec9725f3fb4c',1,'mlx::core::operator>=(_MLX_Float16 lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a03b3f7fcb755ec075985ab26336926f0',1,'mlx::core::operator>=(_MLX_Float16 lhs, float rhs)'],['../namespacemlx_1_1core.html#aecfbf5ef4872ae447eb4a374e4db28e4',1,'mlx::core::operator>=(float lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ae4690f349b2483f5d1a4b75aba67399f',1,'mlx::core::operator>=(_MLX_Float16 lhs, double rhs)'],['../namespacemlx_1_1core.html#a667e95146dd5199e67bcb121b984b1f0',1,'mlx::core::operator>=(double lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a3375f1562f148bdc07451f2b6e54e6df',1,'mlx::core::operator>=(_MLX_Float16 lhs, int32_t rhs)'],['../namespacemlx_1_1core.html#ae83df12368cb07ccb1c10c1117ff3922',1,'mlx::core::operator>=(int32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#ad41251938cf852b5560c1180944ebb49',1,'mlx::core::operator>=(_MLX_Float16 lhs, uint32_t rhs)'],['../namespacemlx_1_1core.html#a4ddb5ef0b88929086f9b09729fda0dde',1,'mlx::core::operator>=(uint32_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a0908a61ab261aff726922b33fa6ed159',1,'mlx::core::operator>=(_MLX_Float16 lhs, int64_t rhs)'],['../namespacemlx_1_1core.html#a0fdadf87edd8a0a57c63953fb0ebe053',1,'mlx::core::operator>=(int64_t lhs, _MLX_Float16 rhs)'],['../namespacemlx_1_1core.html#a47c82778e43032c0bbf5d59407e81dc9',1,'mlx::core::operator>=(_MLX_Float16 lhs, uint64_t rhs)'],['../namespacemlx_1_1core.html#a14e6c43b924eacca1b2dac1d5d00ca2b',1,'mlx::core::operator>=(uint64_t lhs, _MLX_Float16 rhs)']]], diff --git a/docs/build/html/search/namespaces_0.js b/docs/build/html/search/namespaces_0.js index f9c2e1fc6..4462d2836 100644 --- a/docs/build/html/search/namespaces_0.js +++ b/docs/build/html/search/namespaces_0.js @@ -6,19 +6,20 @@ var searchData= ['mlx_3',['mlx',['../namespacemlx.html',1,'']]], ['mlx_3a_3acore_4',['core',['../namespacemlx_1_1core.html',1,'mlx']]], ['mlx_3a_3acore_3a_3aallocator_5',['allocator',['../namespacemlx_1_1core_1_1allocator.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3adetail_6',['detail',['../namespacemlx_1_1core_1_1detail.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3adistributed_7',['distributed',['../namespacemlx_1_1core_1_1distributed.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3adistributed_3a_3adetail_8',['detail',['../namespacemlx_1_1core_1_1distributed_1_1detail.html',1,'mlx::core::distributed']]], - ['mlx_3a_3acore_3a_3adistributed_3a_3ampi_9',['mpi',['../namespacemlx_1_1core_1_1distributed_1_1mpi.html',1,'mlx::core::distributed']]], - ['mlx_3a_3acore_3a_3adistributed_3a_3aring_10',['ring',['../namespacemlx_1_1core_1_1distributed_1_1ring.html',1,'mlx::core::distributed']]], - ['mlx_3a_3acore_3a_3aenv_11',['env',['../namespacemlx_1_1core_1_1env.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3afast_12',['fast',['../namespacemlx_1_1core_1_1fast.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3afft_13',['fft',['../namespacemlx_1_1core_1_1fft.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3aio_14',['io',['../namespacemlx_1_1core_1_1io.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3alinalg_15',['linalg',['../namespacemlx_1_1core_1_1linalg.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3ametal_16',['metal',['../namespacemlx_1_1core_1_1metal.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3arandom_17',['random',['../namespacemlx_1_1core_1_1random.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3ascheduler_18',['scheduler',['../namespacemlx_1_1core_1_1scheduler.html',1,'mlx::core']]], - ['mlx_3a_3acore_3a_3asimd_19',['simd',['../namespacemlx_1_1core_1_1simd.html',1,'mlx::core']]], - ['mlx_3a_3asteel_20',['steel',['../namespacemlx_1_1steel.html',1,'mlx']]] + ['mlx_3a_3acore_3a_3acpu_6',['cpu',['../namespacemlx_1_1core_1_1cpu.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3adetail_7',['detail',['../namespacemlx_1_1core_1_1detail.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3adistributed_8',['distributed',['../namespacemlx_1_1core_1_1distributed.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3adistributed_3a_3adetail_9',['detail',['../namespacemlx_1_1core_1_1distributed_1_1detail.html',1,'mlx::core::distributed']]], + ['mlx_3a_3acore_3a_3adistributed_3a_3ampi_10',['mpi',['../namespacemlx_1_1core_1_1distributed_1_1mpi.html',1,'mlx::core::distributed']]], + ['mlx_3a_3acore_3a_3adistributed_3a_3aring_11',['ring',['../namespacemlx_1_1core_1_1distributed_1_1ring.html',1,'mlx::core::distributed']]], + ['mlx_3a_3acore_3a_3aenv_12',['env',['../namespacemlx_1_1core_1_1env.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3afast_13',['fast',['../namespacemlx_1_1core_1_1fast.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3afft_14',['fft',['../namespacemlx_1_1core_1_1fft.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3aio_15',['io',['../namespacemlx_1_1core_1_1io.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3alinalg_16',['linalg',['../namespacemlx_1_1core_1_1linalg.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3ametal_17',['metal',['../namespacemlx_1_1core_1_1metal.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3arandom_18',['random',['../namespacemlx_1_1core_1_1random.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3ascheduler_19',['scheduler',['../namespacemlx_1_1core_1_1scheduler.html',1,'mlx::core']]], + ['mlx_3a_3acore_3a_3asimd_20',['simd',['../namespacemlx_1_1core_1_1simd.html',1,'mlx::core']]], + ['mlx_3a_3asteel_21',['steel',['../namespacemlx_1_1steel.html',1,'mlx']]] ]; diff --git a/docs/build/html/search/variables_1.js b/docs/build/html/search/variables_1.js index d29c4f45e..326e51129 100644 --- a/docs/build/html/search/variables_1.js +++ b/docs/build/html/search/variables_1.js @@ -21,8 +21,8 @@ var searchData= ['biases_18',['biases',['../struct_quantized_block_loader.html#a17d01a6aba0833b073586ef2c09d0fbd',1,'QuantizedBlockLoader']]], ['bits_5f_19',['bits_',['../struct___m_l_x___b_float16.html#a4113263b63e3757ea8334cc4f0f5c3c8',1,'_MLX_BFloat16::bits_'],['../structmlx_1_1core_1_1___m_l_x___b_float16.html#aca48963f820065c3d8ecab24265ab3fc',1,'mlx::core::_MLX_BFloat16::bits_'],['../structmlx_1_1core_1_1___m_l_x___float16.html#a5203fe52424fd32bce6eb7917dd9288b',1,'mlx::core::_MLX_Float16::bits_']]], ['bj_20',['bj',['../struct_quantized_block_loader.html#ae2add92b2aaf3414e91f0470b9b0cc00',1,'QuantizedBlockLoader::bj'],['../structmlx_1_1steel_1_1_block_loader.html#a78c326e75ee35a484685771143047cd4',1,'mlx::steel::BlockLoader::bj'],['../structmlx_1_1steel_1_1_block_loader_t.html#aca83e49c31095badc8a46eb3c8e00957',1,'mlx::steel::BlockLoaderT::bj'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a7ae9e41f50c0c63c35b63086a1c22cc3',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::bj'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a6fd3dd7b74d91609fa9dd61c657a0e32',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::bj'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a6f2fdcaf5a67567cca38ae3d8120ab37',1,'mlx::steel::Conv2DWeightBlockLoader::bj'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a7cf448573d41fbc67f8dfc65b7aef2b2',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::bj'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#adaa261fc2e8e694aedab4ebd60b52e5e',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::bj'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ace16704025bc6e6204c306a357f3a8b8',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::bj'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#acec010e10d5733654963407af38d4f67',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::bj']]], - ['blockm_21',['blockM',['../struct_g_e_m_v_kernel.html#a7281520100658811076400060663903c',1,'GEMVKernel::blockM'],['../struct_g_e_m_v_t_kernel.html#a2ae8ce535d59cccf453381b4485a77f0',1,'GEMVTKernel::blockM']]], - ['blockn_22',['blockN',['../struct_g_e_m_v_kernel.html#a2fef17f9c9aa0bdf530ad3554fb0988b',1,'GEMVKernel::blockN'],['../struct_g_e_m_v_t_kernel.html#a60be87666006ba0bf88bc8e6902da42a',1,'GEMVTKernel::blockN']]], + ['blockm_21',['blockM',['../struct_g_e_m_v_kernel.html#a188ef7ed5c1d74d9b540b6d4ebf12f2e',1,'GEMVKernel::blockM'],['../struct_g_e_m_v_t_kernel.html#aa3f9e771c59770a72b73fb673eb7bf71',1,'GEMVTKernel::blockM']]], + ['blockn_22',['blockN',['../struct_g_e_m_v_kernel.html#af22b6e5ed1a9d350866aaafa35d63a8a',1,'GEMVKernel::blockN'],['../struct_g_e_m_v_t_kernel.html#a2091b9804b702cbb995899312e3da417',1,'GEMVTKernel::blockN']]], ['bool_5f_23',['bool_',['../namespacemlx_1_1core.html#a113d2bac7e4aa6a4cb4a5c3242527b82',1,'mlx::core']]], ['brows_24',['BROWS',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ac070c6bd5be85b1ae805e18890db4fd4',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::BROWS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a10591ea957605a9c662f93d59ff3410d',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::BROWS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ae9b86b05b23153ea1abaeead456c491c',1,'mlx::steel::Conv2DWeightBlockLoader::BROWS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a343984fb74ec579a4404278dbbc7e7b5',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::BROWS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acc8140aae84694f62e6324dbb6a614a4',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::BROWS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aba1e1c8012e4e50f0e9bcfb9486c1781',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::BROWS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a015a0c56de74a0c4d51953a7e94fbba8',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::BROWS']]], ['bs_5foffset_25',['Bs_offset',['../structmlx_1_1steel_1_1_block_m_m_a.html#a92f6aeee432f53638447eac842f43eca',1,'mlx::steel::BlockMMA']]], diff --git a/docs/build/html/search/variables_10.js b/docs/build/html/search/variables_10.js index 20b577f42..e5bf7a792 100644 --- a/docs/build/html/search/variables_10.js +++ b/docs/build/html/search/variables_10.js @@ -3,7 +3,9 @@ var searchData= ['q_0',['q',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#adf608e22d0c0397217472408aab52631',1,'mlx::core::scheduler::StreamThread']]], ['q_5fstrides_1',['Q_strides',['../structmlx_1_1steel_1_1_attn_params.html#a9150df3fb79de521bbccf57c43f6b092',1,'mlx::steel::AttnParams']]], ['ql_2',['qL',['../structmlx_1_1steel_1_1_attn_params.html#a59255882cbd78bb6f15e704e3a356a7f',1,'mlx::steel::AttnParams']]], - ['quad_5fsize_3',['QUAD_SIZE',['../quantized_8h.html#a803e4d5a1459844ba647aea5b004e133',1,'quantized.h']]], - ['query_5ftransposed_4',['query_transposed',['../sdpa__vector_8h.html#a0c2c54bcc20cc4783a5040d47fa3ba81',1,'sdpa_vector.h']]], - ['queue_5',['queue',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d',1,'mlx::core::metal::DeviceStream']]] + ['ql_5foff_3',['qL_off',['../structmlx_1_1steel_1_1_attn_params.html#a2d18657f764a8b4097bc5a05238b5dde',1,'mlx::steel::AttnParams']]], + ['ql_5frem_4',['qL_rem',['../structmlx_1_1steel_1_1_attn_params.html#af3fcd78329de006a9a44db64ba469345',1,'mlx::steel::AttnParams']]], + ['quad_5fsize_5',['QUAD_SIZE',['../quantized_8h.html#a803e4d5a1459844ba647aea5b004e133',1,'quantized.h']]], + ['query_5ftransposed_6',['query_transposed',['../sdpa__vector_8h.html#a0c2c54bcc20cc4783a5040d47fa3ba81',1,'sdpa_vector.h']]], + ['queue_7',['queue',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a77c75a63c51ea56815a86bd882ed190d',1,'mlx::core::metal::DeviceStream']]] ]; diff --git a/docs/build/html/search/variables_12.js b/docs/build/html/search/variables_12.js index 0d1d36bf4..8735c6a77 100644 --- a/docs/build/html/search/variables_12.js +++ b/docs/build/html/search/variables_12.js @@ -22,9 +22,8 @@ var searchData= ['start_5frow_19',['start_row',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a220e033b689c8d6a6f319dae02b38334',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral']]], ['stop_20',['stop',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a456ad1c0c9e731833a2f8411c4ed51aa',1,'mlx::core::scheduler::StreamThread']]], ['str_21',['str',['../classpocketfft_1_1detail_1_1arr__info.html#abe1f7b92501b4e0e5a38fd26294ac5a4',1,'pocketfft::detail::arr_info::str'],['../struct_m_l_x_conv_params.html#a862191e8ab1bc8a47aa1396b36d46058',1,'MLXConvParams::str']]], - ['stream_22',['stream',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a8462e4acffcd385c6248bd7102e6bcb1',1,'mlx::core::scheduler::StreamThread']]], - ['strided_5fdevice_5fidx_23',['strided_device_idx',['../struct_read_writer.html#a4c0b12484aac4fd6759d67c190391989',1,'ReadWriter']]], - ['strided_5fshared_5fidx_24',['strided_shared_idx',['../struct_read_writer.html#ace40adb02cfb33d89c98353327c251fc',1,'ReadWriter']]], - ['strides_25',['strides',['../structmlx_1_1core_1_1_reduction_plan.html#a58bc6189e5e7175dae92632a7bcfd53e',1,'mlx::core::ReductionPlan::strides'],['../struct_indices.html#a510b7fe052c5826911dd17d7ccb9e73f',1,'Indices::strides'],['../structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63954de7da62942ec69afcaaa19d46f2',1,'mlx::core::fast::CustomKernelShapeInfo::strides']]], - ['swizzle_5flog_26',['swizzle_log',['../structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ad0713159d4f710cd9a066596593d8840',1,'mlx::steel::ImplicitGemmConv2DParams::swizzle_log'],['../structmlx_1_1steel_1_1_g_e_m_m_params.html#af9ff2c06dd8994126634531440325be7',1,'mlx::steel::GEMMParams::swizzle_log']]] + ['strided_5fdevice_5fidx_22',['strided_device_idx',['../struct_read_writer.html#a4c0b12484aac4fd6759d67c190391989',1,'ReadWriter']]], + ['strided_5fshared_5fidx_23',['strided_shared_idx',['../struct_read_writer.html#ace40adb02cfb33d89c98353327c251fc',1,'ReadWriter']]], + ['strides_24',['strides',['../structmlx_1_1core_1_1_reduction_plan.html#a58bc6189e5e7175dae92632a7bcfd53e',1,'mlx::core::ReductionPlan::strides'],['../struct_indices.html#a510b7fe052c5826911dd17d7ccb9e73f',1,'Indices::strides'],['../structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#a63954de7da62942ec69afcaaa19d46f2',1,'mlx::core::fast::CustomKernelShapeInfo::strides']]], + ['swizzle_5flog_25',['swizzle_log',['../structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#ad0713159d4f710cd9a066596593d8840',1,'mlx::steel::ImplicitGemmConv2DParams::swizzle_log'],['../structmlx_1_1steel_1_1_g_e_m_m_params.html#af9ff2c06dd8994126634531440325be7',1,'mlx::steel::GEMMParams::swizzle_log']]] ]; diff --git a/docs/build/html/search/variables_13.js b/docs/build/html/search/variables_13.js index 2de578ca0..e9f2ec5ca 100644 --- a/docs/build/html/search/variables_13.js +++ b/docs/build/html/search/variables_13.js @@ -2,7 +2,7 @@ var searchData= [ ['tcols_0',['TCOLS',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a0b5303f3258e0a21862dead8e3f5401e',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a5adbd51e9adb6f7853724d83de4ff755',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a80cb90674f839d5d4ecfde384fa0a7a2',1,'mlx::steel::Conv2DWeightBlockLoader::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ad2508cd5cdb51b2f611057e743b8fc6f',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acd54132d0928d0f6fb15b2f367e5d5e8',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#ae25c676b7318d78462ee89bcd80dc805',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::TCOLS'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aff021a6fae860b4ac01fb593b2720457',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::TCOLS']]], ['temporaries_1',['temporaries',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#aee88009117dfff1ad121eabe28d5f3de',1,'mlx::core::metal::DeviceStream']]], - ['tgp_5fmem_5fsize_2',['tgp_mem_size',['../struct_g_e_m_v_kernel.html#a9ef4d0e62094d7033069f5dda5efb236',1,'GEMVKernel::tgp_mem_size'],['../struct_g_e_m_v_t_kernel.html#a48a09a21d7b822f380d040c752b785d7',1,'GEMVTKernel::tgp_mem_size'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da',1,'mlx::steel::GEMMKernel::tgp_mem_size']]], + ['tgp_5fmem_5fsize_2',['tgp_mem_size',['../struct_g_e_m_v_kernel.html#a53514fa199efc5b7328052dac45aabab',1,'GEMVKernel::tgp_mem_size'],['../struct_g_e_m_v_t_kernel.html#a3521f62aa2f4070fdc6858874121e3b4',1,'GEMVTKernel::tgp_mem_size'],['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a1ec583584e69dcbbb72106390a4fc5da',1,'mlx::steel::GEMMKernel::tgp_mem_size']]], ['tgp_5fmem_5fsize_5fa_3',['tgp_mem_size_a',['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ac00b149d76a903c2f91b0f477dc5037f',1,'mlx::steel::GEMMKernel']]], ['tgp_5fmem_5fsize_5fb_4',['tgp_mem_size_b',['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#a105af1069668028c6f1bc6d6dd162298',1,'mlx::steel::GEMMKernel']]], ['tgp_5fpadding_5fa_5',['tgp_padding_a',['../structmlx_1_1steel_1_1_g_e_m_m_kernel.html#ad547704ccbff6c2076abeffa6628c5a0',1,'mlx::steel::GEMMKernel']]], @@ -11,8 +11,8 @@ var searchData= ['thread_8',['thread',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a449de02bf2ac80d8fe2f208fa7eac359',1,'mlx::core::scheduler::StreamThread']]], ['thread_5fidx_9',['thread_idx',['../struct_quantized_block_loader.html#a50821537ea747bc03295a09bb0eef475',1,'QuantizedBlockLoader::thread_idx'],['../structmlx_1_1steel_1_1_block_loader.html#a064e2cc77e0b1cf0f8027929e031775b',1,'mlx::steel::BlockLoader::thread_idx'],['../structmlx_1_1steel_1_1_block_loader_t.html#af2838998a02866f22b525f9b6ae004da',1,'mlx::steel::BlockLoaderT::thread_idx'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a70da26a715135d973f88371a70255be9',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::thread_idx'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#ac18de37cde1459595bfe18b0d5ef146d',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::thread_idx'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#ab1cb2ade639787243e0325dcd3dc0a11',1,'mlx::steel::Conv2DWeightBlockLoader::thread_idx'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a9642399b8066e29123524f36ebc7b482',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::thread_idx'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#acacdac168004c87fee27c8554ac905a7',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::thread_idx'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a401f0c7cf1588552556603c7ffba2316',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::thread_idx'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a08a517bc50caf41155b98be0690bfe44',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::thread_idx']]], ['threads_5fper_5ftg_10',['threads_per_tg',['../struct_read_writer.html#a64c58e358da22358df3075448ea23893',1,'ReadWriter']]], - ['threadsm_11',['threadsM',['../struct_g_e_m_v_kernel.html#a1dd943fcbf5e7be435fc36bed589a641',1,'GEMVKernel::threadsM'],['../struct_g_e_m_v_t_kernel.html#a4a53e73a581aa8881b1f86ce653519e6',1,'GEMVTKernel::threadsM']]], - ['threadsn_12',['threadsN',['../struct_g_e_m_v_kernel.html#a47bfab7d21dd18760d3e0937ad36b19d',1,'GEMVKernel::threadsN'],['../struct_g_e_m_v_t_kernel.html#ade6f15a9744616de9dd71498ad7e758d',1,'GEMVTKernel::threadsN']]], + ['threadsm_11',['threadsM',['../struct_g_e_m_v_kernel.html#afbe7ab8ebfa912ffbf3ba2cf4db24940',1,'GEMVKernel::threadsM'],['../struct_g_e_m_v_t_kernel.html#a09cb1cda991a8d1b8dc83b22f8cab994',1,'GEMVTKernel::threadsM']]], + ['threadsn_12',['threadsN',['../struct_g_e_m_v_kernel.html#a23142b7400f1f678e5d6d69d87f51032',1,'GEMVKernel::threadsN'],['../struct_g_e_m_v_t_kernel.html#a2c30d01fd0932dfc3b4ef1e7e650d30f',1,'GEMVTKernel::threadsN']]], ['tile_5fstride_13',['tile_stride',['../struct_quantized_block_loader.html#ac3f651c1a645291d1037a2cc8ded2320',1,'QuantizedBlockLoader::tile_stride'],['../structmlx_1_1steel_1_1_block_loader.html#ab87876699d55473620c7ea99f9da911d',1,'mlx::steel::BlockLoader::tile_stride'],['../structmlx_1_1steel_1_1_block_loader_t.html#a3abb86e68adb7e4d87cb808d6c25e35f',1,'mlx::steel::BlockLoaderT::tile_stride']]], ['tile_5fstride_5fa_14',['tile_stride_a',['../structmlx_1_1steel_1_1_block_m_m_a.html#a8fddaa78913cdc8eea5e1cf7d2776330',1,'mlx::steel::BlockMMA']]], ['tile_5fstride_5fb_15',['tile_stride_b',['../structmlx_1_1steel_1_1_block_m_m_a.html#ae3f35453b3afbaac9df64ad5966b34a4',1,'mlx::steel::BlockMMA']]], diff --git a/docs/build/html/search/variables_3.js b/docs/build/html/search/variables_3.js index 76a434569..f1fd9646c 100644 --- a/docs/build/html/search/variables_3.js +++ b/docs/build/html/search/variables_3.js @@ -6,10 +6,12 @@ var searchData= ['digits_3',['digits',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#af6a681edff230c8d734a1feefb8d1879',1,'metal::_numeric_limits_impl< bfloat16_t >']]], ['digits10_4',['digits10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a0f48dd0c8a2d2dfa825067fb212b2e6b',1,'metal::_numeric_limits_impl< bfloat16_t >']]], ['dim_5',['dim',['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc::dim'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01true_01_4.html#a7be6bf560080472d61e74b522979ef1e',1,'LoopedElemToLoc< 1, OffsetT, true >::dim'],['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc< 1, OffsetT, false >::dim'],['../struct_looped_elem_to_loc.html#af8285112846769aba2c0d8615f6f1364',1,'LoopedElemToLoc< 1, OffsetT, true >::dim']]], - ['do_5faxpby_6',['do_axpby',['../steel__gemm__fused_8h.html#a703f06c849c89c37af7b1d27b0804a29',1,'steel_gemm_fused.h']]], - ['do_5fgather_7',['do_gather',['../steel__gemm__fused_8h.html#a60efac3ac3b7cd64d096bbae38a3ac69',1,'steel_gemm_fused.h']]], - ['do_5fread_8',['do_read',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad',1,'mlx::steel::Conv2DWeightBlockLoader::do_read'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::do_read']]], - ['dst_9',['dst',['../struct_quantized_block_loader.html#a9857214690fe6abad0e19d1045152f83',1,'QuantizedBlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2',1,'mlx::steel::BlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db',1,'mlx::steel::BlockLoaderT::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7',1,'mlx::steel::Conv2DWeightBlockLoader::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst']]], - ['dst_5fld_10',['dst_ld',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d',1,'mlx::steel::Conv2DWeightBlockLoader::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst_ld']]], - ['dtype_11',['dtype',['../structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124',1,'mlx::core::finfo']]] + ['dispatches_5fper_5ftask_6',['DISPATCHES_PER_TASK',['../namespacemlx_1_1core_1_1cpu.html#a1fc5871c94ccee8536c6d43f8f6d5557',1,'mlx::core::cpu']]], + ['do_5faxpby_7',['do_axpby',['../steel__gemm__fused_8h.html#a703f06c849c89c37af7b1d27b0804a29',1,'steel_gemm_fused.h']]], + ['do_5fcausal_8',['do_causal',['../steel__attention_8h.html#abfa50278ba59a90e0acb7e5d94500741',1,'steel_attention.h']]], + ['do_5fgather_9',['do_gather',['../steel__gemm__fused_8h.html#a60efac3ac3b7cd64d096bbae38a3ac69',1,'steel_gemm_fused.h']]], + ['do_5fread_10',['do_read',['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a13eb86acf6abe288c19645935a47d2ad',1,'mlx::steel::Conv2DWeightBlockLoader::do_read'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a640155880483e1042ec5f647b9adaac6',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::do_read']]], + ['dst_11',['dst',['../struct_quantized_block_loader.html#a9857214690fe6abad0e19d1045152f83',1,'QuantizedBlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader.html#af1c6c35a42e9da4408c1013ff1741bc2',1,'mlx::steel::BlockLoader::dst'],['../structmlx_1_1steel_1_1_block_loader_t.html#a6eb4e566b687395e27f290da288362db',1,'mlx::steel::BlockLoaderT::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#ae048eb79f8b8d98f0fe8805c30fbb09f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a8598bf23a2bce6af13c876cbfa76449f',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#aea6494838175225d02cbc7768a646ec7',1,'mlx::steel::Conv2DWeightBlockLoader::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a59a4fffc1dc2f3fadfb3fdd1b886da70',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#a24e20e4c1dd1ebf9534bfa2b3e050ed3',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#aa84c4ad43a5defb83ba1a5f49a7adb2a',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#a8474daf268013e138a84fc1c4bff7352',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst']]], + ['dst_5fld_12',['dst_ld',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a91192d512e7a18c2d16a139065000959',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a9e59da7e4436e61b2d3c3f982355910b',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a0ff5a6d503e0bbac4634030a75ab818d',1,'mlx::steel::Conv2DWeightBlockLoader::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#ae71570942c7b0ad8e67c62662b336c4a',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ac18eeebea26cc6da434ead6eb4397350',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#a07c85eab8cbf7b02c60df29cf32031ef',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::dst_ld'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aae121ca6016fc6c7255027b3641f3a09',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::dst_ld']]], + ['dtype_13',['dtype',['../structmlx_1_1core_1_1finfo.html#a4edcbcfae55c1ef3cb8e61d427ac9124',1,'mlx::core::finfo']]] ]; diff --git a/docs/build/html/search/variables_7.js b/docs/build/html/search/variables_7.js index 3bc04d945..fbcfa59d3 100644 --- a/docs/build/html/search/variables_7.js +++ b/docs/build/html/search/variables_7.js @@ -5,9 +5,9 @@ var searchData= ['h20_2',['h20',['../namespacemlx_1_1core.html#a862c6b94fec384c34a699ced64d01404',1,'mlx::core']]], ['h28_3',['h28',['../namespacemlx_1_1core.html#ac447ad59592dd06435adca7df37e33ad',1,'mlx::core']]], ['has_5fbatch_4',['has_batch',['../steel__gemm__fused_8h.html#adffcdc900c19ff97f1523e43f1a5a6cc',1,'steel_gemm_fused.h']]], - ['has_5fmask_5',['has_mask',['../sdpa__vector_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81',1,'sdpa_vector.h']]], - ['has_5fmul_5foperand_5fmask_6',['has_mul_operand_mask',['../struct_g_e_m_v_kernel.html#ad47223ee49b3cb7bf3746a2cec45f883',1,'GEMVKernel::has_mul_operand_mask'],['../struct_g_e_m_v_t_kernel.html#a8db6f01f96a36b216acd801c34a96ef5',1,'GEMVTKernel::has_mul_operand_mask']]], - ['has_5fmul_5foutput_5fmask_7',['has_mul_output_mask',['../struct_g_e_m_v_kernel.html#a0edbf2dd6a6563e7afa6dab6b670615c',1,'GEMVKernel::has_mul_output_mask'],['../struct_g_e_m_v_t_kernel.html#a8eb06f6569e4042e24fee220b11fa10d',1,'GEMVTKernel::has_mul_output_mask']]], - ['has_5foperand_5fmask_8',['has_operand_mask',['../struct_g_e_m_v_kernel.html#ab00784dff1512a7b0919fcb4cfa5d50e',1,'GEMVKernel::has_operand_mask'],['../struct_g_e_m_v_t_kernel.html#a6729d6e63e76a1e9c7c8e78d9aac4869',1,'GEMVTKernel::has_operand_mask']]], - ['has_5foutput_5fmask_9',['has_output_mask',['../struct_g_e_m_v_kernel.html#ab8b64c94f4c8f6f09c0777415589b487',1,'GEMVKernel::has_output_mask'],['../struct_g_e_m_v_t_kernel.html#aaefdf8f023da255bbb70a0c3e3408626',1,'GEMVTKernel::has_output_mask']]] + ['has_5fmask_5',['has_mask',['../sdpa__vector_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81',1,'has_mask: sdpa_vector.h'],['../steel__attention_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81',1,'has_mask: steel_attention.h']]], + ['has_5fmul_5foperand_5fmask_6',['has_mul_operand_mask',['../struct_g_e_m_v_kernel.html#a09f0e646822d45dc2543e31509552258',1,'GEMVKernel::has_mul_operand_mask'],['../struct_g_e_m_v_t_kernel.html#a94f56f0ecf1f148f0513312325f33653',1,'GEMVTKernel::has_mul_operand_mask']]], + ['has_5fmul_5foutput_5fmask_7',['has_mul_output_mask',['../struct_g_e_m_v_kernel.html#ad54fb5c6f0f9a820365b638542693291',1,'GEMVKernel::has_mul_output_mask'],['../struct_g_e_m_v_t_kernel.html#a19df54577e341044dc8e57cc5b6147f3',1,'GEMVTKernel::has_mul_output_mask']]], + ['has_5foperand_5fmask_8',['has_operand_mask',['../struct_g_e_m_v_kernel.html#a68bad880d1e689228ae4d3c6958cc6c1',1,'GEMVKernel::has_operand_mask'],['../struct_g_e_m_v_t_kernel.html#aef8622b2f76d1ff272ced396c89e829d',1,'GEMVTKernel::has_operand_mask']]], + ['has_5foutput_5fmask_9',['has_output_mask',['../struct_g_e_m_v_kernel.html#a3b0b9ccf11bd5d7de50b9626fa9a22cc',1,'GEMVKernel::has_output_mask'],['../struct_g_e_m_v_t_kernel.html#a19bcb2d9377493a81da072f33711de33',1,'GEMVTKernel::has_output_mask']]] ]; diff --git a/docs/build/html/search/variables_a.js b/docs/build/html/search/variables_a.js index 87ce2ae97..b97253a63 100644 --- a/docs/build/html/search/variables_a.js +++ b/docs/build/html/search/variables_a.js @@ -13,9 +13,10 @@ var searchData= ['kfragrows_10',['kFragRows',['../structmlx_1_1steel_1_1_base_m_m_a_frag_3_01_t_00_018_00_018_01_4.html#a2fe53db449c692226f23f6b99fb2c0d4',1,'mlx::steel::BaseMMAFrag< T, 8, 8 >::kFragRows'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a594142f957ffb99296a243f7af7b59e7',1,'mlx::steel::MMATile::kFragRows']]], ['kfragsize_11',['kFragSize',['../structmlx_1_1steel_1_1_block_m_m_a.html#aee8caec45c1f9e4428586effbfe6137d',1,'mlx::steel::BlockMMA']]], ['kl_12',['kL',['../structmlx_1_1steel_1_1_attn_params.html#a497b7404bcd25b535c3589c61f269f63',1,'mlx::steel::AttnParams']]], - ['knumfrags_13',['kNumFrags',['../structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3',1,'mlx::steel::MMATile']]], - ['krows_14',['kRows',['../structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993',1,'mlx::steel::CShape::kRows'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323',1,'mlx::steel::MMATile::kRows']]], - ['krowsperthread_15',['kRowsPerThread',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e',1,'mlx::steel::MMATile']]], - ['ktilecols_16',['kTileCols',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4',1,'mlx::steel::MMATile']]], - ['ktilerows_17',['kTileRows',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a',1,'mlx::steel::MMATile']]] + ['kl_5frem_13',['kL_rem',['../structmlx_1_1steel_1_1_attn_params.html#a752033afdf873d2c506aa83b02e38139',1,'mlx::steel::AttnParams']]], + ['knumfrags_14',['kNumFrags',['../structmlx_1_1steel_1_1_m_m_a_tile.html#ae326e7693eb77c22d5a6e3e9219019d3',1,'mlx::steel::MMATile']]], + ['krows_15',['kRows',['../structmlx_1_1steel_1_1_c_shape.html#a5caf36cb9acf9f90ba59a9b0b4197993',1,'mlx::steel::CShape::kRows'],['../structmlx_1_1steel_1_1_m_m_a_tile.html#a60ea6b8ff2923b7fe6f598e74ac54323',1,'mlx::steel::MMATile::kRows']]], + ['krowsperthread_16',['kRowsPerThread',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a5b1d1c85a5046108a4e38bdc5a0ea74e',1,'mlx::steel::MMATile']]], + ['ktilecols_17',['kTileCols',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a46324d40f8ad61cade08a1ebad6d9ad4',1,'mlx::steel::MMATile']]], + ['ktilerows_18',['kTileRows',['../structmlx_1_1steel_1_1_m_m_a_tile.html#a1d126b14910385ab644e224ac1d0307a',1,'mlx::steel::MMATile']]] ]; diff --git a/docs/build/html/search/variables_c.js b/docs/build/html/search/variables_c.js index 56fdce238..068f7dbde 100644 --- a/docs/build/html/search/variables_c.js +++ b/docs/build/html/search/variables_c.js @@ -1,28 +1,29 @@ var searchData= [ ['m_0',['M',['../structmlx_1_1steel_1_1_implicit_gemm_conv2_d_params.html#a2117fc93662d5177c8f3e7c2dbb9e2db',1,'mlx::steel::ImplicitGemmConv2DParams::M'],['../structmlx_1_1steel_1_1_g_e_m_m_params.html#a85b20a4c4558cc78d76fcbd045a9c694',1,'mlx::steel::GEMMParams::M'],['../structmlx_1_1steel_1_1_g_e_m_m_spilt_k_params.html#a8bab0cf8a20d2abefe294a7505917e7e',1,'mlx::steel::GEMMSpiltKParams::M']]], - ['mask_5fh_1',['mask_h',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], - ['mask_5fw_2',['mask_w',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], - ['max_3',['max',['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits::max'],['../struct_limits_3_01uint8__t_01_4.html#a1570fb640e2e41f96776db5ca08d500c',1,'Limits< uint8_t >::max'],['../struct_limits_3_01uint16__t_01_4.html#a228b33556ba4cb7e6137ab6258628488',1,'Limits< uint16_t >::max'],['../struct_limits_3_01uint32__t_01_4.html#a91fa8f7214ec936976a8324c7431c651',1,'Limits< uint32_t >::max'],['../struct_limits_3_01uint64__t_01_4.html#aa8c2257881a4e1fa8596fa07dba5e107',1,'Limits< uint64_t >::max'],['../struct_limits_3_01int8__t_01_4.html#a96fed01fa9249226be69760652643289',1,'Limits< int8_t >::max'],['../struct_limits_3_01int16__t_01_4.html#a12d64c398ca7609b7c906f3cf1a6f678',1,'Limits< int16_t >::max'],['../struct_limits_3_01int32__t_01_4.html#af756344b31e84222dd73d3445dcd5640',1,'Limits< int32_t >::max'],['../struct_limits_3_01int64__t_01_4.html#ac9c420604c0f3d237ddfb2b8a2439224',1,'Limits< int64_t >::max'],['../struct_limits_3_01half_01_4.html#a4f9515dbf2a622074f121bea39a7b175',1,'Limits< half >::max'],['../struct_limits_3_01float_01_4.html#aba172b22b388190aa3969ef16885d8a6',1,'Limits< float >::max'],['../struct_limits_3_01bfloat16__t_01_4.html#a0ead3618da6718629ea9fa4670b5005f',1,'Limits< bfloat16_t >::max'],['../struct_limits_3_01bool_01_4.html#acbd2132145888d51220558a101ffcff4',1,'Limits< bool >::max'],['../struct_limits_3_01complex64__t_01_4.html#ac01c274b224b90f5210b675a484f4607',1,'Limits< complex64_t >::max'],['../structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083',1,'mlx::core::finfo::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bfloat16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bool >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< complex64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< float >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< half >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int8_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint8_t >::max']]], - ['max_5fdigits10_4',['max_digits10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a8d3905e6f158379a0c52682266e8d0e2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['max_5fexponent_5',['max_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a61bb136f819fa392c50bdf3c38f3aad2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['max_5fexponent10_6',['max_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a76bfb2deb0e0afc011f77bf5a6d0ed94',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['max_5freduce_5fspecialized_5fdims_7',['MAX_REDUCE_SPECIALIZED_DIMS',['../defines_8h.html#a15629f1b81a2b6f1cca26d07a2734623',1,'defines.h']]], - ['max_5fsize_8',['max_size',['../namespacemlx_1_1core_1_1simd.html#ac91bd36c7caafd3c7ff176e7e2f81887',1,'mlx::core::simd']]], - ['max_5fsize_3c_20double_20_3e_9',['max_size< double >',['../namespacemlx_1_1core_1_1simd.html#a3fa3d1f571027c5cdd1dce5d2cd041e3',1,'mlx::core::simd']]], - ['max_5fsize_3c_20float_20_3e_10',['max_size< float >',['../namespacemlx_1_1core_1_1simd.html#ae745e117cacfe455df39aa4569c34c11',1,'mlx::core::simd']]], - ['max_5fsize_3c_20float16_5ft_20_3e_11',['max_size< float16_t >',['../namespacemlx_1_1core_1_1simd.html#a155df1de3c26e1a3725b63e9e97c0b53',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int_20_3e_12',['max_size< int >',['../namespacemlx_1_1core_1_1simd.html#ab25fc96fa6f00d0a8c335b8da293fbbb',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int16_5ft_20_3e_13',['max_size< int16_t >',['../namespacemlx_1_1core_1_1simd.html#a7e63a5eb08898b84fd4000dadc460fd9',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int64_5ft_20_3e_14',['max_size< int64_t >',['../namespacemlx_1_1core_1_1simd.html#a7913cb2854ffc37efcf26635a097f0a9',1,'mlx::core::simd']]], - ['max_5fsize_3c_20int8_5ft_20_3e_15',['max_size< int8_t >',['../namespacemlx_1_1core_1_1simd.html#ac368e4701363cfece4935e57f3c709b1',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint16_5ft_20_3e_16',['max_size< uint16_t >',['../namespacemlx_1_1core_1_1simd.html#a0cc9ca2925c25d2eb225af9125bd6bc4',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint32_5ft_20_3e_17',['max_size< uint32_t >',['../namespacemlx_1_1core_1_1simd.html#a06cb29f91deeaec69471058044abd2aa',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint64_5ft_20_3e_18',['max_size< uint64_t >',['../namespacemlx_1_1core_1_1simd.html#ab367b9b65be2fda4830a56fc9cc0cd2f',1,'mlx::core::simd']]], - ['max_5fsize_3c_20uint8_5ft_20_3e_19',['max_size< uint8_t >',['../namespacemlx_1_1core_1_1simd.html#a8f731e5a287c714dfc92879fe37503d5',1,'mlx::core::simd']]], - ['max_5fthreads_20',['max_threads',['../namespacepocketfft_1_1detail_1_1threading.html#a2d5c0729f0b66cf061918baea4337d70',1,'pocketfft::detail::threading']]], - ['min_21',['min',['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits::min'],['../struct_limits_3_01uint8__t_01_4.html#a408bd5a337e7292f06e63da81193629a',1,'Limits< uint8_t >::min'],['../struct_limits_3_01uint16__t_01_4.html#ae173984c3be8b6750f27daed581805fe',1,'Limits< uint16_t >::min'],['../struct_limits_3_01uint32__t_01_4.html#ab0c3975e02053b234c7b606ababa66e1',1,'Limits< uint32_t >::min'],['../struct_limits_3_01uint64__t_01_4.html#a80627f39e951398283942cefa48f4dd0',1,'Limits< uint64_t >::min'],['../struct_limits_3_01int8__t_01_4.html#a7a809307d2bba80382f0645d277eaa4b',1,'Limits< int8_t >::min'],['../struct_limits_3_01int16__t_01_4.html#adca7139647801e223c35b0abc7da5240',1,'Limits< int16_t >::min'],['../struct_limits_3_01int32__t_01_4.html#af336a1b22a8ed6a83a4cfb5bf8869771',1,'Limits< int32_t >::min'],['../struct_limits_3_01int64__t_01_4.html#a1c90fb96af515badaccaa835b08f7428',1,'Limits< int64_t >::min'],['../struct_limits_3_01half_01_4.html#aca7b036c257878bf1b80912fb5d4516d',1,'Limits< half >::min'],['../struct_limits_3_01float_01_4.html#a3225e334d372ee86128c89a440d8648f',1,'Limits< float >::min'],['../struct_limits_3_01bfloat16__t_01_4.html#a2fd1811b9f615b2b897904bc27d1cb49',1,'Limits< bfloat16_t >::min'],['../struct_limits_3_01bool_01_4.html#a139f787b57536d455490b8ef801d37cc',1,'Limits< bool >::min'],['../struct_limits_3_01complex64__t_01_4.html#aa67b04aa7abcd67f7af0808737ab8e14',1,'Limits< complex64_t >::min'],['../structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a',1,'mlx::core::finfo::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bfloat16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bool >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< complex64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< float >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< half >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int8_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint8_t >::min']]], - ['min_5fexponent_22',['min_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a13829f8c7a7c0efdc8946eff5d3c9470',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['min_5fexponent10_23',['min_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#aeaed172780720e06b8731cef3177e277',1,'metal::_numeric_limits_impl< bfloat16_t >']]], - ['mtx_24',['mtx',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976',1,'mlx::core::scheduler::StreamThread']]] + ['m_5fstrides_1',['M_strides',['../structmlx_1_1steel_1_1_attn_mask_params.html#aaf6c5822d2cb2dcf0992798dc08e27d6',1,'mlx::steel::AttnMaskParams']]], + ['mask_5fh_2',['mask_h',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a0b892c1a7edb9ed20c076d8945855c19',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], + ['mask_5fw_3',['mask_w',['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a19ddba7259c3c2c02ed90f3f635557be',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter']]], + ['max_4',['max',['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits::max'],['../struct_limits_3_01uint8__t_01_4.html#a1570fb640e2e41f96776db5ca08d500c',1,'Limits< uint8_t >::max'],['../struct_limits_3_01uint16__t_01_4.html#a228b33556ba4cb7e6137ab6258628488',1,'Limits< uint16_t >::max'],['../struct_limits_3_01uint32__t_01_4.html#a91fa8f7214ec936976a8324c7431c651',1,'Limits< uint32_t >::max'],['../struct_limits_3_01uint64__t_01_4.html#aa8c2257881a4e1fa8596fa07dba5e107',1,'Limits< uint64_t >::max'],['../struct_limits_3_01int8__t_01_4.html#a96fed01fa9249226be69760652643289',1,'Limits< int8_t >::max'],['../struct_limits_3_01int16__t_01_4.html#a12d64c398ca7609b7c906f3cf1a6f678',1,'Limits< int16_t >::max'],['../struct_limits_3_01int32__t_01_4.html#af756344b31e84222dd73d3445dcd5640',1,'Limits< int32_t >::max'],['../struct_limits_3_01int64__t_01_4.html#ac9c420604c0f3d237ddfb2b8a2439224',1,'Limits< int64_t >::max'],['../struct_limits_3_01half_01_4.html#a4f9515dbf2a622074f121bea39a7b175',1,'Limits< half >::max'],['../struct_limits_3_01float_01_4.html#aba172b22b388190aa3969ef16885d8a6',1,'Limits< float >::max'],['../struct_limits_3_01bfloat16__t_01_4.html#a0ead3618da6718629ea9fa4670b5005f',1,'Limits< bfloat16_t >::max'],['../struct_limits_3_01bool_01_4.html#acbd2132145888d51220558a101ffcff4',1,'Limits< bool >::max'],['../struct_limits_3_01complex64__t_01_4.html#ac01c274b224b90f5210b675a484f4607',1,'Limits< complex64_t >::max'],['../structmlx_1_1core_1_1finfo.html#a976ada682716f9531dfccddcf0ab3083',1,'mlx::core::finfo::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bfloat16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< bool >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< complex64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< float >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< half >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< int8_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint16_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint32_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint64_t >::max'],['../struct_limits.html#a2f0673b6f9da89ce1d64f9f3d74f50a8',1,'Limits< uint8_t >::max']]], + ['max_5fdigits10_5',['max_digits10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a8d3905e6f158379a0c52682266e8d0e2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['max_5fexponent_6',['max_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a61bb136f819fa392c50bdf3c38f3aad2',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['max_5fexponent10_7',['max_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a76bfb2deb0e0afc011f77bf5a6d0ed94',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['max_5freduce_5fspecialized_5fdims_8',['MAX_REDUCE_SPECIALIZED_DIMS',['../defines_8h.html#a15629f1b81a2b6f1cca26d07a2734623',1,'defines.h']]], + ['max_5fsize_9',['max_size',['../namespacemlx_1_1core_1_1simd.html#ac91bd36c7caafd3c7ff176e7e2f81887',1,'mlx::core::simd']]], + ['max_5fsize_3c_20double_20_3e_10',['max_size< double >',['../namespacemlx_1_1core_1_1simd.html#a3fa3d1f571027c5cdd1dce5d2cd041e3',1,'mlx::core::simd']]], + ['max_5fsize_3c_20float_20_3e_11',['max_size< float >',['../namespacemlx_1_1core_1_1simd.html#ae745e117cacfe455df39aa4569c34c11',1,'mlx::core::simd']]], + ['max_5fsize_3c_20float16_5ft_20_3e_12',['max_size< float16_t >',['../namespacemlx_1_1core_1_1simd.html#a155df1de3c26e1a3725b63e9e97c0b53',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int_20_3e_13',['max_size< int >',['../namespacemlx_1_1core_1_1simd.html#ab25fc96fa6f00d0a8c335b8da293fbbb',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int16_5ft_20_3e_14',['max_size< int16_t >',['../namespacemlx_1_1core_1_1simd.html#a7e63a5eb08898b84fd4000dadc460fd9',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int64_5ft_20_3e_15',['max_size< int64_t >',['../namespacemlx_1_1core_1_1simd.html#a7913cb2854ffc37efcf26635a097f0a9',1,'mlx::core::simd']]], + ['max_5fsize_3c_20int8_5ft_20_3e_16',['max_size< int8_t >',['../namespacemlx_1_1core_1_1simd.html#ac368e4701363cfece4935e57f3c709b1',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint16_5ft_20_3e_17',['max_size< uint16_t >',['../namespacemlx_1_1core_1_1simd.html#a0cc9ca2925c25d2eb225af9125bd6bc4',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint32_5ft_20_3e_18',['max_size< uint32_t >',['../namespacemlx_1_1core_1_1simd.html#a06cb29f91deeaec69471058044abd2aa',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint64_5ft_20_3e_19',['max_size< uint64_t >',['../namespacemlx_1_1core_1_1simd.html#ab367b9b65be2fda4830a56fc9cc0cd2f',1,'mlx::core::simd']]], + ['max_5fsize_3c_20uint8_5ft_20_3e_20',['max_size< uint8_t >',['../namespacemlx_1_1core_1_1simd.html#a8f731e5a287c714dfc92879fe37503d5',1,'mlx::core::simd']]], + ['max_5fthreads_21',['max_threads',['../namespacepocketfft_1_1detail_1_1threading.html#a2d5c0729f0b66cf061918baea4337d70',1,'pocketfft::detail::threading']]], + ['min_22',['min',['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits::min'],['../struct_limits_3_01uint8__t_01_4.html#a408bd5a337e7292f06e63da81193629a',1,'Limits< uint8_t >::min'],['../struct_limits_3_01uint16__t_01_4.html#ae173984c3be8b6750f27daed581805fe',1,'Limits< uint16_t >::min'],['../struct_limits_3_01uint32__t_01_4.html#ab0c3975e02053b234c7b606ababa66e1',1,'Limits< uint32_t >::min'],['../struct_limits_3_01uint64__t_01_4.html#a80627f39e951398283942cefa48f4dd0',1,'Limits< uint64_t >::min'],['../struct_limits_3_01int8__t_01_4.html#a7a809307d2bba80382f0645d277eaa4b',1,'Limits< int8_t >::min'],['../struct_limits_3_01int16__t_01_4.html#adca7139647801e223c35b0abc7da5240',1,'Limits< int16_t >::min'],['../struct_limits_3_01int32__t_01_4.html#af336a1b22a8ed6a83a4cfb5bf8869771',1,'Limits< int32_t >::min'],['../struct_limits_3_01int64__t_01_4.html#a1c90fb96af515badaccaa835b08f7428',1,'Limits< int64_t >::min'],['../struct_limits_3_01half_01_4.html#aca7b036c257878bf1b80912fb5d4516d',1,'Limits< half >::min'],['../struct_limits_3_01float_01_4.html#a3225e334d372ee86128c89a440d8648f',1,'Limits< float >::min'],['../struct_limits_3_01bfloat16__t_01_4.html#a2fd1811b9f615b2b897904bc27d1cb49',1,'Limits< bfloat16_t >::min'],['../struct_limits_3_01bool_01_4.html#a139f787b57536d455490b8ef801d37cc',1,'Limits< bool >::min'],['../struct_limits_3_01complex64__t_01_4.html#aa67b04aa7abcd67f7af0808737ab8e14',1,'Limits< complex64_t >::min'],['../structmlx_1_1core_1_1finfo.html#a0606e7a2d4c9a5fd6ea8e0eab5445c4a',1,'mlx::core::finfo::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bfloat16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< bool >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< complex64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< float >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< half >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< int8_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint16_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint32_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint64_t >::min'],['../struct_limits.html#a6e81584ba65a4dc6ff9366b458e3a20e',1,'Limits< uint8_t >::min']]], + ['min_5fexponent_23',['min_exponent',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#a13829f8c7a7c0efdc8946eff5d3c9470',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['min_5fexponent10_24',['min_exponent10',['../structmetal_1_1__numeric__limits__impl_3_01bfloat16__t_01_4.html#aeaed172780720e06b8731cef3177e277',1,'metal::_numeric_limits_impl< bfloat16_t >']]], + ['mtx_25',['mtx',['../structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976',1,'mlx::core::scheduler::StreamThread']]] ]; diff --git a/docs/build/html/search/variables_d.js b/docs/build/html/search/variables_d.js index 25eb614ce..e25e2331b 100644 --- a/docs/build/html/search/variables_d.js +++ b/docs/build/html/search/variables_d.js @@ -8,7 +8,7 @@ var searchData= ['n_5frows_5',['n_rows',['../structmlx_1_1steel_1_1_block_loader.html#a973804e5b1d418c98c90861cda1a6fb5',1,'mlx::steel::BlockLoader::n_rows'],['../structmlx_1_1steel_1_1_block_loader_t.html#a0ccc7caa93e6e709981a1a08159d41dc',1,'mlx::steel::BlockLoaderT::n_rows'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_large_filter.html#a097c48a23e1bd7d8cf3e9d531397602f',1,'mlx::steel::Conv2DInputBlockLoaderLargeFilter::n_rows'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_filter.html#a3ec8a92c9e6643c1d5bf8af278026fe8',1,'mlx::steel::Conv2DInputBlockLoaderSmallFilter::n_rows'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader.html#a593ec140370d53f8c968f6240116d38b',1,'mlx::steel::Conv2DWeightBlockLoader::n_rows'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_small_channels.html#a8b6c0936c9ad2766242664f034d1115f',1,'mlx::steel::Conv2DInputBlockLoaderSmallChannels::n_rows'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_small_channels.html#ae905e56c1129606e93dbbcd7baed8f0f',1,'mlx::steel::Conv2DWeightBlockLoaderSmallChannels::n_rows'],['../structmlx_1_1steel_1_1_conv2_d_input_block_loader_general.html#abff29c5d96645d9113314c9a997dd7a8',1,'mlx::steel::Conv2DInputBlockLoaderGeneral::n_rows'],['../structmlx_1_1steel_1_1_conv2_d_weight_block_loader_general.html#aaebb6da2cac9961f5edf52d16c18de7d',1,'mlx::steel::Conv2DWeightBlockLoaderGeneral::n_rows']]], ['names_6',['names',['../structmlx_1_1core_1_1_node_namer.html#a57823f9a2cdc60b2f06f857b36019277',1,'mlx::core::NodeNamer']]], ['ndim_7',['ndim',['../struct_indices.html#a7dec359e91d0eb2b64e5461b54308313',1,'Indices::ndim'],['../structmlx_1_1core_1_1fast_1_1_custom_kernel_shape_info.html#ae605df33f449872e3da9777d97008051',1,'mlx::core::fast::CustomKernelShapeInfo::ndim']]], - ['needs_5ftgp_5freduction_8',['needs_tgp_reduction',['../struct_g_e_m_v_kernel.html#ae8113fddf6fb637acfd12efd978b704c',1,'GEMVKernel::needs_tgp_reduction'],['../struct_g_e_m_v_t_kernel.html#a67be7ec69c3791f02e97ccdb00ae0e03',1,'GEMVTKernel::needs_tgp_reduction']]], + ['needs_5ftgp_5freduction_8',['needs_tgp_reduction',['../struct_g_e_m_v_kernel.html#ae1c8e57e6718f22732570cc92d9bcf99',1,'GEMVKernel::needs_tgp_reduction'],['../struct_g_e_m_v_t_kernel.html#a0cb1a4fa56fab7090b7c0fdc69a5470a',1,'GEMVTKernel::needs_tgp_reduction']]], ['nk_9',['NK',['../structmlx_1_1steel_1_1_attn_params.html#a68a66e3fafa922dcfd1ab1f6bdc2375e',1,'mlx::steel::AttnParams']]], ['nk_5faligned_10',['NK_aligned',['../structmlx_1_1steel_1_1_attn_params.html#aaf953954274794cfcb4e35e82d681b58',1,'mlx::steel::AttnParams']]], ['nq_11',['NQ',['../structmlx_1_1steel_1_1_attn_params.html#a48575afc94ab9ff74deaba61464e57a1',1,'mlx::steel::AttnParams']]], diff --git a/docs/build/html/search/variables_e.js b/docs/build/html/search/variables_e.js index 8ce1661a2..a00a97621 100644 --- a/docs/build/html/search/variables_e.js +++ b/docs/build/html/search/variables_e.js @@ -3,10 +3,9 @@ var searchData= ['o_0',['O',['../struct_m_l_x_conv_params.html#ad55ff586d30072d8154865f9dfe92d97',1,'MLXConvParams']]], ['o_5fstrides_1',['O_strides',['../structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7',1,'mlx::steel::AttnParams']]], ['offset_2',['offset',['../struct_looped_elem_to_loc.html#acdffe540c383a67417604b6080704791',1,'LoopedElemToLoc::offset'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01true_01_4.html#a3a18944c158e2747a6ddebb420299a3b',1,'LoopedElemToLoc< 1, OffsetT, true >::offset'],['../struct_looped_elem_to_loc_3_011_00_01_offset_t_00_01false_01_4.html#af792b1fd4e8286f97b9b863c127a2d9a',1,'LoopedElemToLoc< 1, OffsetT, false >::offset'],['../struct_looped_elem_to_loc.html#acdffe540c383a67417604b6080704791',1,'LoopedElemToLoc< 1, OffsetT, false >::offset'],['../struct_looped_elem_to_loc.html#acdffe540c383a67417604b6080704791',1,'LoopedElemToLoc< 1, OffsetT, true >::offset']]], - ['op_3',['op',['../structmlx_1_1core_1_1_vector_scalar.html#a5fe1744adb58aaa845acca1e46725537',1,'mlx::core::VectorScalar::op'],['../structmlx_1_1core_1_1_scalar_vector.html#ac9c2214744bc972150740e169b603b9b',1,'mlx::core::ScalarVector::op'],['../structmlx_1_1core_1_1_vector_vector.html#a6d69d070c75cf0281e11e36e0717ab50',1,'mlx::core::VectorVector::op']]], - ['ortho_4',['ortho',['../structpocketfft_1_1detail_1_1_exec_dcst.html#aea17551a49acaca5e7808dc181d38b7f',1,'pocketfft::detail::ExecDcst']]], - ['os_5',['oS',['../struct_m_l_x_conv_params.html#a19ccb9fecfccdc18b6a7f0cc43adbc6e',1,'MLXConvParams']]], - ['out_6',['out',['../struct_read_writer.html#abea3b913c952c505d0ca4e529c7316ef',1,'ReadWriter']]], - ['out_5fstrides_7',['out_strides',['../struct_m_l_x_conv_params.html#adfca77f9a3c2b4c74752f90636ff5667',1,'MLXConvParams']]], - ['outputs_8',['outputs',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9',1,'mlx::core::metal::DeviceStream']]] + ['ortho_3',['ortho',['../structpocketfft_1_1detail_1_1_exec_dcst.html#aea17551a49acaca5e7808dc181d38b7f',1,'pocketfft::detail::ExecDcst']]], + ['os_4',['oS',['../struct_m_l_x_conv_params.html#a19ccb9fecfccdc18b6a7f0cc43adbc6e',1,'MLXConvParams']]], + ['out_5',['out',['../struct_read_writer.html#abea3b913c952c505d0ca4e529c7316ef',1,'ReadWriter']]], + ['out_5fstrides_6',['out_strides',['../struct_m_l_x_conv_params.html#adfca77f9a3c2b4c74752f90636ff5667',1,'MLXConvParams']]], + ['outputs_7',['outputs',['../structmlx_1_1core_1_1metal_1_1_device_stream.html#a55a7a92c6abad369c99a5ede7a2521b9',1,'mlx::core::metal::DeviceStream']]] ]; diff --git a/docs/build/html/searchindex.js b/docs/build/html/searchindex.js index 4935d21d9..0f4e98dd1 100644 --- a/docs/build/html/searchindex.js +++ b/docs/build/html/searchindex.js @@ -1 +1 @@ -Search.setIndex({"alltitles": {"A Simple Example": [[507, "a-simple-example"]], "Array": [[331, null]], "Attention layer": [[6, "attention-layer"]], "Automatic Differentiation": [[500, "automatic-differentiation"]], "Automatic Vectorization": [[500, "automatic-vectorization"]], "Basics": [[505, "basics"]], "Basics of Compile": [[497, "basics-of-compile"]], "Basics of Exporting": [[499, "basics-of-exporting"]], "Binary Size Minimization": [[9, "binary-size-minimization"]], "Binding to Python": [[2, "binding-to-python"]], "Build Options": [[9, "id4"]], "Build Requirements": [[9, "build-requirements"]], "Build and Install": [[9, null]], "Build from source": [[9, "build-from-source"]], "Building and Binding": [[2, "building-and-binding"]], "Building with CMake": [[2, "building-with-cmake"]], "Building with setuptools": [[2, "building-with-setuptools"]], "C++ API": [[9, "c-api"]], "C++ API Reference": [[8, null]], "Common Optimizers": [[491, null]], "Compilation": [[497, null]], "Compiling Training Graphs": [[497, "compiling-training-graphs"]], "Complex Example": [[1, "complex-example"]], "Conversion to NumPy and Other Frameworks": [[504, null]], "Converting the weights": [[6, "converting-the-weights"]], "Custom Extensions in MLX": [[2, null]], "Custom Metal Kernels": [[1, null]], "Data Types": [[332, null]], "Debugging": [[497, "debugging"]], "Defining a Ring": [[498, "defining-a-ring"]], "Devices and Streams": [[333, null]], "Differences from NumPy": [[501, "differences-from-numpy"]], "Distributed Communication": [[334, null], [498, null]], "Download the code": [[2, null], [6, null]], "Encoder layer": [[6, "encoder-layer"]], "Example Speedup": [[497, "example-speedup"]], "Examples": [[8, null]], "Export Functions": [[335, null]], "Exporting Functions": [[499, null]], "Exporting Modules": [[499, "exporting-modules"]], "Exporting Multiple Traces": [[499, "exporting-multiple-traces"]], "FFT": [[337, null]], "Fast": [[336, null]], "Full model": [[6, "full-model"]], "Function Transforms": [[500, null]], "Function and Graph Transformations": [[505, "function-and-graph-transformations"]], "Functions": [[466, null]], "Further Reading": [[8, null]], "Generation": [[6, "generation"]], "Getting Started": [[498, "getting-started"]], "Getting Started with MPI": [[498, "getting-started-with-mpi"]], "Getting Started with Ring": [[498, "getting-started-with-ring"]], "Grid Sample VJP": [[1, "grid-sample-vjp"]], "Implementing the CPU Back-end": [[2, "implementing-the-cpu-back-end"]], "Implementing the GPU Back-end": [[2, "implementing-the-gpu-back-end"]], "Implementing the Primitive": [[2, "implementing-the-primitive"]], "Implementing the model": [[6, "implementing-the-model"]], "Importing Functions in C++": [[499, "importing-functions-in-c"]], "In Place Updates": [[501, "in-place-updates"]], "Indexing Arrays": [[501, null]], "Initializers": [[467, null]], "Inspecting Modules": [[340, "inspecting-modules"]], "Install": [[8, null]], "Installing MPI": [[498, "installing-mpi"]], "Introducing the Example": [[2, "introducing-the-example"]], "JAX": [[504, "jax"]], "LLM inference": [[6, null]], "Launching Distributed Programs": [[502, null]], "Layers": [[468, null]], "Lazy Evaluation": [[503, null]], "Linear Algebra": [[338, null]], "Linear Regression": [[5, null]], "Loss Functions": [[469, null]], "MLX": [[8, null]], "MPI Specifics": [[502, "mpi-specifics"]], "Metal": [[339, null]], "Metal Debugger": [[3, null]], "Metal not found": [[9, "metal-not-found"]], "Module": [[470, null]], "More Examples": [[499, "more-examples"]], "Multi-Layer Perceptron": [[7, null]], "Neural Networks": [[340, null]], "Only Compute What You Use": [[503, "only-compute-what-you-use"]], "Operations": [[0, null], [2, "operations"], [471, null]], "Operations and Primitives": [[2, "operations-and-primitives"]], "Optimizer": [[492, null]], "Optimizers": [[472, null]], "Package Variables": [[4, "id1"]], "Parameters": [[340, "parameters"]], "Primitive Transforms": [[2, "primitive-transforms"]], "Primitives": [[2, "primitives"]], "Providing Hosts": [[502, "providing-hosts"]], "Pure Functions": [[497, "pure-functions"]], "Putting it all together": [[6, "putting-it-all-together"]], "PyTorch": [[504, "pytorch"]], "Python API": [[9, "python-api"]], "Python API Reference": [[8, null]], "Python Installation": [[9, "python-installation"]], "Quick Start Guide": [[505, null]], "Quick Start with Neural Networks": [[340, "quick-start-with-neural-networks"]], "Random": [[494, null]], "Results": [[2, "results"]], "Ring Specifics": [[502, "ring-specifics"]], "Running Distributed Programs": [[498, "running-distributed-programs"]], "Saving and Loading": [[472, "saving-and-loading"]], "Saving and Loading Arrays": [[506, null]], "Schedulers": [[493, null]], "Scripts": [[2, "scripts"], [6, "scripts"]], "Selecting Backend": [[498, "selecting-backend"]], "Serialization Formats": [[506, "id1"]], "Setting up Remote Hosts": [[498, "setting-up-remote-hosts"], [502, "setting-up-remote-hosts"]], "Shapeless Compilation": [[497, "shapeless-compilation"]], "Shapeless Exports": [[499, "shapeless-exports"]], "Simple Example": [[1, "simple-example"]], "Specifying the Stream": [[508, "specifying-the-stream"]], "Supported Data Types": [[332, "id2"]], "TensorFlow": [[504, "tensorflow"]], "The Module Class": [[340, "the-module-class"]], "Thunderbolt Ring": [[498, "thunderbolt-ring"]], "Training Example": [[498, "training-example"]], "Transformations with Compile": [[497, "transformations-with-compile"]], "Transformations with Imported Functions": [[499, "transformations-with-imported-functions"]], "Transforming Compute Graphs": [[503, "transforming-compute-graphs"]], "Transforms": [[495, null]], "Tree Utils": [[496, null]], "Troubleshooting": [[9, "troubleshooting"], [9, "id3"]], "Tuning MPI All Reduce": [[498, "tuning-mpi-all-reduce"]], "Unified Memory": [[507, null]], "Updating the Parameters": [[340, "updating-the-parameters"]], "Usage": [[2, "usage"], [8, null], [502, "usage"]], "Using MLX in C++": [[4, null]], "Using Shape/Strides": [[1, "using-shape-strides"]], "Using Streams": [[508, null]], "Using the Primitive": [[2, "using-the-primitive"]], "Utilizing nn.average_gradients": [[498, "utilizing-nn-average-gradients"]], "Value and Grad": [[340, "value-and-grad"]], "Weight loading and benchmarking": [[6, "weight-loading-and-benchmarking"]], "When to Evaluate": [[503, "when-to-evaluate"]], "Why Lazy Evaluation": [[503, "why-lazy-evaluation"]], "Xcode Workflow": [[3, "xcode-workflow"]], "mlx.core.Device": [[10, null]], "mlx.core.Dtype": [[11, null]], "mlx.core.DtypeCategory": [[12, null]], "mlx.core.Stream": [[330, null]], "mlx.core.abs": [[13, null]], "mlx.core.add": [[14, null]], "mlx.core.addmm": [[15, null]], "mlx.core.all": [[16, null]], "mlx.core.allclose": [[17, null]], "mlx.core.any": [[18, null]], "mlx.core.arange": [[19, null]], "mlx.core.arccos": [[20, null]], "mlx.core.arccosh": [[21, null]], "mlx.core.arcsin": [[22, null]], "mlx.core.arcsinh": [[23, null]], "mlx.core.arctan": [[24, null]], "mlx.core.arctan2": [[25, null]], "mlx.core.arctanh": [[26, null]], "mlx.core.argmax": [[27, null]], "mlx.core.argmin": [[28, null]], "mlx.core.argpartition": [[29, null]], "mlx.core.argsort": [[30, null]], "mlx.core.array": [[31, null]], "mlx.core.array.T": [[32, null]], "mlx.core.array.abs": [[33, null]], "mlx.core.array.all": [[34, null]], "mlx.core.array.any": [[35, null]], "mlx.core.array.argmax": [[36, null]], "mlx.core.array.argmin": [[37, null]], "mlx.core.array.astype": [[38, null]], "mlx.core.array.at": [[39, null]], "mlx.core.array.conj": [[40, null]], "mlx.core.array.cos": [[41, null]], "mlx.core.array.cummax": [[42, null]], "mlx.core.array.cummin": [[43, null]], "mlx.core.array.cumprod": [[44, null]], "mlx.core.array.cumsum": [[45, null]], "mlx.core.array.diag": [[46, null]], "mlx.core.array.diagonal": [[47, null]], "mlx.core.array.dtype": [[48, null]], "mlx.core.array.exp": [[49, null]], "mlx.core.array.flatten": [[50, null]], "mlx.core.array.item": [[51, null]], "mlx.core.array.itemsize": [[52, null]], "mlx.core.array.log": [[53, null]], "mlx.core.array.log10": [[54, null]], "mlx.core.array.log1p": [[55, null]], "mlx.core.array.log2": [[56, null]], "mlx.core.array.logsumexp": [[57, null]], "mlx.core.array.max": [[58, null]], "mlx.core.array.mean": [[59, null]], "mlx.core.array.min": [[60, null]], "mlx.core.array.moveaxis": [[61, null]], "mlx.core.array.nbytes": [[62, null]], "mlx.core.array.ndim": [[63, null]], "mlx.core.array.prod": [[64, null]], "mlx.core.array.reciprocal": [[65, null]], "mlx.core.array.reshape": [[66, null]], "mlx.core.array.round": [[67, null]], "mlx.core.array.rsqrt": [[68, null]], "mlx.core.array.shape": [[69, null]], "mlx.core.array.sin": [[70, null]], "mlx.core.array.size": [[71, null]], "mlx.core.array.split": [[72, null]], "mlx.core.array.sqrt": [[73, null]], "mlx.core.array.square": [[74, null]], "mlx.core.array.squeeze": [[75, null]], "mlx.core.array.std": [[76, null]], "mlx.core.array.sum": [[77, null]], "mlx.core.array.swapaxes": [[78, null]], "mlx.core.array.tolist": [[79, null]], "mlx.core.array.transpose": [[80, null]], "mlx.core.array.var": [[81, null]], "mlx.core.array.view": [[82, null]], "mlx.core.array_equal": [[83, null]], "mlx.core.as_strided": [[84, null]], "mlx.core.atleast_1d": [[85, null]], "mlx.core.atleast_2d": [[86, null]], "mlx.core.atleast_3d": [[87, null]], "mlx.core.bitwise_and": [[88, null]], "mlx.core.bitwise_invert": [[89, null]], "mlx.core.bitwise_or": [[90, null]], "mlx.core.bitwise_xor": [[91, null]], "mlx.core.block_masked_mm": [[92, null]], "mlx.core.broadcast_to": [[93, null]], "mlx.core.ceil": [[94, null]], "mlx.core.clip": [[95, null]], "mlx.core.compile": [[96, null]], "mlx.core.concatenate": [[97, null]], "mlx.core.conj": [[98, null]], "mlx.core.conjugate": [[99, null]], "mlx.core.conv1d": [[100, null]], "mlx.core.conv2d": [[101, null]], "mlx.core.conv3d": [[102, null]], "mlx.core.conv_general": [[103, null]], "mlx.core.conv_transpose1d": [[104, null]], "mlx.core.conv_transpose2d": [[105, null]], "mlx.core.conv_transpose3d": [[106, null]], "mlx.core.convolve": [[107, null]], "mlx.core.cos": [[108, null]], "mlx.core.cosh": [[109, null]], "mlx.core.cummax": [[110, null]], "mlx.core.cummin": [[111, null]], "mlx.core.cumprod": [[112, null]], "mlx.core.cumsum": [[113, null]], "mlx.core.custom_function": [[114, null]], "mlx.core.default_device": [[115, null]], "mlx.core.default_stream": [[116, null]], "mlx.core.degrees": [[117, null]], "mlx.core.dequantize": [[118, null]], "mlx.core.diag": [[119, null]], "mlx.core.diagonal": [[120, null]], "mlx.core.disable_compile": [[121, null]], "mlx.core.distributed.Group": [[122, null]], "mlx.core.distributed.all_gather": [[123, null]], "mlx.core.distributed.all_sum": [[124, null]], "mlx.core.distributed.init": [[125, null]], "mlx.core.distributed.is_available": [[126, null]], "mlx.core.distributed.recv": [[127, null]], "mlx.core.distributed.recv_like": [[128, null]], "mlx.core.distributed.send": [[129, null]], "mlx.core.divide": [[130, null]], "mlx.core.divmod": [[131, null]], "mlx.core.einsum": [[132, null]], "mlx.core.einsum_path": [[133, null]], "mlx.core.enable_compile": [[134, null]], "mlx.core.equal": [[135, null]], "mlx.core.erf": [[136, null]], "mlx.core.erfinv": [[137, null]], "mlx.core.eval": [[138, null]], "mlx.core.exp": [[139, null]], "mlx.core.expand_dims": [[140, null]], "mlx.core.expm1": [[141, null]], "mlx.core.export_function": [[142, null]], "mlx.core.export_to_dot": [[143, null]], "mlx.core.exporter": [[144, null]], "mlx.core.eye": [[145, null]], "mlx.core.fast.layer_norm": [[146, null]], "mlx.core.fast.metal_kernel": [[147, null]], "mlx.core.fast.rms_norm": [[148, null]], "mlx.core.fast.rope": [[149, null]], "mlx.core.fast.scaled_dot_product_attention": [[150, null]], "mlx.core.fft.fft": [[151, null]], "mlx.core.fft.fft2": [[152, null]], "mlx.core.fft.fftn": [[153, null]], "mlx.core.fft.ifft": [[154, null]], "mlx.core.fft.ifft2": [[155, null]], "mlx.core.fft.ifftn": [[156, null]], "mlx.core.fft.irfft": [[157, null]], "mlx.core.fft.irfft2": [[158, null]], "mlx.core.fft.irfftn": [[159, null]], "mlx.core.fft.rfft": [[160, null]], "mlx.core.fft.rfft2": [[161, null]], "mlx.core.fft.rfftn": [[162, null]], "mlx.core.finfo": [[163, null]], "mlx.core.flatten": [[164, null]], "mlx.core.floor": [[165, null]], "mlx.core.floor_divide": [[166, null]], "mlx.core.full": [[167, null]], "mlx.core.gather_mm": [[168, null]], "mlx.core.gather_qmm": [[169, null]], "mlx.core.grad": [[170, null]], "mlx.core.greater": [[171, null]], "mlx.core.greater_equal": [[172, null]], "mlx.core.hadamard_transform": [[173, null]], "mlx.core.identity": [[174, null]], "mlx.core.imag": [[175, null]], "mlx.core.import_function": [[176, null]], "mlx.core.inner": [[177, null]], "mlx.core.isclose": [[178, null]], "mlx.core.isfinite": [[179, null]], "mlx.core.isinf": [[180, null]], "mlx.core.isnan": [[181, null]], "mlx.core.isneginf": [[182, null]], "mlx.core.isposinf": [[183, null]], "mlx.core.issubdtype": [[184, null]], "mlx.core.jvp": [[185, null]], "mlx.core.kron": [[186, null]], "mlx.core.left_shift": [[187, null]], "mlx.core.less": [[188, null]], "mlx.core.less_equal": [[189, null]], "mlx.core.linalg.cholesky": [[190, null]], "mlx.core.linalg.cholesky_inv": [[191, null]], "mlx.core.linalg.cross": [[192, null]], "mlx.core.linalg.eigh": [[193, null]], "mlx.core.linalg.eigvalsh": [[194, null]], "mlx.core.linalg.inv": [[195, null]], "mlx.core.linalg.lu": [[196, null]], "mlx.core.linalg.lu_factor": [[197, null]], "mlx.core.linalg.norm": [[198, null]], "mlx.core.linalg.qr": [[199, null]], "mlx.core.linalg.solve": [[200, null]], "mlx.core.linalg.solve_triangular": [[201, null]], "mlx.core.linalg.svd": [[202, null]], "mlx.core.linalg.tri_inv": [[203, null]], "mlx.core.linspace": [[204, null]], "mlx.core.load": [[205, null]], "mlx.core.log": [[206, null]], "mlx.core.log10": [[207, null]], "mlx.core.log1p": [[208, null]], "mlx.core.log2": [[209, null]], "mlx.core.logaddexp": [[210, null]], "mlx.core.logical_and": [[211, null]], "mlx.core.logical_not": [[212, null]], "mlx.core.logical_or": [[213, null]], "mlx.core.logsumexp": [[214, null]], "mlx.core.matmul": [[215, null]], "mlx.core.max": [[216, null]], "mlx.core.maximum": [[217, null]], "mlx.core.mean": [[218, null]], "mlx.core.meshgrid": [[219, null]], "mlx.core.metal.clear_cache": [[220, null]], "mlx.core.metal.device_info": [[221, null]], "mlx.core.metal.get_active_memory": [[222, null]], "mlx.core.metal.get_cache_memory": [[223, null]], "mlx.core.metal.get_peak_memory": [[224, null]], "mlx.core.metal.is_available": [[225, null]], "mlx.core.metal.reset_peak_memory": [[226, null]], "mlx.core.metal.set_cache_limit": [[227, null]], "mlx.core.metal.set_memory_limit": [[228, null]], "mlx.core.metal.set_wired_limit": [[229, null]], "mlx.core.metal.start_capture": [[230, null]], "mlx.core.metal.stop_capture": [[231, null]], "mlx.core.min": [[232, null]], "mlx.core.minimum": [[233, null]], "mlx.core.moveaxis": [[234, null]], "mlx.core.multiply": [[235, null]], "mlx.core.nan_to_num": [[236, null]], "mlx.core.negative": [[237, null]], "mlx.core.new_stream": [[238, null]], "mlx.core.not_equal": [[239, null]], "mlx.core.ones": [[240, null]], "mlx.core.ones_like": [[241, null]], "mlx.core.outer": [[242, null]], "mlx.core.pad": [[243, null]], "mlx.core.partition": [[244, null]], "mlx.core.power": [[245, null]], "mlx.core.prod": [[246, null]], "mlx.core.put_along_axis": [[247, null]], "mlx.core.quantize": [[248, null]], "mlx.core.quantized_matmul": [[249, null]], "mlx.core.radians": [[250, null]], "mlx.core.random.bernoulli": [[251, null]], "mlx.core.random.categorical": [[252, null]], "mlx.core.random.gumbel": [[253, null]], "mlx.core.random.key": [[254, null]], "mlx.core.random.laplace": [[255, null]], "mlx.core.random.multivariate_normal": [[256, null]], "mlx.core.random.normal": [[257, null]], "mlx.core.random.permutation": [[258, null]], "mlx.core.random.randint": [[259, null]], "mlx.core.random.seed": [[260, null]], "mlx.core.random.split": [[261, null]], "mlx.core.random.truncated_normal": [[262, null]], "mlx.core.random.uniform": [[263, null]], "mlx.core.real": [[264, null]], "mlx.core.reciprocal": [[265, null]], "mlx.core.remainder": [[266, null]], "mlx.core.repeat": [[267, null]], "mlx.core.reshape": [[268, null]], "mlx.core.right_shift": [[269, null]], "mlx.core.roll": [[270, null]], "mlx.core.round": [[271, null]], "mlx.core.rsqrt": [[272, null]], "mlx.core.save": [[273, null]], "mlx.core.save_gguf": [[274, null]], "mlx.core.save_safetensors": [[275, null]], "mlx.core.savez": [[276, null]], "mlx.core.savez_compressed": [[277, null]], "mlx.core.set_default_device": [[278, null]], "mlx.core.set_default_stream": [[279, null]], "mlx.core.sigmoid": [[280, null]], "mlx.core.sign": [[281, null]], "mlx.core.sin": [[282, null]], "mlx.core.sinh": [[283, null]], "mlx.core.slice": [[284, null]], "mlx.core.slice_update": [[285, null]], "mlx.core.softmax": [[286, null]], "mlx.core.sort": [[287, null]], "mlx.core.split": [[288, null]], "mlx.core.sqrt": [[289, null]], "mlx.core.square": [[290, null]], "mlx.core.squeeze": [[291, null]], "mlx.core.stack": [[292, null]], "mlx.core.std": [[293, null]], "mlx.core.stop_gradient": [[294, null]], "mlx.core.stream": [[295, null]], "mlx.core.subtract": [[296, null]], "mlx.core.sum": [[297, null]], "mlx.core.swapaxes": [[298, null]], "mlx.core.synchronize": [[299, null]], "mlx.core.take": [[300, null]], "mlx.core.take_along_axis": [[301, null]], "mlx.core.tan": [[302, null]], "mlx.core.tanh": [[303, null]], "mlx.core.tensordot": [[304, null]], "mlx.core.tile": [[305, null]], "mlx.core.topk": [[306, null]], "mlx.core.trace": [[307, null]], "mlx.core.transpose": [[308, null]], "mlx.core.tri": [[309, null]], "mlx.core.tril": [[310, null]], "mlx.core.triu": [[311, null]], "mlx.core.unflatten": [[312, null]], "mlx.core.value_and_grad": [[313, null]], "mlx.core.var": [[314, null]], "mlx.core.view": [[315, null]], "mlx.core.vjp": [[316, null]], "mlx.core.vmap": [[317, null]], "mlx.core.where": [[318, null]], "mlx.core.zeros": [[319, null]], "mlx.core.zeros_like": [[320, null]], "mlx.nn.ALiBi": [[341, null]], "mlx.nn.AvgPool1d": [[342, null]], "mlx.nn.AvgPool2d": [[343, null]], "mlx.nn.AvgPool3d": [[344, null]], "mlx.nn.BatchNorm": [[345, null]], "mlx.nn.CELU": [[346, null]], "mlx.nn.Conv1d": [[347, null]], "mlx.nn.Conv2d": [[348, null]], "mlx.nn.Conv3d": [[349, null]], "mlx.nn.ConvTranspose1d": [[350, null]], "mlx.nn.ConvTranspose2d": [[351, null]], "mlx.nn.ConvTranspose3d": [[352, null]], "mlx.nn.Dropout": [[353, null]], "mlx.nn.Dropout2d": [[354, null]], "mlx.nn.Dropout3d": [[355, null]], "mlx.nn.ELU": [[356, null]], "mlx.nn.Embedding": [[357, null]], "mlx.nn.GELU": [[358, null]], "mlx.nn.GLU": [[359, null]], "mlx.nn.GRU": [[360, null]], "mlx.nn.GroupNorm": [[361, null]], "mlx.nn.HardShrink": [[362, null]], "mlx.nn.HardTanh": [[363, null]], "mlx.nn.Hardswish": [[364, null]], "mlx.nn.InstanceNorm": [[365, null]], "mlx.nn.LSTM": [[366, null]], "mlx.nn.LayerNorm": [[367, null]], "mlx.nn.LeakyReLU": [[368, null]], "mlx.nn.Linear": [[369, null]], "mlx.nn.LogSigmoid": [[370, null]], "mlx.nn.LogSoftmax": [[371, null]], "mlx.nn.MaxPool1d": [[372, null]], "mlx.nn.MaxPool2d": [[373, null]], "mlx.nn.MaxPool3d": [[374, null]], "mlx.nn.Mish": [[375, null]], "mlx.nn.Module.apply": [[376, null]], "mlx.nn.Module.apply_to_modules": [[377, null]], "mlx.nn.Module.children": [[378, null]], "mlx.nn.Module.eval": [[379, null]], "mlx.nn.Module.filter_and_map": [[380, null]], "mlx.nn.Module.freeze": [[381, null]], "mlx.nn.Module.leaf_modules": [[382, null]], "mlx.nn.Module.load_weights": [[383, null]], "mlx.nn.Module.modules": [[384, null]], "mlx.nn.Module.named_modules": [[385, null]], "mlx.nn.Module.parameters": [[386, null]], "mlx.nn.Module.save_weights": [[387, null]], "mlx.nn.Module.set_dtype": [[388, null]], "mlx.nn.Module.state": [[389, null]], "mlx.nn.Module.train": [[390, null]], "mlx.nn.Module.trainable_parameters": [[391, null]], "mlx.nn.Module.training": [[392, null]], "mlx.nn.Module.unfreeze": [[393, null]], "mlx.nn.Module.update": [[394, null]], "mlx.nn.Module.update_modules": [[395, null]], "mlx.nn.MultiHeadAttention": [[396, null]], "mlx.nn.PReLU": [[397, null]], "mlx.nn.QuantizedEmbedding": [[398, null]], "mlx.nn.QuantizedLinear": [[399, null]], "mlx.nn.RMSNorm": [[400, null]], "mlx.nn.RNN": [[401, null]], "mlx.nn.ReLU": [[402, null]], "mlx.nn.ReLU6": [[403, null]], "mlx.nn.RoPE": [[404, null]], "mlx.nn.SELU": [[405, null]], "mlx.nn.Sequential": [[406, null]], "mlx.nn.SiLU": [[407, null]], "mlx.nn.Sigmoid": [[408, null]], "mlx.nn.SinusoidalPositionalEncoding": [[409, null]], "mlx.nn.Softmax": [[410, null]], "mlx.nn.Softmin": [[411, null]], "mlx.nn.Softplus": [[412, null]], "mlx.nn.Softshrink": [[413, null]], "mlx.nn.Softsign": [[414, null]], "mlx.nn.Step": [[415, null]], "mlx.nn.Tanh": [[416, null]], "mlx.nn.Transformer": [[417, null]], "mlx.nn.Upsample": [[418, null]], "mlx.nn.average_gradients": [[321, null]], "mlx.nn.celu": [[427, null]], "mlx.nn.elu": [[428, null]], "mlx.nn.gelu": [[429, null]], "mlx.nn.gelu_approx": [[430, null]], "mlx.nn.gelu_fast_approx": [[431, null]], "mlx.nn.glu": [[432, null]], "mlx.nn.hard_shrink": [[433, null]], "mlx.nn.hard_tanh": [[434, null]], "mlx.nn.hardswish": [[435, null]], "mlx.nn.init.constant": [[419, null]], "mlx.nn.init.glorot_normal": [[420, null]], "mlx.nn.init.glorot_uniform": [[421, null]], "mlx.nn.init.he_normal": [[422, null]], "mlx.nn.init.he_uniform": [[423, null]], "mlx.nn.init.identity": [[424, null]], "mlx.nn.init.normal": [[425, null]], "mlx.nn.init.uniform": [[426, null]], "mlx.nn.leaky_relu": [[436, null]], "mlx.nn.log_sigmoid": [[437, null]], "mlx.nn.log_softmax": [[438, null]], "mlx.nn.losses.binary_cross_entropy": [[439, null]], "mlx.nn.losses.cosine_similarity_loss": [[440, null]], "mlx.nn.losses.cross_entropy": [[441, null]], "mlx.nn.losses.gaussian_nll_loss": [[442, null]], "mlx.nn.losses.hinge_loss": [[443, null]], "mlx.nn.losses.huber_loss": [[444, null]], "mlx.nn.losses.kl_div_loss": [[445, null]], "mlx.nn.losses.l1_loss": [[446, null]], "mlx.nn.losses.log_cosh_loss": [[447, null]], "mlx.nn.losses.margin_ranking_loss": [[448, null]], "mlx.nn.losses.mse_loss": [[449, null]], "mlx.nn.losses.nll_loss": [[450, null]], "mlx.nn.losses.smooth_l1_loss": [[451, null]], "mlx.nn.losses.triplet_loss": [[452, null]], "mlx.nn.mish": [[453, null]], "mlx.nn.prelu": [[454, null]], "mlx.nn.quantize": [[322, null]], "mlx.nn.relu": [[455, null]], "mlx.nn.relu6": [[456, null]], "mlx.nn.selu": [[457, null]], "mlx.nn.sigmoid": [[458, null]], "mlx.nn.silu": [[459, null]], "mlx.nn.softmax": [[460, null]], "mlx.nn.softmin": [[461, null]], "mlx.nn.softplus": [[462, null]], "mlx.nn.softshrink": [[463, null]], "mlx.nn.step": [[464, null]], "mlx.nn.tanh": [[465, null]], "mlx.nn.value_and_grad": [[323, null]], "mlx.optimizers.AdaDelta": [[473, null]], "mlx.optimizers.Adafactor": [[474, null]], "mlx.optimizers.Adagrad": [[475, null]], "mlx.optimizers.Adam": [[476, null]], "mlx.optimizers.AdamW": [[477, null]], "mlx.optimizers.Adamax": [[478, null]], "mlx.optimizers.Lion": [[479, null]], "mlx.optimizers.Optimizer.apply_gradients": [[480, null]], "mlx.optimizers.Optimizer.init": [[481, null]], "mlx.optimizers.Optimizer.state": [[482, null]], "mlx.optimizers.Optimizer.update": [[483, null]], "mlx.optimizers.RMSprop": [[484, null]], "mlx.optimizers.SGD": [[485, null]], "mlx.optimizers.clip_grad_norm": [[324, null]], "mlx.optimizers.cosine_decay": [[486, null]], "mlx.optimizers.exponential_decay": [[487, null]], "mlx.optimizers.join_schedules": [[488, null]], "mlx.optimizers.linear_schedule": [[489, null]], "mlx.optimizers.step_decay": [[490, null]], "mlx.utils.tree_flatten": [[325, null]], "mlx.utils.tree_map": [[326, null]], "mlx.utils.tree_map_with_path": [[327, null]], "mlx.utils.tree_reduce": [[328, null]], "mlx.utils.tree_unflatten": [[329, null]], "x86 Shell": [[9, "x86-shell"]]}, "docnames": ["cpp/ops", "dev/custom_metal_kernels", "dev/extensions", "dev/metal_debugger", "dev/mlx_in_cpp", "examples/linear_regression", "examples/llama-inference", "examples/mlp", "index", "install", "python/_autosummary/mlx.core.Device", "python/_autosummary/mlx.core.Dtype", "python/_autosummary/mlx.core.DtypeCategory", "python/_autosummary/mlx.core.abs", "python/_autosummary/mlx.core.add", "python/_autosummary/mlx.core.addmm", "python/_autosummary/mlx.core.all", "python/_autosummary/mlx.core.allclose", "python/_autosummary/mlx.core.any", "python/_autosummary/mlx.core.arange", "python/_autosummary/mlx.core.arccos", "python/_autosummary/mlx.core.arccosh", "python/_autosummary/mlx.core.arcsin", "python/_autosummary/mlx.core.arcsinh", "python/_autosummary/mlx.core.arctan", "python/_autosummary/mlx.core.arctan2", "python/_autosummary/mlx.core.arctanh", "python/_autosummary/mlx.core.argmax", "python/_autosummary/mlx.core.argmin", "python/_autosummary/mlx.core.argpartition", "python/_autosummary/mlx.core.argsort", "python/_autosummary/mlx.core.array", "python/_autosummary/mlx.core.array.T", "python/_autosummary/mlx.core.array.abs", "python/_autosummary/mlx.core.array.all", "python/_autosummary/mlx.core.array.any", "python/_autosummary/mlx.core.array.argmax", "python/_autosummary/mlx.core.array.argmin", "python/_autosummary/mlx.core.array.astype", "python/_autosummary/mlx.core.array.at", "python/_autosummary/mlx.core.array.conj", "python/_autosummary/mlx.core.array.cos", "python/_autosummary/mlx.core.array.cummax", "python/_autosummary/mlx.core.array.cummin", "python/_autosummary/mlx.core.array.cumprod", "python/_autosummary/mlx.core.array.cumsum", "python/_autosummary/mlx.core.array.diag", "python/_autosummary/mlx.core.array.diagonal", "python/_autosummary/mlx.core.array.dtype", "python/_autosummary/mlx.core.array.exp", "python/_autosummary/mlx.core.array.flatten", "python/_autosummary/mlx.core.array.item", "python/_autosummary/mlx.core.array.itemsize", "python/_autosummary/mlx.core.array.log", "python/_autosummary/mlx.core.array.log10", "python/_autosummary/mlx.core.array.log1p", "python/_autosummary/mlx.core.array.log2", "python/_autosummary/mlx.core.array.logsumexp", "python/_autosummary/mlx.core.array.max", "python/_autosummary/mlx.core.array.mean", "python/_autosummary/mlx.core.array.min", "python/_autosummary/mlx.core.array.moveaxis", "python/_autosummary/mlx.core.array.nbytes", "python/_autosummary/mlx.core.array.ndim", "python/_autosummary/mlx.core.array.prod", "python/_autosummary/mlx.core.array.reciprocal", "python/_autosummary/mlx.core.array.reshape", "python/_autosummary/mlx.core.array.round", "python/_autosummary/mlx.core.array.rsqrt", "python/_autosummary/mlx.core.array.shape", "python/_autosummary/mlx.core.array.sin", "python/_autosummary/mlx.core.array.size", "python/_autosummary/mlx.core.array.split", "python/_autosummary/mlx.core.array.sqrt", "python/_autosummary/mlx.core.array.square", "python/_autosummary/mlx.core.array.squeeze", "python/_autosummary/mlx.core.array.std", "python/_autosummary/mlx.core.array.sum", "python/_autosummary/mlx.core.array.swapaxes", "python/_autosummary/mlx.core.array.tolist", "python/_autosummary/mlx.core.array.transpose", "python/_autosummary/mlx.core.array.var", "python/_autosummary/mlx.core.array.view", "python/_autosummary/mlx.core.array_equal", "python/_autosummary/mlx.core.as_strided", "python/_autosummary/mlx.core.atleast_1d", "python/_autosummary/mlx.core.atleast_2d", "python/_autosummary/mlx.core.atleast_3d", "python/_autosummary/mlx.core.bitwise_and", "python/_autosummary/mlx.core.bitwise_invert", "python/_autosummary/mlx.core.bitwise_or", "python/_autosummary/mlx.core.bitwise_xor", "python/_autosummary/mlx.core.block_masked_mm", "python/_autosummary/mlx.core.broadcast_to", "python/_autosummary/mlx.core.ceil", "python/_autosummary/mlx.core.clip", "python/_autosummary/mlx.core.compile", "python/_autosummary/mlx.core.concatenate", "python/_autosummary/mlx.core.conj", "python/_autosummary/mlx.core.conjugate", "python/_autosummary/mlx.core.conv1d", "python/_autosummary/mlx.core.conv2d", "python/_autosummary/mlx.core.conv3d", "python/_autosummary/mlx.core.conv_general", "python/_autosummary/mlx.core.conv_transpose1d", "python/_autosummary/mlx.core.conv_transpose2d", "python/_autosummary/mlx.core.conv_transpose3d", "python/_autosummary/mlx.core.convolve", "python/_autosummary/mlx.core.cos", "python/_autosummary/mlx.core.cosh", "python/_autosummary/mlx.core.cummax", "python/_autosummary/mlx.core.cummin", "python/_autosummary/mlx.core.cumprod", "python/_autosummary/mlx.core.cumsum", "python/_autosummary/mlx.core.custom_function", "python/_autosummary/mlx.core.default_device", "python/_autosummary/mlx.core.default_stream", "python/_autosummary/mlx.core.degrees", "python/_autosummary/mlx.core.dequantize", "python/_autosummary/mlx.core.diag", "python/_autosummary/mlx.core.diagonal", "python/_autosummary/mlx.core.disable_compile", "python/_autosummary/mlx.core.distributed.Group", "python/_autosummary/mlx.core.distributed.all_gather", "python/_autosummary/mlx.core.distributed.all_sum", "python/_autosummary/mlx.core.distributed.init", "python/_autosummary/mlx.core.distributed.is_available", "python/_autosummary/mlx.core.distributed.recv", "python/_autosummary/mlx.core.distributed.recv_like", "python/_autosummary/mlx.core.distributed.send", "python/_autosummary/mlx.core.divide", "python/_autosummary/mlx.core.divmod", "python/_autosummary/mlx.core.einsum", "python/_autosummary/mlx.core.einsum_path", "python/_autosummary/mlx.core.enable_compile", "python/_autosummary/mlx.core.equal", "python/_autosummary/mlx.core.erf", "python/_autosummary/mlx.core.erfinv", "python/_autosummary/mlx.core.eval", "python/_autosummary/mlx.core.exp", "python/_autosummary/mlx.core.expand_dims", "python/_autosummary/mlx.core.expm1", "python/_autosummary/mlx.core.export_function", "python/_autosummary/mlx.core.export_to_dot", "python/_autosummary/mlx.core.exporter", "python/_autosummary/mlx.core.eye", "python/_autosummary/mlx.core.fast.layer_norm", "python/_autosummary/mlx.core.fast.metal_kernel", "python/_autosummary/mlx.core.fast.rms_norm", "python/_autosummary/mlx.core.fast.rope", "python/_autosummary/mlx.core.fast.scaled_dot_product_attention", "python/_autosummary/mlx.core.fft.fft", "python/_autosummary/mlx.core.fft.fft2", "python/_autosummary/mlx.core.fft.fftn", "python/_autosummary/mlx.core.fft.ifft", "python/_autosummary/mlx.core.fft.ifft2", "python/_autosummary/mlx.core.fft.ifftn", "python/_autosummary/mlx.core.fft.irfft", "python/_autosummary/mlx.core.fft.irfft2", "python/_autosummary/mlx.core.fft.irfftn", "python/_autosummary/mlx.core.fft.rfft", "python/_autosummary/mlx.core.fft.rfft2", "python/_autosummary/mlx.core.fft.rfftn", "python/_autosummary/mlx.core.finfo", "python/_autosummary/mlx.core.flatten", "python/_autosummary/mlx.core.floor", "python/_autosummary/mlx.core.floor_divide", "python/_autosummary/mlx.core.full", "python/_autosummary/mlx.core.gather_mm", "python/_autosummary/mlx.core.gather_qmm", "python/_autosummary/mlx.core.grad", "python/_autosummary/mlx.core.greater", "python/_autosummary/mlx.core.greater_equal", "python/_autosummary/mlx.core.hadamard_transform", "python/_autosummary/mlx.core.identity", "python/_autosummary/mlx.core.imag", "python/_autosummary/mlx.core.import_function", "python/_autosummary/mlx.core.inner", "python/_autosummary/mlx.core.isclose", "python/_autosummary/mlx.core.isfinite", "python/_autosummary/mlx.core.isinf", "python/_autosummary/mlx.core.isnan", "python/_autosummary/mlx.core.isneginf", "python/_autosummary/mlx.core.isposinf", "python/_autosummary/mlx.core.issubdtype", "python/_autosummary/mlx.core.jvp", "python/_autosummary/mlx.core.kron", "python/_autosummary/mlx.core.left_shift", "python/_autosummary/mlx.core.less", "python/_autosummary/mlx.core.less_equal", "python/_autosummary/mlx.core.linalg.cholesky", "python/_autosummary/mlx.core.linalg.cholesky_inv", "python/_autosummary/mlx.core.linalg.cross", "python/_autosummary/mlx.core.linalg.eigh", "python/_autosummary/mlx.core.linalg.eigvalsh", "python/_autosummary/mlx.core.linalg.inv", "python/_autosummary/mlx.core.linalg.lu", "python/_autosummary/mlx.core.linalg.lu_factor", "python/_autosummary/mlx.core.linalg.norm", "python/_autosummary/mlx.core.linalg.qr", "python/_autosummary/mlx.core.linalg.solve", "python/_autosummary/mlx.core.linalg.solve_triangular", "python/_autosummary/mlx.core.linalg.svd", "python/_autosummary/mlx.core.linalg.tri_inv", "python/_autosummary/mlx.core.linspace", "python/_autosummary/mlx.core.load", "python/_autosummary/mlx.core.log", "python/_autosummary/mlx.core.log10", "python/_autosummary/mlx.core.log1p", "python/_autosummary/mlx.core.log2", "python/_autosummary/mlx.core.logaddexp", "python/_autosummary/mlx.core.logical_and", "python/_autosummary/mlx.core.logical_not", "python/_autosummary/mlx.core.logical_or", "python/_autosummary/mlx.core.logsumexp", "python/_autosummary/mlx.core.matmul", "python/_autosummary/mlx.core.max", "python/_autosummary/mlx.core.maximum", "python/_autosummary/mlx.core.mean", "python/_autosummary/mlx.core.meshgrid", "python/_autosummary/mlx.core.metal.clear_cache", "python/_autosummary/mlx.core.metal.device_info", "python/_autosummary/mlx.core.metal.get_active_memory", "python/_autosummary/mlx.core.metal.get_cache_memory", "python/_autosummary/mlx.core.metal.get_peak_memory", "python/_autosummary/mlx.core.metal.is_available", "python/_autosummary/mlx.core.metal.reset_peak_memory", "python/_autosummary/mlx.core.metal.set_cache_limit", "python/_autosummary/mlx.core.metal.set_memory_limit", "python/_autosummary/mlx.core.metal.set_wired_limit", "python/_autosummary/mlx.core.metal.start_capture", "python/_autosummary/mlx.core.metal.stop_capture", "python/_autosummary/mlx.core.min", "python/_autosummary/mlx.core.minimum", "python/_autosummary/mlx.core.moveaxis", "python/_autosummary/mlx.core.multiply", "python/_autosummary/mlx.core.nan_to_num", "python/_autosummary/mlx.core.negative", "python/_autosummary/mlx.core.new_stream", "python/_autosummary/mlx.core.not_equal", "python/_autosummary/mlx.core.ones", "python/_autosummary/mlx.core.ones_like", "python/_autosummary/mlx.core.outer", "python/_autosummary/mlx.core.pad", "python/_autosummary/mlx.core.partition", "python/_autosummary/mlx.core.power", "python/_autosummary/mlx.core.prod", "python/_autosummary/mlx.core.put_along_axis", "python/_autosummary/mlx.core.quantize", "python/_autosummary/mlx.core.quantized_matmul", "python/_autosummary/mlx.core.radians", "python/_autosummary/mlx.core.random.bernoulli", "python/_autosummary/mlx.core.random.categorical", "python/_autosummary/mlx.core.random.gumbel", "python/_autosummary/mlx.core.random.key", "python/_autosummary/mlx.core.random.laplace", "python/_autosummary/mlx.core.random.multivariate_normal", "python/_autosummary/mlx.core.random.normal", "python/_autosummary/mlx.core.random.permutation", "python/_autosummary/mlx.core.random.randint", "python/_autosummary/mlx.core.random.seed", "python/_autosummary/mlx.core.random.split", "python/_autosummary/mlx.core.random.truncated_normal", "python/_autosummary/mlx.core.random.uniform", "python/_autosummary/mlx.core.real", "python/_autosummary/mlx.core.reciprocal", "python/_autosummary/mlx.core.remainder", "python/_autosummary/mlx.core.repeat", "python/_autosummary/mlx.core.reshape", "python/_autosummary/mlx.core.right_shift", "python/_autosummary/mlx.core.roll", "python/_autosummary/mlx.core.round", "python/_autosummary/mlx.core.rsqrt", "python/_autosummary/mlx.core.save", "python/_autosummary/mlx.core.save_gguf", "python/_autosummary/mlx.core.save_safetensors", "python/_autosummary/mlx.core.savez", "python/_autosummary/mlx.core.savez_compressed", "python/_autosummary/mlx.core.set_default_device", "python/_autosummary/mlx.core.set_default_stream", "python/_autosummary/mlx.core.sigmoid", "python/_autosummary/mlx.core.sign", "python/_autosummary/mlx.core.sin", "python/_autosummary/mlx.core.sinh", "python/_autosummary/mlx.core.slice", "python/_autosummary/mlx.core.slice_update", "python/_autosummary/mlx.core.softmax", "python/_autosummary/mlx.core.sort", "python/_autosummary/mlx.core.split", "python/_autosummary/mlx.core.sqrt", "python/_autosummary/mlx.core.square", "python/_autosummary/mlx.core.squeeze", "python/_autosummary/mlx.core.stack", "python/_autosummary/mlx.core.std", "python/_autosummary/mlx.core.stop_gradient", "python/_autosummary/mlx.core.stream", "python/_autosummary/mlx.core.subtract", "python/_autosummary/mlx.core.sum", "python/_autosummary/mlx.core.swapaxes", "python/_autosummary/mlx.core.synchronize", "python/_autosummary/mlx.core.take", "python/_autosummary/mlx.core.take_along_axis", "python/_autosummary/mlx.core.tan", "python/_autosummary/mlx.core.tanh", "python/_autosummary/mlx.core.tensordot", "python/_autosummary/mlx.core.tile", "python/_autosummary/mlx.core.topk", "python/_autosummary/mlx.core.trace", "python/_autosummary/mlx.core.transpose", "python/_autosummary/mlx.core.tri", "python/_autosummary/mlx.core.tril", "python/_autosummary/mlx.core.triu", "python/_autosummary/mlx.core.unflatten", "python/_autosummary/mlx.core.value_and_grad", "python/_autosummary/mlx.core.var", "python/_autosummary/mlx.core.view", "python/_autosummary/mlx.core.vjp", "python/_autosummary/mlx.core.vmap", "python/_autosummary/mlx.core.where", "python/_autosummary/mlx.core.zeros", "python/_autosummary/mlx.core.zeros_like", "python/_autosummary/mlx.nn.average_gradients", "python/_autosummary/mlx.nn.quantize", "python/_autosummary/mlx.nn.value_and_grad", "python/_autosummary/mlx.optimizers.clip_grad_norm", "python/_autosummary/mlx.utils.tree_flatten", "python/_autosummary/mlx.utils.tree_map", "python/_autosummary/mlx.utils.tree_map_with_path", "python/_autosummary/mlx.utils.tree_reduce", "python/_autosummary/mlx.utils.tree_unflatten", "python/_autosummary/stream_class", "python/array", "python/data_types", "python/devices_and_streams", "python/distributed", "python/export", "python/fast", "python/fft", "python/linalg", "python/metal", "python/nn", "python/nn/_autosummary/mlx.nn.ALiBi", "python/nn/_autosummary/mlx.nn.AvgPool1d", "python/nn/_autosummary/mlx.nn.AvgPool2d", "python/nn/_autosummary/mlx.nn.AvgPool3d", "python/nn/_autosummary/mlx.nn.BatchNorm", "python/nn/_autosummary/mlx.nn.CELU", "python/nn/_autosummary/mlx.nn.Conv1d", "python/nn/_autosummary/mlx.nn.Conv2d", "python/nn/_autosummary/mlx.nn.Conv3d", "python/nn/_autosummary/mlx.nn.ConvTranspose1d", "python/nn/_autosummary/mlx.nn.ConvTranspose2d", "python/nn/_autosummary/mlx.nn.ConvTranspose3d", "python/nn/_autosummary/mlx.nn.Dropout", "python/nn/_autosummary/mlx.nn.Dropout2d", "python/nn/_autosummary/mlx.nn.Dropout3d", "python/nn/_autosummary/mlx.nn.ELU", "python/nn/_autosummary/mlx.nn.Embedding", "python/nn/_autosummary/mlx.nn.GELU", "python/nn/_autosummary/mlx.nn.GLU", "python/nn/_autosummary/mlx.nn.GRU", "python/nn/_autosummary/mlx.nn.GroupNorm", "python/nn/_autosummary/mlx.nn.HardShrink", "python/nn/_autosummary/mlx.nn.HardTanh", "python/nn/_autosummary/mlx.nn.Hardswish", "python/nn/_autosummary/mlx.nn.InstanceNorm", "python/nn/_autosummary/mlx.nn.LSTM", "python/nn/_autosummary/mlx.nn.LayerNorm", "python/nn/_autosummary/mlx.nn.LeakyReLU", "python/nn/_autosummary/mlx.nn.Linear", "python/nn/_autosummary/mlx.nn.LogSigmoid", "python/nn/_autosummary/mlx.nn.LogSoftmax", "python/nn/_autosummary/mlx.nn.MaxPool1d", "python/nn/_autosummary/mlx.nn.MaxPool2d", "python/nn/_autosummary/mlx.nn.MaxPool3d", "python/nn/_autosummary/mlx.nn.Mish", "python/nn/_autosummary/mlx.nn.Module.apply", "python/nn/_autosummary/mlx.nn.Module.apply_to_modules", "python/nn/_autosummary/mlx.nn.Module.children", "python/nn/_autosummary/mlx.nn.Module.eval", "python/nn/_autosummary/mlx.nn.Module.filter_and_map", "python/nn/_autosummary/mlx.nn.Module.freeze", "python/nn/_autosummary/mlx.nn.Module.leaf_modules", "python/nn/_autosummary/mlx.nn.Module.load_weights", "python/nn/_autosummary/mlx.nn.Module.modules", "python/nn/_autosummary/mlx.nn.Module.named_modules", "python/nn/_autosummary/mlx.nn.Module.parameters", "python/nn/_autosummary/mlx.nn.Module.save_weights", "python/nn/_autosummary/mlx.nn.Module.set_dtype", "python/nn/_autosummary/mlx.nn.Module.state", "python/nn/_autosummary/mlx.nn.Module.train", "python/nn/_autosummary/mlx.nn.Module.trainable_parameters", "python/nn/_autosummary/mlx.nn.Module.training", "python/nn/_autosummary/mlx.nn.Module.unfreeze", "python/nn/_autosummary/mlx.nn.Module.update", "python/nn/_autosummary/mlx.nn.Module.update_modules", "python/nn/_autosummary/mlx.nn.MultiHeadAttention", "python/nn/_autosummary/mlx.nn.PReLU", "python/nn/_autosummary/mlx.nn.QuantizedEmbedding", "python/nn/_autosummary/mlx.nn.QuantizedLinear", "python/nn/_autosummary/mlx.nn.RMSNorm", "python/nn/_autosummary/mlx.nn.RNN", "python/nn/_autosummary/mlx.nn.ReLU", "python/nn/_autosummary/mlx.nn.ReLU6", "python/nn/_autosummary/mlx.nn.RoPE", "python/nn/_autosummary/mlx.nn.SELU", "python/nn/_autosummary/mlx.nn.Sequential", "python/nn/_autosummary/mlx.nn.SiLU", "python/nn/_autosummary/mlx.nn.Sigmoid", "python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding", "python/nn/_autosummary/mlx.nn.Softmax", "python/nn/_autosummary/mlx.nn.Softmin", "python/nn/_autosummary/mlx.nn.Softplus", "python/nn/_autosummary/mlx.nn.Softshrink", "python/nn/_autosummary/mlx.nn.Softsign", "python/nn/_autosummary/mlx.nn.Step", "python/nn/_autosummary/mlx.nn.Tanh", "python/nn/_autosummary/mlx.nn.Transformer", "python/nn/_autosummary/mlx.nn.Upsample", "python/nn/_autosummary/mlx.nn.init.constant", "python/nn/_autosummary/mlx.nn.init.glorot_normal", "python/nn/_autosummary/mlx.nn.init.glorot_uniform", "python/nn/_autosummary/mlx.nn.init.he_normal", "python/nn/_autosummary/mlx.nn.init.he_uniform", "python/nn/_autosummary/mlx.nn.init.identity", "python/nn/_autosummary/mlx.nn.init.normal", "python/nn/_autosummary/mlx.nn.init.uniform", "python/nn/_autosummary_functions/mlx.nn.celu", "python/nn/_autosummary_functions/mlx.nn.elu", "python/nn/_autosummary_functions/mlx.nn.gelu", "python/nn/_autosummary_functions/mlx.nn.gelu_approx", "python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx", "python/nn/_autosummary_functions/mlx.nn.glu", "python/nn/_autosummary_functions/mlx.nn.hard_shrink", "python/nn/_autosummary_functions/mlx.nn.hard_tanh", "python/nn/_autosummary_functions/mlx.nn.hardswish", "python/nn/_autosummary_functions/mlx.nn.leaky_relu", "python/nn/_autosummary_functions/mlx.nn.log_sigmoid", "python/nn/_autosummary_functions/mlx.nn.log_softmax", "python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy", "python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss", "python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy", "python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss", "python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss", "python/nn/_autosummary_functions/mlx.nn.losses.huber_loss", "python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss", "python/nn/_autosummary_functions/mlx.nn.losses.l1_loss", "python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss", "python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss", "python/nn/_autosummary_functions/mlx.nn.losses.mse_loss", "python/nn/_autosummary_functions/mlx.nn.losses.nll_loss", "python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss", "python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss", "python/nn/_autosummary_functions/mlx.nn.mish", "python/nn/_autosummary_functions/mlx.nn.prelu", "python/nn/_autosummary_functions/mlx.nn.relu", "python/nn/_autosummary_functions/mlx.nn.relu6", "python/nn/_autosummary_functions/mlx.nn.selu", "python/nn/_autosummary_functions/mlx.nn.sigmoid", "python/nn/_autosummary_functions/mlx.nn.silu", "python/nn/_autosummary_functions/mlx.nn.softmax", "python/nn/_autosummary_functions/mlx.nn.softmin", "python/nn/_autosummary_functions/mlx.nn.softplus", "python/nn/_autosummary_functions/mlx.nn.softshrink", "python/nn/_autosummary_functions/mlx.nn.step", "python/nn/_autosummary_functions/mlx.nn.tanh", "python/nn/functions", "python/nn/init", "python/nn/layers", "python/nn/losses", "python/nn/module", "python/ops", "python/optimizers", "python/optimizers/_autosummary/mlx.optimizers.AdaDelta", "python/optimizers/_autosummary/mlx.optimizers.Adafactor", "python/optimizers/_autosummary/mlx.optimizers.Adagrad", "python/optimizers/_autosummary/mlx.optimizers.Adam", "python/optimizers/_autosummary/mlx.optimizers.AdamW", "python/optimizers/_autosummary/mlx.optimizers.Adamax", "python/optimizers/_autosummary/mlx.optimizers.Lion", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.init", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.state", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.update", "python/optimizers/_autosummary/mlx.optimizers.RMSprop", "python/optimizers/_autosummary/mlx.optimizers.SGD", "python/optimizers/_autosummary/mlx.optimizers.cosine_decay", "python/optimizers/_autosummary/mlx.optimizers.exponential_decay", "python/optimizers/_autosummary/mlx.optimizers.join_schedules", "python/optimizers/_autosummary/mlx.optimizers.linear_schedule", "python/optimizers/_autosummary/mlx.optimizers.step_decay", "python/optimizers/common_optimizers", "python/optimizers/optimizer", "python/optimizers/schedulers", "python/random", "python/transforms", "python/tree_utils", "usage/compile", "usage/distributed", "usage/export", "usage/function_transforms", "usage/indexing", "usage/launching_distributed", "usage/lazy_evaluation", "usage/numpy", "usage/quick_start", "usage/saving_and_loading", "usage/unified_memory", "usage/using_streams"], "envversion": {"sphinx": 62, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1}, "filenames": ["cpp/ops.rst", "dev/custom_metal_kernels.rst", "dev/extensions.rst", "dev/metal_debugger.rst", "dev/mlx_in_cpp.rst", "examples/linear_regression.rst", "examples/llama-inference.rst", "examples/mlp.rst", "index.rst", "install.rst", "python/_autosummary/mlx.core.Device.rst", "python/_autosummary/mlx.core.Dtype.rst", "python/_autosummary/mlx.core.DtypeCategory.rst", "python/_autosummary/mlx.core.abs.rst", "python/_autosummary/mlx.core.add.rst", "python/_autosummary/mlx.core.addmm.rst", "python/_autosummary/mlx.core.all.rst", "python/_autosummary/mlx.core.allclose.rst", "python/_autosummary/mlx.core.any.rst", "python/_autosummary/mlx.core.arange.rst", "python/_autosummary/mlx.core.arccos.rst", "python/_autosummary/mlx.core.arccosh.rst", "python/_autosummary/mlx.core.arcsin.rst", "python/_autosummary/mlx.core.arcsinh.rst", "python/_autosummary/mlx.core.arctan.rst", "python/_autosummary/mlx.core.arctan2.rst", "python/_autosummary/mlx.core.arctanh.rst", "python/_autosummary/mlx.core.argmax.rst", "python/_autosummary/mlx.core.argmin.rst", "python/_autosummary/mlx.core.argpartition.rst", "python/_autosummary/mlx.core.argsort.rst", "python/_autosummary/mlx.core.array.rst", "python/_autosummary/mlx.core.array.T.rst", "python/_autosummary/mlx.core.array.abs.rst", "python/_autosummary/mlx.core.array.all.rst", "python/_autosummary/mlx.core.array.any.rst", "python/_autosummary/mlx.core.array.argmax.rst", "python/_autosummary/mlx.core.array.argmin.rst", "python/_autosummary/mlx.core.array.astype.rst", "python/_autosummary/mlx.core.array.at.rst", "python/_autosummary/mlx.core.array.conj.rst", "python/_autosummary/mlx.core.array.cos.rst", "python/_autosummary/mlx.core.array.cummax.rst", "python/_autosummary/mlx.core.array.cummin.rst", "python/_autosummary/mlx.core.array.cumprod.rst", "python/_autosummary/mlx.core.array.cumsum.rst", "python/_autosummary/mlx.core.array.diag.rst", "python/_autosummary/mlx.core.array.diagonal.rst", "python/_autosummary/mlx.core.array.dtype.rst", "python/_autosummary/mlx.core.array.exp.rst", "python/_autosummary/mlx.core.array.flatten.rst", "python/_autosummary/mlx.core.array.item.rst", "python/_autosummary/mlx.core.array.itemsize.rst", "python/_autosummary/mlx.core.array.log.rst", "python/_autosummary/mlx.core.array.log10.rst", "python/_autosummary/mlx.core.array.log1p.rst", "python/_autosummary/mlx.core.array.log2.rst", "python/_autosummary/mlx.core.array.logsumexp.rst", "python/_autosummary/mlx.core.array.max.rst", "python/_autosummary/mlx.core.array.mean.rst", "python/_autosummary/mlx.core.array.min.rst", "python/_autosummary/mlx.core.array.moveaxis.rst", "python/_autosummary/mlx.core.array.nbytes.rst", "python/_autosummary/mlx.core.array.ndim.rst", "python/_autosummary/mlx.core.array.prod.rst", "python/_autosummary/mlx.core.array.reciprocal.rst", "python/_autosummary/mlx.core.array.reshape.rst", "python/_autosummary/mlx.core.array.round.rst", "python/_autosummary/mlx.core.array.rsqrt.rst", "python/_autosummary/mlx.core.array.shape.rst", "python/_autosummary/mlx.core.array.sin.rst", "python/_autosummary/mlx.core.array.size.rst", "python/_autosummary/mlx.core.array.split.rst", "python/_autosummary/mlx.core.array.sqrt.rst", "python/_autosummary/mlx.core.array.square.rst", "python/_autosummary/mlx.core.array.squeeze.rst", "python/_autosummary/mlx.core.array.std.rst", "python/_autosummary/mlx.core.array.sum.rst", "python/_autosummary/mlx.core.array.swapaxes.rst", "python/_autosummary/mlx.core.array.tolist.rst", "python/_autosummary/mlx.core.array.transpose.rst", "python/_autosummary/mlx.core.array.var.rst", "python/_autosummary/mlx.core.array.view.rst", "python/_autosummary/mlx.core.array_equal.rst", "python/_autosummary/mlx.core.as_strided.rst", "python/_autosummary/mlx.core.atleast_1d.rst", "python/_autosummary/mlx.core.atleast_2d.rst", "python/_autosummary/mlx.core.atleast_3d.rst", "python/_autosummary/mlx.core.bitwise_and.rst", "python/_autosummary/mlx.core.bitwise_invert.rst", "python/_autosummary/mlx.core.bitwise_or.rst", "python/_autosummary/mlx.core.bitwise_xor.rst", "python/_autosummary/mlx.core.block_masked_mm.rst", "python/_autosummary/mlx.core.broadcast_to.rst", "python/_autosummary/mlx.core.ceil.rst", "python/_autosummary/mlx.core.clip.rst", "python/_autosummary/mlx.core.compile.rst", "python/_autosummary/mlx.core.concatenate.rst", "python/_autosummary/mlx.core.conj.rst", "python/_autosummary/mlx.core.conjugate.rst", "python/_autosummary/mlx.core.conv1d.rst", "python/_autosummary/mlx.core.conv2d.rst", "python/_autosummary/mlx.core.conv3d.rst", "python/_autosummary/mlx.core.conv_general.rst", "python/_autosummary/mlx.core.conv_transpose1d.rst", "python/_autosummary/mlx.core.conv_transpose2d.rst", "python/_autosummary/mlx.core.conv_transpose3d.rst", "python/_autosummary/mlx.core.convolve.rst", "python/_autosummary/mlx.core.cos.rst", "python/_autosummary/mlx.core.cosh.rst", "python/_autosummary/mlx.core.cummax.rst", "python/_autosummary/mlx.core.cummin.rst", "python/_autosummary/mlx.core.cumprod.rst", "python/_autosummary/mlx.core.cumsum.rst", "python/_autosummary/mlx.core.custom_function.rst", "python/_autosummary/mlx.core.default_device.rst", "python/_autosummary/mlx.core.default_stream.rst", "python/_autosummary/mlx.core.degrees.rst", "python/_autosummary/mlx.core.dequantize.rst", "python/_autosummary/mlx.core.diag.rst", "python/_autosummary/mlx.core.diagonal.rst", "python/_autosummary/mlx.core.disable_compile.rst", "python/_autosummary/mlx.core.distributed.Group.rst", "python/_autosummary/mlx.core.distributed.all_gather.rst", "python/_autosummary/mlx.core.distributed.all_sum.rst", "python/_autosummary/mlx.core.distributed.init.rst", "python/_autosummary/mlx.core.distributed.is_available.rst", "python/_autosummary/mlx.core.distributed.recv.rst", "python/_autosummary/mlx.core.distributed.recv_like.rst", "python/_autosummary/mlx.core.distributed.send.rst", "python/_autosummary/mlx.core.divide.rst", "python/_autosummary/mlx.core.divmod.rst", "python/_autosummary/mlx.core.einsum.rst", "python/_autosummary/mlx.core.einsum_path.rst", "python/_autosummary/mlx.core.enable_compile.rst", "python/_autosummary/mlx.core.equal.rst", "python/_autosummary/mlx.core.erf.rst", "python/_autosummary/mlx.core.erfinv.rst", "python/_autosummary/mlx.core.eval.rst", "python/_autosummary/mlx.core.exp.rst", "python/_autosummary/mlx.core.expand_dims.rst", "python/_autosummary/mlx.core.expm1.rst", "python/_autosummary/mlx.core.export_function.rst", "python/_autosummary/mlx.core.export_to_dot.rst", "python/_autosummary/mlx.core.exporter.rst", "python/_autosummary/mlx.core.eye.rst", "python/_autosummary/mlx.core.fast.layer_norm.rst", "python/_autosummary/mlx.core.fast.metal_kernel.rst", "python/_autosummary/mlx.core.fast.rms_norm.rst", "python/_autosummary/mlx.core.fast.rope.rst", "python/_autosummary/mlx.core.fast.scaled_dot_product_attention.rst", "python/_autosummary/mlx.core.fft.fft.rst", "python/_autosummary/mlx.core.fft.fft2.rst", "python/_autosummary/mlx.core.fft.fftn.rst", "python/_autosummary/mlx.core.fft.ifft.rst", "python/_autosummary/mlx.core.fft.ifft2.rst", "python/_autosummary/mlx.core.fft.ifftn.rst", "python/_autosummary/mlx.core.fft.irfft.rst", "python/_autosummary/mlx.core.fft.irfft2.rst", "python/_autosummary/mlx.core.fft.irfftn.rst", "python/_autosummary/mlx.core.fft.rfft.rst", "python/_autosummary/mlx.core.fft.rfft2.rst", "python/_autosummary/mlx.core.fft.rfftn.rst", "python/_autosummary/mlx.core.finfo.rst", "python/_autosummary/mlx.core.flatten.rst", "python/_autosummary/mlx.core.floor.rst", "python/_autosummary/mlx.core.floor_divide.rst", "python/_autosummary/mlx.core.full.rst", "python/_autosummary/mlx.core.gather_mm.rst", "python/_autosummary/mlx.core.gather_qmm.rst", "python/_autosummary/mlx.core.grad.rst", "python/_autosummary/mlx.core.greater.rst", "python/_autosummary/mlx.core.greater_equal.rst", "python/_autosummary/mlx.core.hadamard_transform.rst", "python/_autosummary/mlx.core.identity.rst", "python/_autosummary/mlx.core.imag.rst", "python/_autosummary/mlx.core.import_function.rst", "python/_autosummary/mlx.core.inner.rst", "python/_autosummary/mlx.core.isclose.rst", "python/_autosummary/mlx.core.isfinite.rst", "python/_autosummary/mlx.core.isinf.rst", "python/_autosummary/mlx.core.isnan.rst", "python/_autosummary/mlx.core.isneginf.rst", "python/_autosummary/mlx.core.isposinf.rst", "python/_autosummary/mlx.core.issubdtype.rst", "python/_autosummary/mlx.core.jvp.rst", "python/_autosummary/mlx.core.kron.rst", "python/_autosummary/mlx.core.left_shift.rst", "python/_autosummary/mlx.core.less.rst", "python/_autosummary/mlx.core.less_equal.rst", "python/_autosummary/mlx.core.linalg.cholesky.rst", "python/_autosummary/mlx.core.linalg.cholesky_inv.rst", "python/_autosummary/mlx.core.linalg.cross.rst", "python/_autosummary/mlx.core.linalg.eigh.rst", "python/_autosummary/mlx.core.linalg.eigvalsh.rst", "python/_autosummary/mlx.core.linalg.inv.rst", "python/_autosummary/mlx.core.linalg.lu.rst", "python/_autosummary/mlx.core.linalg.lu_factor.rst", "python/_autosummary/mlx.core.linalg.norm.rst", "python/_autosummary/mlx.core.linalg.qr.rst", "python/_autosummary/mlx.core.linalg.solve.rst", "python/_autosummary/mlx.core.linalg.solve_triangular.rst", "python/_autosummary/mlx.core.linalg.svd.rst", "python/_autosummary/mlx.core.linalg.tri_inv.rst", "python/_autosummary/mlx.core.linspace.rst", "python/_autosummary/mlx.core.load.rst", "python/_autosummary/mlx.core.log.rst", "python/_autosummary/mlx.core.log10.rst", "python/_autosummary/mlx.core.log1p.rst", "python/_autosummary/mlx.core.log2.rst", "python/_autosummary/mlx.core.logaddexp.rst", "python/_autosummary/mlx.core.logical_and.rst", "python/_autosummary/mlx.core.logical_not.rst", "python/_autosummary/mlx.core.logical_or.rst", "python/_autosummary/mlx.core.logsumexp.rst", "python/_autosummary/mlx.core.matmul.rst", "python/_autosummary/mlx.core.max.rst", "python/_autosummary/mlx.core.maximum.rst", "python/_autosummary/mlx.core.mean.rst", "python/_autosummary/mlx.core.meshgrid.rst", "python/_autosummary/mlx.core.metal.clear_cache.rst", "python/_autosummary/mlx.core.metal.device_info.rst", "python/_autosummary/mlx.core.metal.get_active_memory.rst", "python/_autosummary/mlx.core.metal.get_cache_memory.rst", "python/_autosummary/mlx.core.metal.get_peak_memory.rst", "python/_autosummary/mlx.core.metal.is_available.rst", "python/_autosummary/mlx.core.metal.reset_peak_memory.rst", "python/_autosummary/mlx.core.metal.set_cache_limit.rst", "python/_autosummary/mlx.core.metal.set_memory_limit.rst", "python/_autosummary/mlx.core.metal.set_wired_limit.rst", "python/_autosummary/mlx.core.metal.start_capture.rst", "python/_autosummary/mlx.core.metal.stop_capture.rst", "python/_autosummary/mlx.core.min.rst", "python/_autosummary/mlx.core.minimum.rst", "python/_autosummary/mlx.core.moveaxis.rst", "python/_autosummary/mlx.core.multiply.rst", "python/_autosummary/mlx.core.nan_to_num.rst", "python/_autosummary/mlx.core.negative.rst", "python/_autosummary/mlx.core.new_stream.rst", "python/_autosummary/mlx.core.not_equal.rst", "python/_autosummary/mlx.core.ones.rst", "python/_autosummary/mlx.core.ones_like.rst", "python/_autosummary/mlx.core.outer.rst", "python/_autosummary/mlx.core.pad.rst", "python/_autosummary/mlx.core.partition.rst", "python/_autosummary/mlx.core.power.rst", "python/_autosummary/mlx.core.prod.rst", "python/_autosummary/mlx.core.put_along_axis.rst", "python/_autosummary/mlx.core.quantize.rst", "python/_autosummary/mlx.core.quantized_matmul.rst", "python/_autosummary/mlx.core.radians.rst", "python/_autosummary/mlx.core.random.bernoulli.rst", "python/_autosummary/mlx.core.random.categorical.rst", "python/_autosummary/mlx.core.random.gumbel.rst", "python/_autosummary/mlx.core.random.key.rst", "python/_autosummary/mlx.core.random.laplace.rst", "python/_autosummary/mlx.core.random.multivariate_normal.rst", "python/_autosummary/mlx.core.random.normal.rst", "python/_autosummary/mlx.core.random.permutation.rst", "python/_autosummary/mlx.core.random.randint.rst", "python/_autosummary/mlx.core.random.seed.rst", "python/_autosummary/mlx.core.random.split.rst", "python/_autosummary/mlx.core.random.truncated_normal.rst", "python/_autosummary/mlx.core.random.uniform.rst", "python/_autosummary/mlx.core.real.rst", "python/_autosummary/mlx.core.reciprocal.rst", "python/_autosummary/mlx.core.remainder.rst", "python/_autosummary/mlx.core.repeat.rst", "python/_autosummary/mlx.core.reshape.rst", "python/_autosummary/mlx.core.right_shift.rst", "python/_autosummary/mlx.core.roll.rst", "python/_autosummary/mlx.core.round.rst", "python/_autosummary/mlx.core.rsqrt.rst", "python/_autosummary/mlx.core.save.rst", "python/_autosummary/mlx.core.save_gguf.rst", "python/_autosummary/mlx.core.save_safetensors.rst", "python/_autosummary/mlx.core.savez.rst", "python/_autosummary/mlx.core.savez_compressed.rst", "python/_autosummary/mlx.core.set_default_device.rst", "python/_autosummary/mlx.core.set_default_stream.rst", "python/_autosummary/mlx.core.sigmoid.rst", "python/_autosummary/mlx.core.sign.rst", "python/_autosummary/mlx.core.sin.rst", "python/_autosummary/mlx.core.sinh.rst", "python/_autosummary/mlx.core.slice.rst", "python/_autosummary/mlx.core.slice_update.rst", "python/_autosummary/mlx.core.softmax.rst", "python/_autosummary/mlx.core.sort.rst", "python/_autosummary/mlx.core.split.rst", "python/_autosummary/mlx.core.sqrt.rst", "python/_autosummary/mlx.core.square.rst", "python/_autosummary/mlx.core.squeeze.rst", "python/_autosummary/mlx.core.stack.rst", "python/_autosummary/mlx.core.std.rst", "python/_autosummary/mlx.core.stop_gradient.rst", "python/_autosummary/mlx.core.stream.rst", "python/_autosummary/mlx.core.subtract.rst", "python/_autosummary/mlx.core.sum.rst", "python/_autosummary/mlx.core.swapaxes.rst", "python/_autosummary/mlx.core.synchronize.rst", "python/_autosummary/mlx.core.take.rst", "python/_autosummary/mlx.core.take_along_axis.rst", "python/_autosummary/mlx.core.tan.rst", "python/_autosummary/mlx.core.tanh.rst", "python/_autosummary/mlx.core.tensordot.rst", "python/_autosummary/mlx.core.tile.rst", "python/_autosummary/mlx.core.topk.rst", "python/_autosummary/mlx.core.trace.rst", "python/_autosummary/mlx.core.transpose.rst", "python/_autosummary/mlx.core.tri.rst", "python/_autosummary/mlx.core.tril.rst", "python/_autosummary/mlx.core.triu.rst", "python/_autosummary/mlx.core.unflatten.rst", "python/_autosummary/mlx.core.value_and_grad.rst", "python/_autosummary/mlx.core.var.rst", "python/_autosummary/mlx.core.view.rst", "python/_autosummary/mlx.core.vjp.rst", "python/_autosummary/mlx.core.vmap.rst", "python/_autosummary/mlx.core.where.rst", "python/_autosummary/mlx.core.zeros.rst", "python/_autosummary/mlx.core.zeros_like.rst", "python/_autosummary/mlx.nn.average_gradients.rst", "python/_autosummary/mlx.nn.quantize.rst", "python/_autosummary/mlx.nn.value_and_grad.rst", "python/_autosummary/mlx.optimizers.clip_grad_norm.rst", "python/_autosummary/mlx.utils.tree_flatten.rst", "python/_autosummary/mlx.utils.tree_map.rst", "python/_autosummary/mlx.utils.tree_map_with_path.rst", "python/_autosummary/mlx.utils.tree_reduce.rst", "python/_autosummary/mlx.utils.tree_unflatten.rst", "python/_autosummary/stream_class.rst", "python/array.rst", "python/data_types.rst", "python/devices_and_streams.rst", "python/distributed.rst", "python/export.rst", "python/fast.rst", "python/fft.rst", "python/linalg.rst", "python/metal.rst", "python/nn.rst", "python/nn/_autosummary/mlx.nn.ALiBi.rst", "python/nn/_autosummary/mlx.nn.AvgPool1d.rst", "python/nn/_autosummary/mlx.nn.AvgPool2d.rst", "python/nn/_autosummary/mlx.nn.AvgPool3d.rst", "python/nn/_autosummary/mlx.nn.BatchNorm.rst", "python/nn/_autosummary/mlx.nn.CELU.rst", "python/nn/_autosummary/mlx.nn.Conv1d.rst", "python/nn/_autosummary/mlx.nn.Conv2d.rst", "python/nn/_autosummary/mlx.nn.Conv3d.rst", "python/nn/_autosummary/mlx.nn.ConvTranspose1d.rst", "python/nn/_autosummary/mlx.nn.ConvTranspose2d.rst", "python/nn/_autosummary/mlx.nn.ConvTranspose3d.rst", "python/nn/_autosummary/mlx.nn.Dropout.rst", "python/nn/_autosummary/mlx.nn.Dropout2d.rst", "python/nn/_autosummary/mlx.nn.Dropout3d.rst", "python/nn/_autosummary/mlx.nn.ELU.rst", "python/nn/_autosummary/mlx.nn.Embedding.rst", "python/nn/_autosummary/mlx.nn.GELU.rst", "python/nn/_autosummary/mlx.nn.GLU.rst", "python/nn/_autosummary/mlx.nn.GRU.rst", "python/nn/_autosummary/mlx.nn.GroupNorm.rst", "python/nn/_autosummary/mlx.nn.HardShrink.rst", "python/nn/_autosummary/mlx.nn.HardTanh.rst", "python/nn/_autosummary/mlx.nn.Hardswish.rst", "python/nn/_autosummary/mlx.nn.InstanceNorm.rst", "python/nn/_autosummary/mlx.nn.LSTM.rst", "python/nn/_autosummary/mlx.nn.LayerNorm.rst", "python/nn/_autosummary/mlx.nn.LeakyReLU.rst", "python/nn/_autosummary/mlx.nn.Linear.rst", "python/nn/_autosummary/mlx.nn.LogSigmoid.rst", "python/nn/_autosummary/mlx.nn.LogSoftmax.rst", "python/nn/_autosummary/mlx.nn.MaxPool1d.rst", "python/nn/_autosummary/mlx.nn.MaxPool2d.rst", "python/nn/_autosummary/mlx.nn.MaxPool3d.rst", "python/nn/_autosummary/mlx.nn.Mish.rst", "python/nn/_autosummary/mlx.nn.Module.apply.rst", "python/nn/_autosummary/mlx.nn.Module.apply_to_modules.rst", "python/nn/_autosummary/mlx.nn.Module.children.rst", "python/nn/_autosummary/mlx.nn.Module.eval.rst", "python/nn/_autosummary/mlx.nn.Module.filter_and_map.rst", "python/nn/_autosummary/mlx.nn.Module.freeze.rst", "python/nn/_autosummary/mlx.nn.Module.leaf_modules.rst", "python/nn/_autosummary/mlx.nn.Module.load_weights.rst", "python/nn/_autosummary/mlx.nn.Module.modules.rst", "python/nn/_autosummary/mlx.nn.Module.named_modules.rst", "python/nn/_autosummary/mlx.nn.Module.parameters.rst", "python/nn/_autosummary/mlx.nn.Module.save_weights.rst", "python/nn/_autosummary/mlx.nn.Module.set_dtype.rst", "python/nn/_autosummary/mlx.nn.Module.state.rst", "python/nn/_autosummary/mlx.nn.Module.train.rst", "python/nn/_autosummary/mlx.nn.Module.trainable_parameters.rst", "python/nn/_autosummary/mlx.nn.Module.training.rst", "python/nn/_autosummary/mlx.nn.Module.unfreeze.rst", "python/nn/_autosummary/mlx.nn.Module.update.rst", "python/nn/_autosummary/mlx.nn.Module.update_modules.rst", "python/nn/_autosummary/mlx.nn.MultiHeadAttention.rst", "python/nn/_autosummary/mlx.nn.PReLU.rst", "python/nn/_autosummary/mlx.nn.QuantizedEmbedding.rst", "python/nn/_autosummary/mlx.nn.QuantizedLinear.rst", "python/nn/_autosummary/mlx.nn.RMSNorm.rst", "python/nn/_autosummary/mlx.nn.RNN.rst", "python/nn/_autosummary/mlx.nn.ReLU.rst", "python/nn/_autosummary/mlx.nn.ReLU6.rst", "python/nn/_autosummary/mlx.nn.RoPE.rst", "python/nn/_autosummary/mlx.nn.SELU.rst", "python/nn/_autosummary/mlx.nn.Sequential.rst", "python/nn/_autosummary/mlx.nn.SiLU.rst", "python/nn/_autosummary/mlx.nn.Sigmoid.rst", "python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding.rst", "python/nn/_autosummary/mlx.nn.Softmax.rst", "python/nn/_autosummary/mlx.nn.Softmin.rst", "python/nn/_autosummary/mlx.nn.Softplus.rst", "python/nn/_autosummary/mlx.nn.Softshrink.rst", "python/nn/_autosummary/mlx.nn.Softsign.rst", "python/nn/_autosummary/mlx.nn.Step.rst", "python/nn/_autosummary/mlx.nn.Tanh.rst", "python/nn/_autosummary/mlx.nn.Transformer.rst", "python/nn/_autosummary/mlx.nn.Upsample.rst", "python/nn/_autosummary/mlx.nn.init.constant.rst", "python/nn/_autosummary/mlx.nn.init.glorot_normal.rst", "python/nn/_autosummary/mlx.nn.init.glorot_uniform.rst", "python/nn/_autosummary/mlx.nn.init.he_normal.rst", "python/nn/_autosummary/mlx.nn.init.he_uniform.rst", "python/nn/_autosummary/mlx.nn.init.identity.rst", "python/nn/_autosummary/mlx.nn.init.normal.rst", "python/nn/_autosummary/mlx.nn.init.uniform.rst", "python/nn/_autosummary_functions/mlx.nn.celu.rst", "python/nn/_autosummary_functions/mlx.nn.elu.rst", "python/nn/_autosummary_functions/mlx.nn.gelu.rst", "python/nn/_autosummary_functions/mlx.nn.gelu_approx.rst", "python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx.rst", "python/nn/_autosummary_functions/mlx.nn.glu.rst", "python/nn/_autosummary_functions/mlx.nn.hard_shrink.rst", "python/nn/_autosummary_functions/mlx.nn.hard_tanh.rst", "python/nn/_autosummary_functions/mlx.nn.hardswish.rst", "python/nn/_autosummary_functions/mlx.nn.leaky_relu.rst", "python/nn/_autosummary_functions/mlx.nn.log_sigmoid.rst", "python/nn/_autosummary_functions/mlx.nn.log_softmax.rst", "python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy.rst", "python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy.rst", "python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.huber_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.l1_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.mse_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.nll_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss.rst", "python/nn/_autosummary_functions/mlx.nn.mish.rst", "python/nn/_autosummary_functions/mlx.nn.prelu.rst", "python/nn/_autosummary_functions/mlx.nn.relu.rst", "python/nn/_autosummary_functions/mlx.nn.relu6.rst", "python/nn/_autosummary_functions/mlx.nn.selu.rst", "python/nn/_autosummary_functions/mlx.nn.sigmoid.rst", "python/nn/_autosummary_functions/mlx.nn.silu.rst", "python/nn/_autosummary_functions/mlx.nn.softmax.rst", "python/nn/_autosummary_functions/mlx.nn.softmin.rst", "python/nn/_autosummary_functions/mlx.nn.softplus.rst", "python/nn/_autosummary_functions/mlx.nn.softshrink.rst", "python/nn/_autosummary_functions/mlx.nn.step.rst", "python/nn/_autosummary_functions/mlx.nn.tanh.rst", "python/nn/functions.rst", "python/nn/init.rst", "python/nn/layers.rst", "python/nn/losses.rst", "python/nn/module.rst", "python/ops.rst", "python/optimizers.rst", "python/optimizers/_autosummary/mlx.optimizers.AdaDelta.rst", "python/optimizers/_autosummary/mlx.optimizers.Adafactor.rst", "python/optimizers/_autosummary/mlx.optimizers.Adagrad.rst", "python/optimizers/_autosummary/mlx.optimizers.Adam.rst", "python/optimizers/_autosummary/mlx.optimizers.AdamW.rst", "python/optimizers/_autosummary/mlx.optimizers.Adamax.rst", "python/optimizers/_autosummary/mlx.optimizers.Lion.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.init.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.state.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.update.rst", "python/optimizers/_autosummary/mlx.optimizers.RMSprop.rst", "python/optimizers/_autosummary/mlx.optimizers.SGD.rst", "python/optimizers/_autosummary/mlx.optimizers.cosine_decay.rst", "python/optimizers/_autosummary/mlx.optimizers.exponential_decay.rst", "python/optimizers/_autosummary/mlx.optimizers.join_schedules.rst", "python/optimizers/_autosummary/mlx.optimizers.linear_schedule.rst", "python/optimizers/_autosummary/mlx.optimizers.step_decay.rst", "python/optimizers/common_optimizers.rst", "python/optimizers/optimizer.rst", "python/optimizers/schedulers.rst", "python/random.rst", "python/transforms.rst", "python/tree_utils.rst", "usage/compile.rst", "usage/distributed.rst", "usage/export.rst", "usage/function_transforms.rst", "usage/indexing.rst", "usage/launching_distributed.rst", "usage/lazy_evaluation.rst", "usage/numpy.rst", "usage/quick_start.rst", "usage/saving_and_loading.rst", "usage/unified_memory.rst", "usage/using_streams.rst"], "indexentries": {"__init__() (array method)": [[31, "mlx.core.array.__init__", false]], "__init__() (custom_function method)": [[114, "mlx.core.custom_function.__init__", false]], "__init__() (device method)": [[10, "mlx.core.Device.__init__", false]], "__init__() (dtype method)": [[11, "mlx.core.Dtype.__init__", false]], "__init__() (dtypecategory method)": [[12, "mlx.core.DtypeCategory.__init__", false]], "__init__() (finfo method)": [[163, "mlx.core.finfo.__init__", false]], "__init__() (group method)": [[122, "mlx.core.distributed.Group.__init__", false]], "__init__() (stream method)": [[330, "mlx.core.Stream.__init__", false]], "abs (c++ function)": [[0, "_CPPv43absRK5array14StreamOrDevice", false]], "abs() (array method)": [[33, "mlx.core.array.abs", false]], "abs() (in module mlx.core)": [[13, "mlx.core.abs", false]], "adadelta (class in mlx.optimizers)": [[473, "mlx.optimizers.AdaDelta", false]], "adafactor (class in mlx.optimizers)": [[474, "mlx.optimizers.Adafactor", false]], "adagrad (class in mlx.optimizers)": [[475, "mlx.optimizers.Adagrad", false]], "adam (class in mlx.optimizers)": [[476, "mlx.optimizers.Adam", false]], "adamax (class in mlx.optimizers)": [[478, "mlx.optimizers.Adamax", false]], "adamw (class in mlx.optimizers)": [[477, "mlx.optimizers.AdamW", false]], "add (c++ function)": [[0, "_CPPv43addRK5arrayRK5array14StreamOrDevice", false]], "add() (in module mlx.core)": [[14, "mlx.core.add", false]], "addmm (c++ function)": [[0, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", false]], "addmm() (in module mlx.core)": [[15, "mlx.core.addmm", false]], "alibi (class in mlx.nn)": [[341, "mlx.nn.ALiBi", false]], "all (c++ function)": [[0, "_CPPv43allRK5array14StreamOrDevice", false], [0, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43allRK5arrayb14StreamOrDevice", false], [0, "_CPPv43allRK5arrayib14StreamOrDevice", false]], "all() (array method)": [[34, "mlx.core.array.all", false]], "all() (in module mlx.core)": [[16, "mlx.core.all", false]], "all_gather() (in module mlx.core.distributed)": [[123, "mlx.core.distributed.all_gather", false]], "all_sum() (in module mlx.core.distributed)": [[124, "mlx.core.distributed.all_sum", false]], "allclose (c++ function)": [[0, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", false]], "allclose() (in module mlx.core)": [[17, "mlx.core.allclose", false]], "any (c++ function)": [[0, "_CPPv43anyRK5array14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayb14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayib14StreamOrDevice", false]], "any() (array method)": [[35, "mlx.core.array.any", false]], "any() (in module mlx.core)": [[18, "mlx.core.any", false]], "apply() (module method)": [[376, "mlx.nn.Module.apply", false]], "apply_gradients() (optimizer method)": [[480, "mlx.optimizers.Optimizer.apply_gradients", false]], "apply_to_modules() (module method)": [[377, "mlx.nn.Module.apply_to_modules", false]], "arange (c++ function)": [[0, "_CPPv46aranged14StreamOrDevice", false], [0, "_CPPv46aranged5Dtype14StreamOrDevice", false], [0, "_CPPv46arangedd14StreamOrDevice", false], [0, "_CPPv46arangedd5Dtype14StreamOrDevice", false], [0, "_CPPv46arangeddd14StreamOrDevice", false], [0, "_CPPv46arangeddd5Dtype14StreamOrDevice", false], [0, "_CPPv46arangei14StreamOrDevice", false], [0, "_CPPv46arangeii14StreamOrDevice", false], [0, "_CPPv46arangeiii14StreamOrDevice", false]], "arange() (in module mlx.core)": [[19, "mlx.core.arange", false]], "arccos (c++ function)": [[0, "_CPPv46arccosRK5array14StreamOrDevice", false]], "arccos() (in module mlx.core)": [[20, "mlx.core.arccos", false]], "arccosh (c++ function)": [[0, "_CPPv47arccoshRK5array14StreamOrDevice", false]], "arccosh() (in module mlx.core)": [[21, "mlx.core.arccosh", false]], "arcsin (c++ function)": [[0, "_CPPv46arcsinRK5array14StreamOrDevice", false]], "arcsin() (in module mlx.core)": [[22, "mlx.core.arcsin", false]], "arcsinh (c++ function)": [[0, "_CPPv47arcsinhRK5array14StreamOrDevice", false]], "arcsinh() (in module mlx.core)": [[23, "mlx.core.arcsinh", false]], "arctan (c++ function)": [[0, "_CPPv46arctanRK5array14StreamOrDevice", false]], "arctan() (in module mlx.core)": [[24, "mlx.core.arctan", false]], "arctan2 (c++ function)": [[0, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", false]], "arctan2() (in module mlx.core)": [[25, "mlx.core.arctan2", false]], "arctanh (c++ function)": [[0, "_CPPv47arctanhRK5array14StreamOrDevice", false]], "arctanh() (in module mlx.core)": [[26, "mlx.core.arctanh", false]], "argmax (c++ function)": [[0, "_CPPv46argmaxRK5array14StreamOrDevice", false], [0, "_CPPv46argmaxRK5arrayb14StreamOrDevice", false], [0, "_CPPv46argmaxRK5arrayib14StreamOrDevice", false]], "argmax() (array method)": [[36, "mlx.core.array.argmax", false]], "argmax() (in module mlx.core)": [[27, "mlx.core.argmax", false]], "argmin (c++ function)": [[0, "_CPPv46argminRK5array14StreamOrDevice", false], [0, "_CPPv46argminRK5arrayb14StreamOrDevice", false], [0, "_CPPv46argminRK5arrayib14StreamOrDevice", false]], "argmin() (array method)": [[37, "mlx.core.array.argmin", false]], "argmin() (in module mlx.core)": [[28, "mlx.core.argmin", false]], "argpartition (c++ function)": [[0, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", false], [0, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", false]], "argpartition() (in module mlx.core)": [[29, "mlx.core.argpartition", false]], "argsort (c++ function)": [[0, "_CPPv47argsortRK5array14StreamOrDevice", false], [0, "_CPPv47argsortRK5arrayi14StreamOrDevice", false]], "argsort() (in module mlx.core)": [[30, "mlx.core.argsort", false]], "array (class in mlx.core)": [[31, "mlx.core.array", false]], "array_equal (c++ function)": [[0, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", false], [0, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", false]], "array_equal() (in module mlx.core)": [[83, "mlx.core.array_equal", false]], "as_strided (c++ function)": [[0, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", false]], "as_strided() (in module mlx.core)": [[84, "mlx.core.as_strided", false]], "astype (c++ function)": [[0, "_CPPv46astype5array5Dtype14StreamOrDevice", false]], "astype() (array method)": [[38, "mlx.core.array.astype", false]], "at (array property)": [[39, "mlx.core.array.at", false]], "atleast_1d (c++ function)": [[0, "_CPPv410atleast_1dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_1d() (in module mlx.core)": [[85, "mlx.core.atleast_1d", false]], "atleast_2d (c++ function)": [[0, "_CPPv410atleast_2dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_2d() (in module mlx.core)": [[86, "mlx.core.atleast_2d", false]], "atleast_3d (c++ function)": [[0, "_CPPv410atleast_3dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_3d() (in module mlx.core)": [[87, "mlx.core.atleast_3d", false]], "average_gradients() (in module mlx.nn)": [[321, "mlx.nn.average_gradients", false]], "avgpool1d (class in mlx.nn)": [[342, "mlx.nn.AvgPool1d", false]], "avgpool2d (class in mlx.nn)": [[343, "mlx.nn.AvgPool2d", false]], "avgpool3d (class in mlx.nn)": [[344, "mlx.nn.AvgPool3d", false]], "batchnorm (class in mlx.nn)": [[345, "mlx.nn.BatchNorm", false]], "bernoulli() (in module mlx.core.random)": [[251, "mlx.core.random.bernoulli", false]], "binary_cross_entropy (class in mlx.nn.losses)": [[439, "mlx.nn.losses.binary_cross_entropy", false]], "bitwise_and (c++ function)": [[0, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", false]], "bitwise_and() (in module mlx.core)": [[88, "mlx.core.bitwise_and", false]], "bitwise_invert (c++ function)": [[0, "_CPPv414bitwise_invertRK5array14StreamOrDevice", false]], "bitwise_invert() (in module mlx.core)": [[89, "mlx.core.bitwise_invert", false]], "bitwise_or (c++ function)": [[0, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", false]], "bitwise_or() (in module mlx.core)": [[90, "mlx.core.bitwise_or", false]], "bitwise_xor (c++ function)": [[0, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", false]], "bitwise_xor() (in module mlx.core)": [[91, "mlx.core.bitwise_xor", false]], "block_masked_mm (c++ function)": [[0, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", false]], "block_masked_mm() (in module mlx.core)": [[92, "mlx.core.block_masked_mm", false]], "broadcast_arrays (c++ function)": [[0, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "broadcast_to (c++ function)": [[0, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", false]], "broadcast_to() (in module mlx.core)": [[93, "mlx.core.broadcast_to", false]], "categorical() (in module mlx.core.random)": [[252, "mlx.core.random.categorical", false]], "ceil (c++ function)": [[0, "_CPPv44ceilRK5array14StreamOrDevice", false]], "ceil() (in module mlx.core)": [[94, "mlx.core.ceil", false]], "celu (class in mlx.nn)": [[346, "mlx.nn.CELU", false], [427, "mlx.nn.celu", false]], "children() (module method)": [[378, "mlx.nn.Module.children", false]], "cholesky() (in module mlx.core.linalg)": [[190, "mlx.core.linalg.cholesky", false]], "cholesky_inv() (in module mlx.core.linalg)": [[191, "mlx.core.linalg.cholesky_inv", false]], "clear_cache() (in module mlx.core.metal)": [[220, "mlx.core.metal.clear_cache", false]], "clip (c++ function)": [[0, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", false]], "clip() (in module mlx.core)": [[95, "mlx.core.clip", false]], "clip_grad_norm() (in module mlx.optimizers)": [[324, "mlx.optimizers.clip_grad_norm", false]], "compile() (in module mlx.core)": [[96, "mlx.core.compile", false]], "concatenate (c++ function)": [[0, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", false], [0, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", false]], "concatenate() (in module mlx.core)": [[97, "mlx.core.concatenate", false]], "conj() (array method)": [[40, "mlx.core.array.conj", false]], "conj() (in module mlx.core)": [[98, "mlx.core.conj", false]], "conjugate (c++ function)": [[0, "_CPPv49conjugateRK5array14StreamOrDevice", false]], "conjugate() (in module mlx.core)": [[99, "mlx.core.conjugate", false]], "constant() (in module mlx.nn.init)": [[419, "mlx.nn.init.constant", false]], "contiguous (c++ function)": [[0, "_CPPv410contiguousRK5arrayb14StreamOrDevice", false]], "conv1d (c++ function)": [[0, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", false]], "conv1d (class in mlx.nn)": [[347, "mlx.nn.Conv1d", false]], "conv1d() (in module mlx.core)": [[100, "mlx.core.conv1d", false]], "conv2d (c++ function)": [[0, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", false]], "conv2d (class in mlx.nn)": [[348, "mlx.nn.Conv2d", false]], "conv2d() (in module mlx.core)": [[101, "mlx.core.conv2d", false]], "conv3d (c++ function)": [[0, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", false]], "conv3d (class in mlx.nn)": [[349, "mlx.nn.Conv3d", false]], "conv3d() (in module mlx.core)": [[102, "mlx.core.conv3d", false]], "conv_general (c++ function)": [[0, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", false], [0, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", false]], "conv_general() (in module mlx.core)": [[103, "mlx.core.conv_general", false]], "conv_transpose1d (c++ function)": [[0, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", false]], "conv_transpose1d() (in module mlx.core)": [[104, "mlx.core.conv_transpose1d", false]], "conv_transpose2d (c++ function)": [[0, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", false]], "conv_transpose2d() (in module mlx.core)": [[105, "mlx.core.conv_transpose2d", false]], "conv_transpose3d (c++ function)": [[0, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", false]], "conv_transpose3d() (in module mlx.core)": [[106, "mlx.core.conv_transpose3d", false]], "convolve() (in module mlx.core)": [[107, "mlx.core.convolve", false]], "convtranspose1d (class in mlx.nn)": [[350, "mlx.nn.ConvTranspose1d", false]], "convtranspose2d (class in mlx.nn)": [[351, "mlx.nn.ConvTranspose2d", false]], "convtranspose3d (class in mlx.nn)": [[352, "mlx.nn.ConvTranspose3d", false]], "copy (c++ function)": [[0, "_CPPv44copy5array14StreamOrDevice", false]], "cos (c++ function)": [[0, "_CPPv43cosRK5array14StreamOrDevice", false]], "cos() (array method)": [[41, "mlx.core.array.cos", false]], "cos() (in module mlx.core)": [[108, "mlx.core.cos", false]], "cosh (c++ function)": [[0, "_CPPv44coshRK5array14StreamOrDevice", false]], "cosh() (in module mlx.core)": [[109, "mlx.core.cosh", false]], "cosine_decay() (in module mlx.optimizers)": [[486, "mlx.optimizers.cosine_decay", false]], "cosine_similarity_loss (class in mlx.nn.losses)": [[440, "mlx.nn.losses.cosine_similarity_loss", false]], "cross() (in module mlx.core.linalg)": [[192, "mlx.core.linalg.cross", false]], "cross_entropy (class in mlx.nn.losses)": [[441, "mlx.nn.losses.cross_entropy", false]], "cummax (c++ function)": [[0, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", false]], "cummax() (array method)": [[42, "mlx.core.array.cummax", false]], "cummax() (in module mlx.core)": [[110, "mlx.core.cummax", false]], "cummin (c++ function)": [[0, "_CPPv46cumminRK5arrayibb14StreamOrDevice", false]], "cummin() (array method)": [[43, "mlx.core.array.cummin", false]], "cummin() (in module mlx.core)": [[111, "mlx.core.cummin", false]], "cumprod (c++ function)": [[0, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", false]], "cumprod() (array method)": [[44, "mlx.core.array.cumprod", false]], "cumprod() (in module mlx.core)": [[112, "mlx.core.cumprod", false]], "cumsum (c++ function)": [[0, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", false]], "cumsum() (array method)": [[45, "mlx.core.array.cumsum", false]], "cumsum() (in module mlx.core)": [[113, "mlx.core.cumsum", false]], "custom_function (class in mlx.core)": [[114, "mlx.core.custom_function", false]], "default_device() (in module mlx.core)": [[115, "mlx.core.default_device", false]], "default_stream() (in module mlx.core)": [[116, "mlx.core.default_stream", false]], "degrees (c++ function)": [[0, "_CPPv47degreesRK5array14StreamOrDevice", false]], "degrees() (in module mlx.core)": [[117, "mlx.core.degrees", false]], "depends (c++ function)": [[0, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", false]], "dequantize (c++ function)": [[0, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", false]], "dequantize() (in module mlx.core)": [[118, "mlx.core.dequantize", false]], "device (class in mlx.core)": [[10, "mlx.core.Device", false]], "device_info() (in module mlx.core.metal)": [[221, "mlx.core.metal.device_info", false]], "diag (c++ function)": [[0, "_CPPv44diagRK5arrayi14StreamOrDevice", false]], "diag() (array method)": [[46, "mlx.core.array.diag", false]], "diag() (in module mlx.core)": [[119, "mlx.core.diag", false]], "diagonal (c++ function)": [[0, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", false]], "diagonal() (array method)": [[47, "mlx.core.array.diagonal", false]], "diagonal() (in module mlx.core)": [[120, "mlx.core.diagonal", false]], "disable_compile() (in module mlx.core)": [[121, "mlx.core.disable_compile", false]], "divide (c++ function)": [[0, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", false]], "divide() (in module mlx.core)": [[130, "mlx.core.divide", false]], "divmod (c++ function)": [[0, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", false]], "divmod() (in module mlx.core)": [[131, "mlx.core.divmod", false]], "dropout (class in mlx.nn)": [[353, "mlx.nn.Dropout", false]], "dropout2d (class in mlx.nn)": [[354, "mlx.nn.Dropout2d", false]], "dropout3d (class in mlx.nn)": [[355, "mlx.nn.Dropout3d", false]], "dtype (array property)": [[48, "mlx.core.array.dtype", false]], "dtype (class in mlx.core)": [[11, "mlx.core.Dtype", false]], "dtypecategory (class in mlx.core)": [[12, "mlx.core.DtypeCategory", false]], "eigh() (in module mlx.core.linalg)": [[193, "mlx.core.linalg.eigh", false]], "eigvalsh() (in module mlx.core.linalg)": [[194, "mlx.core.linalg.eigvalsh", false]], "einsum() (in module mlx.core)": [[132, "mlx.core.einsum", false]], "einsum_path() (in module mlx.core)": [[133, "mlx.core.einsum_path", false]], "elu (class in mlx.nn)": [[356, "mlx.nn.ELU", false], [428, "mlx.nn.elu", false]], "embedding (class in mlx.nn)": [[357, "mlx.nn.Embedding", false]], "enable_compile() (in module mlx.core)": [[134, "mlx.core.enable_compile", false]], "equal (c++ function)": [[0, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", false]], "equal() (in module mlx.core)": [[135, "mlx.core.equal", false]], "erf (c++ function)": [[0, "_CPPv43erfRK5array14StreamOrDevice", false]], "erf() (in module mlx.core)": [[136, "mlx.core.erf", false]], "erfinv (c++ function)": [[0, "_CPPv46erfinvRK5array14StreamOrDevice", false]], "erfinv() (in module mlx.core)": [[137, "mlx.core.erfinv", false]], "eval() (in module mlx.core)": [[138, "mlx.core.eval", false]], "eval() (module method)": [[379, "mlx.nn.Module.eval", false]], "exp (c++ function)": [[0, "_CPPv43expRK5array14StreamOrDevice", false]], "exp() (array method)": [[49, "mlx.core.array.exp", false]], "exp() (in module mlx.core)": [[139, "mlx.core.exp", false]], "expand_dims (c++ function)": [[0, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", false]], "expand_dims() (in module mlx.core)": [[140, "mlx.core.expand_dims", false]], "expm1 (c++ function)": [[0, "_CPPv45expm1RK5array14StreamOrDevice", false]], "expm1() (in module mlx.core)": [[141, "mlx.core.expm1", false]], "exponential_decay() (in module mlx.optimizers)": [[487, "mlx.optimizers.exponential_decay", false]], "export_function() (in module mlx.core)": [[142, "mlx.core.export_function", false]], "export_to_dot() (in module mlx.core)": [[143, "mlx.core.export_to_dot", false]], "exporter() (in module mlx.core)": [[144, "mlx.core.exporter", false]], "eye (c++ function)": [[0, "_CPPv43eyei14StreamOrDevice", false], [0, "_CPPv43eyei5Dtype14StreamOrDevice", false], [0, "_CPPv43eyeii14StreamOrDevice", false], [0, "_CPPv43eyeiii14StreamOrDevice", false], [0, "_CPPv43eyeiii5Dtype14StreamOrDevice", false]], "eye() (in module mlx.core)": [[145, "mlx.core.eye", false]], "fft() (in module mlx.core.fft)": [[151, "mlx.core.fft.fft", false]], "fft2() (in module mlx.core.fft)": [[152, "mlx.core.fft.fft2", false]], "fftn() (in module mlx.core.fft)": [[153, "mlx.core.fft.fftn", false]], "filter_and_map() (module method)": [[380, "mlx.nn.Module.filter_and_map", false]], "finfo (class in mlx.core)": [[163, "mlx.core.finfo", false]], "flatten (c++ function)": [[0, "_CPPv47flattenRK5array14StreamOrDevice", false], [0, "_CPPv47flattenRK5arrayii14StreamOrDevice", false]], "flatten() (array method)": [[50, "mlx.core.array.flatten", false]], "flatten() (in module mlx.core)": [[164, "mlx.core.flatten", false]], "floor (c++ function)": [[0, "_CPPv45floorRK5array14StreamOrDevice", false]], "floor() (in module mlx.core)": [[165, "mlx.core.floor", false]], "floor_divide (c++ function)": [[0, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", false]], "floor_divide() (in module mlx.core)": [[166, "mlx.core.floor_divide", false]], "freeze() (module method)": [[381, "mlx.nn.Module.freeze", false]], "full (c++ function)": [[0, "_CPPv44full5Shape5array14StreamOrDevice", false], [0, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", false], [0, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", false], [0, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", false]], "full() (in module mlx.core)": [[167, "mlx.core.full", false]], "gather (c++ function)": [[0, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", false], [0, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", false]], "gather_mm (c++ function)": [[0, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", false]], "gather_mm() (in module mlx.core)": [[168, "mlx.core.gather_mm", false]], "gather_qmm (c++ function)": [[0, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", false]], "gather_qmm() (in module mlx.core)": [[169, "mlx.core.gather_qmm", false]], "gaussian_nll_loss (class in mlx.nn.losses)": [[442, "mlx.nn.losses.gaussian_nll_loss", false]], "gelu (class in mlx.nn)": [[358, "mlx.nn.GELU", false], [429, "mlx.nn.gelu", false]], "gelu_approx (class in mlx.nn)": [[430, "mlx.nn.gelu_approx", false]], "gelu_fast_approx (class in mlx.nn)": [[431, "mlx.nn.gelu_fast_approx", false]], "get_active_memory() (in module mlx.core.metal)": [[222, "mlx.core.metal.get_active_memory", false]], "get_cache_memory() (in module mlx.core.metal)": [[223, "mlx.core.metal.get_cache_memory", false]], "get_peak_memory() (in module mlx.core.metal)": [[224, "mlx.core.metal.get_peak_memory", false]], "glorot_normal() (in module mlx.nn.init)": [[420, "mlx.nn.init.glorot_normal", false]], "glorot_uniform() (in module mlx.nn.init)": [[421, "mlx.nn.init.glorot_uniform", false]], "glu (class in mlx.nn)": [[359, "mlx.nn.GLU", false], [432, "mlx.nn.glu", false]], "grad() (in module mlx.core)": [[170, "mlx.core.grad", false]], "greater (c++ function)": [[0, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", false]], "greater() (in module mlx.core)": [[171, "mlx.core.greater", false]], "greater_equal (c++ function)": [[0, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", false]], "greater_equal() (in module mlx.core)": [[172, "mlx.core.greater_equal", false]], "group (class in mlx.core.distributed)": [[122, "mlx.core.distributed.Group", false]], "groupnorm (class in mlx.nn)": [[361, "mlx.nn.GroupNorm", false]], "gru (class in mlx.nn)": [[360, "mlx.nn.GRU", false]], "gumbel() (in module mlx.core.random)": [[253, "mlx.core.random.gumbel", false]], "hadamard_transform (c++ function)": [[0, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", false]], "hadamard_transform() (in module mlx.core)": [[173, "mlx.core.hadamard_transform", false]], "hard_shrink (class in mlx.nn)": [[433, "mlx.nn.hard_shrink", false]], "hard_tanh (class in mlx.nn)": [[434, "mlx.nn.hard_tanh", false]], "hardshrink (class in mlx.nn)": [[362, "mlx.nn.HardShrink", false]], "hardswish (class in mlx.nn)": [[364, "mlx.nn.Hardswish", false], [435, "mlx.nn.hardswish", false]], "hardtanh (class in mlx.nn)": [[363, "mlx.nn.HardTanh", false]], "he_normal() (in module mlx.nn.init)": [[422, "mlx.nn.init.he_normal", false]], "he_uniform() (in module mlx.nn.init)": [[423, "mlx.nn.init.he_uniform", false]], "hinge_loss (class in mlx.nn.losses)": [[443, "mlx.nn.losses.hinge_loss", false]], "huber_loss (class in mlx.nn.losses)": [[444, "mlx.nn.losses.huber_loss", false]], "identity (c++ function)": [[0, "_CPPv48identityi14StreamOrDevice", false], [0, "_CPPv48identityi5Dtype14StreamOrDevice", false]], "identity() (in module mlx.core)": [[174, "mlx.core.identity", false]], "identity() (in module mlx.nn.init)": [[424, "mlx.nn.init.identity", false]], "ifft() (in module mlx.core.fft)": [[154, "mlx.core.fft.ifft", false]], "ifft2() (in module mlx.core.fft)": [[155, "mlx.core.fft.ifft2", false]], "ifftn() (in module mlx.core.fft)": [[156, "mlx.core.fft.ifftn", false]], "imag (c++ function)": [[0, "_CPPv44imagRK5array14StreamOrDevice", false]], "imag() (in module mlx.core)": [[175, "mlx.core.imag", false]], "import_function() (in module mlx.core)": [[176, "mlx.core.import_function", false]], "init() (in module mlx.core.distributed)": [[125, "mlx.core.distributed.init", false]], "init() (optimizer method)": [[481, "mlx.optimizers.Optimizer.init", false]], "inner (c++ function)": [[0, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", false]], "inner() (in module mlx.core)": [[177, "mlx.core.inner", false]], "instancenorm (class in mlx.nn)": [[365, "mlx.nn.InstanceNorm", false]], "inv() (in module mlx.core.linalg)": [[195, "mlx.core.linalg.inv", false]], "irfft() (in module mlx.core.fft)": [[157, "mlx.core.fft.irfft", false]], "irfft2() (in module mlx.core.fft)": [[158, "mlx.core.fft.irfft2", false]], "irfftn() (in module mlx.core.fft)": [[159, "mlx.core.fft.irfftn", false]], "is_available() (in module mlx.core.distributed)": [[126, "mlx.core.distributed.is_available", false]], "is_available() (in module mlx.core.metal)": [[225, "mlx.core.metal.is_available", false]], "isclose (c++ function)": [[0, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", false]], "isclose() (in module mlx.core)": [[178, "mlx.core.isclose", false]], "isfinite (c++ function)": [[0, "_CPPv48isfiniteRK5array14StreamOrDevice", false]], "isfinite() (in module mlx.core)": [[179, "mlx.core.isfinite", false]], "isinf (c++ function)": [[0, "_CPPv45isinfRK5array14StreamOrDevice", false]], "isinf() (in module mlx.core)": [[180, "mlx.core.isinf", false]], "isnan (c++ function)": [[0, "_CPPv45isnanRK5array14StreamOrDevice", false]], "isnan() (in module mlx.core)": [[181, "mlx.core.isnan", false]], "isneginf (c++ function)": [[0, "_CPPv48isneginfRK5array14StreamOrDevice", false]], "isneginf() (in module mlx.core)": [[182, "mlx.core.isneginf", false]], "isposinf (c++ function)": [[0, "_CPPv48isposinfRK5array14StreamOrDevice", false]], "isposinf() (in module mlx.core)": [[183, "mlx.core.isposinf", false]], "issubdtype() (in module mlx.core)": [[184, "mlx.core.issubdtype", false]], "item() (array method)": [[51, "mlx.core.array.item", false]], "itemsize (array property)": [[52, "mlx.core.array.itemsize", false]], "join_schedules() (in module mlx.optimizers)": [[488, "mlx.optimizers.join_schedules", false]], "jvp() (in module mlx.core)": [[185, "mlx.core.jvp", false]], "key() (in module mlx.core.random)": [[254, "mlx.core.random.key", false]], "kl_div_loss (class in mlx.nn.losses)": [[445, "mlx.nn.losses.kl_div_loss", false]], "kron (c++ function)": [[0, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", false]], "kron() (in module mlx.core)": [[186, "mlx.core.kron", false]], "l1_loss (class in mlx.nn.losses)": [[446, "mlx.nn.losses.l1_loss", false]], "laplace() (in module mlx.core.random)": [[255, "mlx.core.random.laplace", false]], "layer_norm() (in module mlx.core.fast)": [[146, "mlx.core.fast.layer_norm", false]], "layernorm (class in mlx.nn)": [[367, "mlx.nn.LayerNorm", false]], "leaf_modules() (module method)": [[382, "mlx.nn.Module.leaf_modules", false]], "leaky_relu (class in mlx.nn)": [[436, "mlx.nn.leaky_relu", false]], "leakyrelu (class in mlx.nn)": [[368, "mlx.nn.LeakyReLU", false]], "left_shift (c++ function)": [[0, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", false]], "left_shift() (in module mlx.core)": [[187, "mlx.core.left_shift", false]], "less (c++ function)": [[0, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", false]], "less() (in module mlx.core)": [[188, "mlx.core.less", false]], "less_equal (c++ function)": [[0, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", false]], "less_equal() (in module mlx.core)": [[189, "mlx.core.less_equal", false]], "linear (class in mlx.nn)": [[369, "mlx.nn.Linear", false]], "linear_schedule() (in module mlx.optimizers)": [[489, "mlx.optimizers.linear_schedule", false]], "linspace (c++ function)": [[0, "_CPPv48linspaceddi5Dtype14StreamOrDevice", false]], "linspace() (in module mlx.core)": [[204, "mlx.core.linspace", false]], "lion (class in mlx.optimizers)": [[479, "mlx.optimizers.Lion", false]], "load() (in module mlx.core)": [[205, "mlx.core.load", false]], "load_weights() (module method)": [[383, "mlx.nn.Module.load_weights", false]], "log (c++ function)": [[0, "_CPPv43logRK5array14StreamOrDevice", false]], "log() (array method)": [[53, "mlx.core.array.log", false]], "log() (in module mlx.core)": [[206, "mlx.core.log", false]], "log10 (c++ function)": [[0, "_CPPv45log10RK5array14StreamOrDevice", false]], "log10() (array method)": [[54, "mlx.core.array.log10", false]], "log10() (in module mlx.core)": [[207, "mlx.core.log10", false]], "log1p (c++ function)": [[0, "_CPPv45log1pRK5array14StreamOrDevice", false]], "log1p() (array method)": [[55, "mlx.core.array.log1p", false]], "log1p() (in module mlx.core)": [[208, "mlx.core.log1p", false]], "log2 (c++ function)": [[0, "_CPPv44log2RK5array14StreamOrDevice", false]], "log2() (array method)": [[56, "mlx.core.array.log2", false]], "log2() (in module mlx.core)": [[209, "mlx.core.log2", false]], "log_cosh_loss (class in mlx.nn.losses)": [[447, "mlx.nn.losses.log_cosh_loss", false]], "log_sigmoid (class in mlx.nn)": [[437, "mlx.nn.log_sigmoid", false]], "log_softmax (class in mlx.nn)": [[438, "mlx.nn.log_softmax", false]], "logaddexp (c++ function)": [[0, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", false]], "logaddexp() (in module mlx.core)": [[210, "mlx.core.logaddexp", false]], "logical_and (c++ function)": [[0, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", false]], "logical_and() (in module mlx.core)": [[211, "mlx.core.logical_and", false]], "logical_not (c++ function)": [[0, "_CPPv411logical_notRK5array14StreamOrDevice", false]], "logical_not() (in module mlx.core)": [[212, "mlx.core.logical_not", false]], "logical_or (c++ function)": [[0, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", false]], "logical_or() (in module mlx.core)": [[213, "mlx.core.logical_or", false]], "logsigmoid (class in mlx.nn)": [[370, "mlx.nn.LogSigmoid", false]], "logsoftmax (class in mlx.nn)": [[371, "mlx.nn.LogSoftmax", false]], "logsumexp (c++ function)": [[0, "_CPPv49logsumexpRK5array14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", false]], "logsumexp() (array method)": [[57, "mlx.core.array.logsumexp", false]], "logsumexp() (in module mlx.core)": [[214, "mlx.core.logsumexp", false]], "lstm (class in mlx.nn)": [[366, "mlx.nn.LSTM", false]], "lu() (in module mlx.core.linalg)": [[196, "mlx.core.linalg.lu", false]], "lu_factor() (in module mlx.core.linalg)": [[197, "mlx.core.linalg.lu_factor", false]], "margin_ranking_loss (class in mlx.nn.losses)": [[448, "mlx.nn.losses.margin_ranking_loss", false]], "matmul (c++ function)": [[0, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", false]], "matmul() (in module mlx.core)": [[215, "mlx.core.matmul", false]], "max (c++ function)": [[0, "_CPPv43maxRK5array14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayb14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayib14StreamOrDevice", false]], "max() (array method)": [[58, "mlx.core.array.max", false]], "max() (in module mlx.core)": [[216, "mlx.core.max", false]], "maximum (c++ function)": [[0, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", false]], "maximum() (in module mlx.core)": [[217, "mlx.core.maximum", false]], "maxpool1d (class in mlx.nn)": [[372, "mlx.nn.MaxPool1d", false]], "maxpool2d (class in mlx.nn)": [[373, "mlx.nn.MaxPool2d", false]], "maxpool3d (class in mlx.nn)": [[374, "mlx.nn.MaxPool3d", false]], "mean (c++ function)": [[0, "_CPPv44meanRK5array14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayb14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayib14StreamOrDevice", false]], "mean() (array method)": [[59, "mlx.core.array.mean", false]], "mean() (in module mlx.core)": [[218, "mlx.core.mean", false]], "meshgrid (c++ function)": [[0, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", false]], "meshgrid() (in module mlx.core)": [[219, "mlx.core.meshgrid", false]], "metal_kernel() (in module mlx.core.fast)": [[147, "mlx.core.fast.metal_kernel", false]], "min (c++ function)": [[0, "_CPPv43minRK5array14StreamOrDevice", false], [0, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43minRK5arrayb14StreamOrDevice", false], [0, "_CPPv43minRK5arrayib14StreamOrDevice", false]], "min() (array method)": [[60, "mlx.core.array.min", false]], "min() (in module mlx.core)": [[232, "mlx.core.min", false]], "minimum (c++ function)": [[0, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", false]], "minimum() (in module mlx.core)": [[233, "mlx.core.minimum", false]], "mish (class in mlx.nn)": [[375, "mlx.nn.Mish", false], [453, "mlx.nn.mish", false]], "module (class in mlx.nn)": [[470, "mlx.nn.Module", false]], "modules() (module method)": [[384, "mlx.nn.Module.modules", false]], "moveaxis (c++ function)": [[0, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", false]], "moveaxis() (array method)": [[61, "mlx.core.array.moveaxis", false]], "moveaxis() (in module mlx.core)": [[234, "mlx.core.moveaxis", false]], "mse_loss (class in mlx.nn.losses)": [[449, "mlx.nn.losses.mse_loss", false]], "multiheadattention (class in mlx.nn)": [[396, "mlx.nn.MultiHeadAttention", false]], "multiply (c++ function)": [[0, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", false]], "multiply() (in module mlx.core)": [[235, "mlx.core.multiply", false]], "multivariate_normal() (in module mlx.core.random)": [[256, "mlx.core.random.multivariate_normal", false]], "named_modules() (module method)": [[385, "mlx.nn.Module.named_modules", false]], "nan_to_num (c++ function)": [[0, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", false]], "nan_to_num() (in module mlx.core)": [[236, "mlx.core.nan_to_num", false]], "nbytes (array property)": [[62, "mlx.core.array.nbytes", false]], "ndim (array property)": [[63, "mlx.core.array.ndim", false]], "negative (c++ function)": [[0, "_CPPv48negativeRK5array14StreamOrDevice", false]], "negative() (in module mlx.core)": [[237, "mlx.core.negative", false]], "new_stream() (in module mlx.core)": [[238, "mlx.core.new_stream", false]], "nll_loss (class in mlx.nn.losses)": [[450, "mlx.nn.losses.nll_loss", false]], "norm() (in module mlx.core.linalg)": [[198, "mlx.core.linalg.norm", false]], "normal() (in module mlx.core.random)": [[257, "mlx.core.random.normal", false]], "normal() (in module mlx.nn.init)": [[425, "mlx.nn.init.normal", false]], "not_equal (c++ function)": [[0, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", false]], "not_equal() (in module mlx.core)": [[239, "mlx.core.not_equal", false]], "number_of_elements (c++ function)": [[0, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", false]], "ones (c++ function)": [[0, "_CPPv44onesRK5Shape14StreamOrDevice", false], [0, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", false]], "ones() (in module mlx.core)": [[240, "mlx.core.ones", false]], "ones_like (c++ function)": [[0, "_CPPv49ones_likeRK5array14StreamOrDevice", false]], "ones_like() (in module mlx.core)": [[241, "mlx.core.ones_like", false]], "operator!= (c++ function)": [[0, "_CPPv4I0Ene5array1TRK5array", false], [0, "_CPPv4I0Ene5arrayRK5array1T", false], [0, "_CPPv4neRK5arrayRK5array", false]], "operator% (c++ function)": [[0, "_CPPv4I0Erm5array1TRK5array", false], [0, "_CPPv4I0Erm5arrayRK5array1T", false], [0, "_CPPv4rmRK5arrayRK5array", false]], "operator& (c++ function)": [[0, "_CPPv4anRK5arrayRK5array", false]], "operator&& (c++ function)": [[0, "_CPPv4aaRK5arrayRK5array", false]], "operator* (c++ function)": [[0, "_CPPv4I0Eml5array1TRK5array", false], [0, "_CPPv4I0Eml5arrayRK5array1T", false], [0, "_CPPv4mlRK5arrayRK5array", false]], "operator+ (c++ function)": [[0, "_CPPv4I0Epl5array1TRK5array", false], [0, "_CPPv4I0Epl5arrayRK5array1T", false], [0, "_CPPv4plRK5arrayRK5array", false]], "operator- (c++ function)": [[0, "_CPPv4I0Emi5array1TRK5array", false], [0, "_CPPv4I0Emi5arrayRK5array1T", false], [0, "_CPPv4miRK5array", false], [0, "_CPPv4miRK5arrayRK5array", false]], "operator/ (c++ function)": [[0, "_CPPv4dvRK5arrayRK5array", false], [0, "_CPPv4dvRK5arrayd", false], [0, "_CPPv4dvdRK5array", false]], "operator< (c++ function)": [[0, "_CPPv4I0Elt5array1TRK5array", false], [0, "_CPPv4I0Elt5arrayRK5array1T", false], [0, "_CPPv4ltRK5arrayRK5array", false]], "operator<< (c++ function)": [[0, "_CPPv4lsRK5arrayRK5array", false]], "operator<= (c++ function)": [[0, "_CPPv4I0Ele5array1TRK5array", false], [0, "_CPPv4I0Ele5arrayRK5array1T", false], [0, "_CPPv4leRK5arrayRK5array", false]], "operator== (c++ function)": [[0, "_CPPv4I0Eeq5array1TRK5array", false], [0, "_CPPv4I0Eeq5arrayRK5array1T", false], [0, "_CPPv4eqRK5arrayRK5array", false]], "operator> (c++ function)": [[0, "_CPPv4I0Egt5array1TRK5array", false], [0, "_CPPv4I0Egt5arrayRK5array1T", false], [0, "_CPPv4gtRK5arrayRK5array", false]], "operator>= (c++ function)": [[0, "_CPPv4I0Ege5array1TRK5array", false], [0, "_CPPv4I0Ege5arrayRK5array1T", false], [0, "_CPPv4geRK5arrayRK5array", false]], "operator>> (c++ function)": [[0, "_CPPv4rsRK5arrayRK5array", false]], "operator^ (c++ function)": [[0, "_CPPv4eoRK5arrayRK5array", false]], "operator| (c++ function)": [[0, "_CPPv4orRK5arrayRK5array", false]], "operator|| (c++ function)": [[0, "_CPPv4ooRK5arrayRK5array", false]], "operator~ (c++ function)": [[0, "_CPPv4coRK5array", false]], "optimizer (class in mlx.optimizers)": [[492, "mlx.optimizers.Optimizer", false]], "outer (c++ function)": [[0, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", false]], "outer() (in module mlx.core)": [[242, "mlx.core.outer", false]], "pad (c++ function)": [[0, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", false]], "pad() (in module mlx.core)": [[243, "mlx.core.pad", false]], "parameters() (module method)": [[386, "mlx.nn.Module.parameters", false]], "partition (c++ function)": [[0, "_CPPv49partitionRK5arrayi14StreamOrDevice", false], [0, "_CPPv49partitionRK5arrayii14StreamOrDevice", false]], "partition() (in module mlx.core)": [[244, "mlx.core.partition", false]], "permutation() (in module mlx.core.random)": [[258, "mlx.core.random.permutation", false]], "power (c++ function)": [[0, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", false]], "power() (in module mlx.core)": [[245, "mlx.core.power", false]], "prelu (class in mlx.nn)": [[397, "mlx.nn.PReLU", false], [454, "mlx.nn.prelu", false]], "prod (c++ function)": [[0, "_CPPv44prodRK5array14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayb14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayib14StreamOrDevice", false]], "prod() (array method)": [[64, "mlx.core.array.prod", false]], "prod() (in module mlx.core)": [[246, "mlx.core.prod", false]], "put_along_axis (c++ function)": [[0, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false]], "put_along_axis() (in module mlx.core)": [[247, "mlx.core.put_along_axis", false]], "qr() (in module mlx.core.linalg)": [[199, "mlx.core.linalg.qr", false]], "quantize (c++ function)": [[0, "_CPPv48quantizeRK5arrayii14StreamOrDevice", false]], "quantize() (in module mlx.core)": [[248, "mlx.core.quantize", false]], "quantize() (in module mlx.nn)": [[322, "mlx.nn.quantize", false]], "quantized_matmul (c++ function)": [[0, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", false]], "quantized_matmul() (in module mlx.core)": [[249, "mlx.core.quantized_matmul", false]], "quantizedembedding (class in mlx.nn)": [[398, "mlx.nn.QuantizedEmbedding", false]], "quantizedlinear (class in mlx.nn)": [[399, "mlx.nn.QuantizedLinear", false]], "radians (c++ function)": [[0, "_CPPv47radiansRK5array14StreamOrDevice", false]], "radians() (in module mlx.core)": [[250, "mlx.core.radians", false]], "randint() (in module mlx.core.random)": [[259, "mlx.core.random.randint", false]], "real (c++ function)": [[0, "_CPPv44realRK5array14StreamOrDevice", false]], "real() (in module mlx.core)": [[264, "mlx.core.real", false]], "reciprocal (c++ function)": [[0, "_CPPv410reciprocalRK5array14StreamOrDevice", false]], "reciprocal() (array method)": [[65, "mlx.core.array.reciprocal", false]], "reciprocal() (in module mlx.core)": [[265, "mlx.core.reciprocal", false]], "recv() (in module mlx.core.distributed)": [[127, "mlx.core.distributed.recv", false]], "recv_like() (in module mlx.core.distributed)": [[128, "mlx.core.distributed.recv_like", false]], "relu (class in mlx.nn)": [[402, "mlx.nn.ReLU", false], [455, "mlx.nn.relu", false]], "relu6 (class in mlx.nn)": [[403, "mlx.nn.ReLU6", false], [456, "mlx.nn.relu6", false]], "remainder (c++ function)": [[0, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", false]], "remainder() (in module mlx.core)": [[266, "mlx.core.remainder", false]], "repeat (c++ function)": [[0, "_CPPv46repeatRK5arrayi14StreamOrDevice", false], [0, "_CPPv46repeatRK5arrayii14StreamOrDevice", false]], "repeat() (in module mlx.core)": [[267, "mlx.core.repeat", false]], "reset_peak_memory() (in module mlx.core.metal)": [[226, "mlx.core.metal.reset_peak_memory", false]], "reshape (c++ function)": [[0, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", false]], "reshape() (array method)": [[66, "mlx.core.array.reshape", false]], "reshape() (in module mlx.core)": [[268, "mlx.core.reshape", false]], "rfft() (in module mlx.core.fft)": [[160, "mlx.core.fft.rfft", false]], "rfft2() (in module mlx.core.fft)": [[161, "mlx.core.fft.rfft2", false]], "rfftn() (in module mlx.core.fft)": [[162, "mlx.core.fft.rfftn", false]], "right_shift (c++ function)": [[0, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", false]], "right_shift() (in module mlx.core)": [[269, "mlx.core.right_shift", false]], "rms_norm() (in module mlx.core.fast)": [[148, "mlx.core.fast.rms_norm", false]], "rmsnorm (class in mlx.nn)": [[400, "mlx.nn.RMSNorm", false]], "rmsprop (class in mlx.optimizers)": [[484, "mlx.optimizers.RMSprop", false]], "rnn (class in mlx.nn)": [[401, "mlx.nn.RNN", false]], "roll (c++ function)": [[0, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayi14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayii14StreamOrDevice", false]], "roll() (in module mlx.core)": [[270, "mlx.core.roll", false]], "rope (class in mlx.nn)": [[404, "mlx.nn.RoPE", false]], "rope() (in module mlx.core.fast)": [[149, "mlx.core.fast.rope", false]], "round (c++ function)": [[0, "_CPPv45roundRK5array14StreamOrDevice", false], [0, "_CPPv45roundRK5arrayi14StreamOrDevice", false]], "round() (array method)": [[67, "mlx.core.array.round", false]], "round() (in module mlx.core)": [[271, "mlx.core.round", false]], "rsqrt (c++ function)": [[0, "_CPPv45rsqrtRK5array14StreamOrDevice", false]], "rsqrt() (array method)": [[68, "mlx.core.array.rsqrt", false]], "rsqrt() (in module mlx.core)": [[272, "mlx.core.rsqrt", false]], "save() (in module mlx.core)": [[273, "mlx.core.save", false]], "save_gguf() (in module mlx.core)": [[274, "mlx.core.save_gguf", false]], "save_safetensors() (in module mlx.core)": [[275, "mlx.core.save_safetensors", false]], "save_weights() (module method)": [[387, "mlx.nn.Module.save_weights", false]], "savez() (in module mlx.core)": [[276, "mlx.core.savez", false]], "savez_compressed() (in module mlx.core)": [[277, "mlx.core.savez_compressed", false]], "scaled_dot_product_attention() (in module mlx.core.fast)": [[150, "mlx.core.fast.scaled_dot_product_attention", false]], "scatter (c++ function)": [[0, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_add (c++ function)": [[0, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_add_axis (c++ function)": [[0, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false]], "scatter_max (c++ function)": [[0, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_min (c++ function)": [[0, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_prod (c++ function)": [[0, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "seed() (in module mlx.core.random)": [[260, "mlx.core.random.seed", false]], "selu (class in mlx.nn)": [[405, "mlx.nn.SELU", false], [457, "mlx.nn.selu", false]], "send() (in module mlx.core.distributed)": [[129, "mlx.core.distributed.send", false]], "sequential (class in mlx.nn)": [[406, "mlx.nn.Sequential", false]], "set_cache_limit() (in module mlx.core.metal)": [[227, "mlx.core.metal.set_cache_limit", false]], "set_default_device() (in module mlx.core)": [[278, "mlx.core.set_default_device", false]], "set_default_stream() (in module mlx.core)": [[279, "mlx.core.set_default_stream", false]], "set_dtype() (module method)": [[388, "mlx.nn.Module.set_dtype", false]], "set_memory_limit() (in module mlx.core.metal)": [[228, "mlx.core.metal.set_memory_limit", false]], "set_wired_limit() (in module mlx.core.metal)": [[229, "mlx.core.metal.set_wired_limit", false]], "sgd (class in mlx.optimizers)": [[485, "mlx.optimizers.SGD", false]], "shape (array property)": [[69, "mlx.core.array.shape", false]], "sigmoid (c++ function)": [[0, "_CPPv47sigmoidRK5array14StreamOrDevice", false]], "sigmoid (class in mlx.nn)": [[408, "mlx.nn.Sigmoid", false], [458, "mlx.nn.sigmoid", false]], "sigmoid() (in module mlx.core)": [[280, "mlx.core.sigmoid", false]], "sign (c++ function)": [[0, "_CPPv44signRK5array14StreamOrDevice", false]], "sign() (in module mlx.core)": [[281, "mlx.core.sign", false]], "silu (class in mlx.nn)": [[407, "mlx.nn.SiLU", false], [459, "mlx.nn.silu", false]], "sin (c++ function)": [[0, "_CPPv43sinRK5array14StreamOrDevice", false]], "sin() (array method)": [[70, "mlx.core.array.sin", false]], "sin() (in module mlx.core)": [[282, "mlx.core.sin", false]], "sinh (c++ function)": [[0, "_CPPv44sinhRK5array14StreamOrDevice", false]], "sinh() (in module mlx.core)": [[283, "mlx.core.sinh", false]], "sinusoidalpositionalencoding (class in mlx.nn)": [[409, "mlx.nn.SinusoidalPositionalEncoding", false]], "size (array property)": [[71, "mlx.core.array.size", false]], "slice (c++ function)": [[0, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", false], [0, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", false], [0, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", false], [0, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", false]], "slice() (in module mlx.core)": [[284, "mlx.core.slice", false]], "slice_update (c++ function)": [[0, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", false], [0, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", false], [0, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "slice_update() (in module mlx.core)": [[285, "mlx.core.slice_update", false]], "smooth_l1_loss (class in mlx.nn.losses)": [[451, "mlx.nn.losses.smooth_l1_loss", false]], "softmax (c++ function)": [[0, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv47softmaxRK5arrayb14StreamOrDevice", false], [0, "_CPPv47softmaxRK5arrayib14StreamOrDevice", false]], "softmax (class in mlx.nn)": [[410, "mlx.nn.Softmax", false], [460, "mlx.nn.softmax", false]], "softmax() (in module mlx.core)": [[286, "mlx.core.softmax", false]], "softmin (class in mlx.nn)": [[411, "mlx.nn.Softmin", false], [461, "mlx.nn.softmin", false]], "softplus (class in mlx.nn)": [[412, "mlx.nn.Softplus", false], [462, "mlx.nn.softplus", false]], "softshrink (class in mlx.nn)": [[413, "mlx.nn.Softshrink", false], [463, "mlx.nn.softshrink", false]], "softsign (class in mlx.nn)": [[414, "mlx.nn.Softsign", false]], "solve() (in module mlx.core.linalg)": [[200, "mlx.core.linalg.solve", false]], "solve_triangular() (in module mlx.core.linalg)": [[201, "mlx.core.linalg.solve_triangular", false]], "sort (c++ function)": [[0, "_CPPv44sortRK5array14StreamOrDevice", false], [0, "_CPPv44sortRK5arrayi14StreamOrDevice", false]], "sort() (in module mlx.core)": [[287, "mlx.core.sort", false]], "split (c++ function)": [[0, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayi14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayii14StreamOrDevice", false]], "split() (array method)": [[72, "mlx.core.array.split", false]], "split() (in module mlx.core)": [[288, "mlx.core.split", false]], "split() (in module mlx.core.random)": [[261, "mlx.core.random.split", false]], "sqrt (c++ function)": [[0, "_CPPv44sqrtRK5array14StreamOrDevice", false]], "sqrt() (array method)": [[73, "mlx.core.array.sqrt", false]], "sqrt() (in module mlx.core)": [[289, "mlx.core.sqrt", false]], "square (c++ function)": [[0, "_CPPv46squareRK5array14StreamOrDevice", false]], "square() (array method)": [[74, "mlx.core.array.square", false]], "square() (in module mlx.core)": [[290, "mlx.core.square", false]], "squeeze (c++ function)": [[0, "_CPPv47squeezeRK5array14StreamOrDevice", false], [0, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv47squeezeRK5arrayi14StreamOrDevice", false]], "squeeze() (array method)": [[75, "mlx.core.array.squeeze", false]], "squeeze() (in module mlx.core)": [[291, "mlx.core.squeeze", false]], "stack (c++ function)": [[0, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", false], [0, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", false]], "stack() (in module mlx.core)": [[292, "mlx.core.stack", false]], "start_capture() (in module mlx.core.metal)": [[230, "mlx.core.metal.start_capture", false]], "state (module property)": [[389, "mlx.nn.Module.state", false]], "state (optimizer property)": [[482, "mlx.optimizers.Optimizer.state", false]], "std (c++ function)": [[0, "_CPPv4StRK5array14StreamOrDevice", false], [0, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", false], [0, "_CPPv4StRK5arraybi14StreamOrDevice", false], [0, "_CPPv4StRK5arrayibi14StreamOrDevice", false]], "std() (array method)": [[76, "mlx.core.array.std", false]], "std() (in module mlx.core)": [[293, "mlx.core.std", false]], "step (class in mlx.nn)": [[415, "mlx.nn.Step", false], [464, "mlx.nn.step", false]], "step_decay() (in module mlx.optimizers)": [[490, "mlx.optimizers.step_decay", false]], "stop_capture() (in module mlx.core.metal)": [[231, "mlx.core.metal.stop_capture", false]], "stop_gradient (c++ function)": [[0, "_CPPv413stop_gradientRK5array14StreamOrDevice", false]], "stop_gradient() (in module mlx.core)": [[294, "mlx.core.stop_gradient", false]], "stream (class in mlx.core)": [[330, "mlx.core.Stream", false]], "stream() (in module mlx.core)": [[295, "mlx.core.stream", false]], "subtract (c++ function)": [[0, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", false]], "subtract() (in module mlx.core)": [[296, "mlx.core.subtract", false]], "sum (c++ function)": [[0, "_CPPv43sumRK5array14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayb14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayib14StreamOrDevice", false]], "sum() (array method)": [[77, "mlx.core.array.sum", false]], "sum() (in module mlx.core)": [[297, "mlx.core.sum", false]], "svd() (in module mlx.core.linalg)": [[202, "mlx.core.linalg.svd", false]], "swapaxes (c++ function)": [[0, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", false]], "swapaxes() (array method)": [[78, "mlx.core.array.swapaxes", false]], "swapaxes() (in module mlx.core)": [[298, "mlx.core.swapaxes", false]], "synchronize() (in module mlx.core)": [[299, "mlx.core.synchronize", false]], "t (array property)": [[32, "mlx.core.array.T", false]], "take (c++ function)": [[0, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", false], [0, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv44takeRK5arrayi14StreamOrDevice", false], [0, "_CPPv44takeRK5arrayii14StreamOrDevice", false]], "take() (in module mlx.core)": [[300, "mlx.core.take", false]], "take_along_axis (c++ function)": [[0, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", false]], "take_along_axis() (in module mlx.core)": [[301, "mlx.core.take_along_axis", false]], "tan (c++ function)": [[0, "_CPPv43tanRK5array14StreamOrDevice", false]], "tan() (in module mlx.core)": [[302, "mlx.core.tan", false]], "tanh (c++ function)": [[0, "_CPPv44tanhRK5array14StreamOrDevice", false]], "tanh (class in mlx.nn)": [[416, "mlx.nn.Tanh", false], [465, "mlx.nn.tanh", false]], "tanh() (in module mlx.core)": [[303, "mlx.core.tanh", false]], "tensordot (c++ function)": [[0, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", false], [0, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", false]], "tensordot() (in module mlx.core)": [[304, "mlx.core.tensordot", false]], "tile (c++ function)": [[0, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "tile() (in module mlx.core)": [[305, "mlx.core.tile", false]], "tolist() (array method)": [[79, "mlx.core.array.tolist", false]], "topk (c++ function)": [[0, "_CPPv44topkRK5arrayi14StreamOrDevice", false], [0, "_CPPv44topkRK5arrayii14StreamOrDevice", false]], "topk() (in module mlx.core)": [[306, "mlx.core.topk", false]], "trace (c++ function)": [[0, "_CPPv45traceRK5array14StreamOrDevice", false], [0, "_CPPv45traceRK5arrayiii14StreamOrDevice", false], [0, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", false]], "trace() (in module mlx.core)": [[307, "mlx.core.trace", false]], "train() (module method)": [[390, "mlx.nn.Module.train", false]], "trainable_parameters() (module method)": [[391, "mlx.nn.Module.trainable_parameters", false]], "training (module property)": [[392, "mlx.nn.Module.training", false]], "transformer (class in mlx.nn)": [[417, "mlx.nn.Transformer", false]], "transpose (c++ function)": [[0, "_CPPv49transposeRK5array14StreamOrDevice", false], [0, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", false], [0, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "transpose() (array method)": [[80, "mlx.core.array.transpose", false]], "transpose() (in module mlx.core)": [[308, "mlx.core.transpose", false]], "tree_flatten() (in module mlx.utils)": [[325, "mlx.utils.tree_flatten", false]], "tree_map() (in module mlx.utils)": [[326, "mlx.utils.tree_map", false]], "tree_map_with_path() (in module mlx.utils)": [[327, "mlx.utils.tree_map_with_path", false]], "tree_reduce() (in module mlx.utils)": [[328, "mlx.utils.tree_reduce", false]], "tree_unflatten() (in module mlx.utils)": [[329, "mlx.utils.tree_unflatten", false]], "tri (c++ function)": [[0, "_CPPv43trii5Dtype14StreamOrDevice", false], [0, "_CPPv43triiii5Dtype14StreamOrDevice", false]], "tri() (in module mlx.core)": [[309, "mlx.core.tri", false]], "tri_inv() (in module mlx.core.linalg)": [[203, "mlx.core.linalg.tri_inv", false]], "tril (c++ function)": [[0, "_CPPv44tril5arrayi14StreamOrDevice", false]], "tril() (in module mlx.core)": [[310, "mlx.core.tril", false]], "triplet_loss (class in mlx.nn.losses)": [[452, "mlx.nn.losses.triplet_loss", false]], "triu (c++ function)": [[0, "_CPPv44triu5arrayi14StreamOrDevice", false]], "triu() (in module mlx.core)": [[311, "mlx.core.triu", false]], "truncated_normal() (in module mlx.core.random)": [[262, "mlx.core.random.truncated_normal", false]], "unflatten (c++ function)": [[0, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", false]], "unflatten() (in module mlx.core)": [[312, "mlx.core.unflatten", false]], "unfreeze() (module method)": [[393, "mlx.nn.Module.unfreeze", false]], "uniform() (in module mlx.core.random)": [[263, "mlx.core.random.uniform", false]], "uniform() (in module mlx.nn.init)": [[426, "mlx.nn.init.uniform", false]], "update() (module method)": [[394, "mlx.nn.Module.update", false]], "update() (optimizer method)": [[483, "mlx.optimizers.Optimizer.update", false]], "update_modules() (module method)": [[395, "mlx.nn.Module.update_modules", false]], "upsample (class in mlx.nn)": [[418, "mlx.nn.Upsample", false]], "value_and_grad() (in module mlx.core)": [[313, "mlx.core.value_and_grad", false]], "value_and_grad() (in module mlx.nn)": [[323, "mlx.nn.value_and_grad", false]], "var (c++ function)": [[0, "_CPPv43varRK5array14StreamOrDevice", false], [0, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", false], [0, "_CPPv43varRK5arraybi14StreamOrDevice", false], [0, "_CPPv43varRK5arrayibi14StreamOrDevice", false]], "var() (array method)": [[81, "mlx.core.array.var", false]], "var() (in module mlx.core)": [[314, "mlx.core.var", false]], "view (c++ function)": [[0, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", false]], "view() (array method)": [[82, "mlx.core.array.view", false]], "view() (in module mlx.core)": [[315, "mlx.core.view", false]], "vjp() (in module mlx.core)": [[316, "mlx.core.vjp", false]], "vmap() (in module mlx.core)": [[317, "mlx.core.vmap", false]], "where (c++ function)": [[0, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", false]], "where() (in module mlx.core)": [[318, "mlx.core.where", false]], "zeros (c++ function)": [[0, "_CPPv45zerosRK5Shape14StreamOrDevice", false], [0, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", false]], "zeros() (in module mlx.core)": [[319, "mlx.core.zeros", false]], "zeros_like (c++ function)": [[0, "_CPPv410zeros_likeRK5array14StreamOrDevice", false]], "zeros_like() (in module mlx.core)": [[320, "mlx.core.zeros_like", false]]}, "objects": {"": [[0, 0, 1, "_CPPv43absRK5array14StreamOrDevice", "abs"], [0, 1, 1, "_CPPv43absRK5array14StreamOrDevice", "abs::a"], [0, 1, 1, "_CPPv43absRK5array14StreamOrDevice", "abs::s"], [0, 0, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add"], [0, 1, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add::a"], [0, 1, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add::b"], [0, 1, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add::s"], [0, 0, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::a"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::alpha"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::b"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::beta"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::c"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::s"], [0, 0, 1, "_CPPv43allRK5array14StreamOrDevice", "all"], [0, 0, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all"], [0, 0, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all"], [0, 0, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all"], [0, 1, 1, "_CPPv43allRK5array14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::axes"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::axis"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::keepdims"], [0, 1, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all::keepdims"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::keepdims"], [0, 1, 1, "_CPPv43allRK5array14StreamOrDevice", "all::s"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::s"], [0, 1, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all::s"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::s"], [0, 0, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::a"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::atol"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::b"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::equal_nan"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::rtol"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::s"], [0, 0, 1, "_CPPv43anyRK5array14StreamOrDevice", "any"], [0, 0, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any"], [0, 0, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any"], [0, 0, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any"], [0, 1, 1, "_CPPv43anyRK5array14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::axes"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::axis"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::keepdims"], [0, 1, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any::keepdims"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::keepdims"], [0, 1, 1, "_CPPv43anyRK5array14StreamOrDevice", "any::s"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::s"], [0, 1, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any::s"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::s"], [0, 0, 1, "_CPPv46aranged14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangedd14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeddd14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangei14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeii14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeiii14StreamOrDevice", "arange"], [0, 1, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange::dtype"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::dtype"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::dtype"], [0, 1, 1, "_CPPv46aranged14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangedd14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangei14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeii14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangedd14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeii14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::step"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::step"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::step"], [0, 1, 1, "_CPPv46aranged14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangedd14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangei14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeii14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::stop"], [0, 0, 1, "_CPPv46arccosRK5array14StreamOrDevice", "arccos"], [0, 1, 1, "_CPPv46arccosRK5array14StreamOrDevice", "arccos::a"], [0, 1, 1, "_CPPv46arccosRK5array14StreamOrDevice", "arccos::s"], [0, 0, 1, "_CPPv47arccoshRK5array14StreamOrDevice", "arccosh"], [0, 1, 1, "_CPPv47arccoshRK5array14StreamOrDevice", "arccosh::a"], [0, 1, 1, "_CPPv47arccoshRK5array14StreamOrDevice", "arccosh::s"], [0, 0, 1, "_CPPv46arcsinRK5array14StreamOrDevice", "arcsin"], [0, 1, 1, "_CPPv46arcsinRK5array14StreamOrDevice", "arcsin::a"], [0, 1, 1, "_CPPv46arcsinRK5array14StreamOrDevice", "arcsin::s"], [0, 0, 1, "_CPPv47arcsinhRK5array14StreamOrDevice", "arcsinh"], [0, 1, 1, "_CPPv47arcsinhRK5array14StreamOrDevice", "arcsinh::a"], [0, 1, 1, "_CPPv47arcsinhRK5array14StreamOrDevice", "arcsinh::s"], [0, 0, 1, "_CPPv46arctanRK5array14StreamOrDevice", "arctan"], [0, 0, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2"], [0, 1, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2::a"], [0, 1, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2::b"], [0, 1, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2::s"], [0, 1, 1, "_CPPv46arctanRK5array14StreamOrDevice", "arctan::a"], [0, 1, 1, "_CPPv46arctanRK5array14StreamOrDevice", "arctan::s"], [0, 0, 1, "_CPPv47arctanhRK5array14StreamOrDevice", "arctanh"], [0, 1, 1, "_CPPv47arctanhRK5array14StreamOrDevice", "arctanh::a"], [0, 1, 1, "_CPPv47arctanhRK5array14StreamOrDevice", "arctanh::s"], [0, 0, 1, "_CPPv46argmaxRK5array14StreamOrDevice", "argmax"], [0, 0, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax"], [0, 0, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax"], [0, 1, 1, "_CPPv46argmaxRK5array14StreamOrDevice", "argmax::a"], [0, 1, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax::a"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::a"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::axis"], [0, 1, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax::keepdims"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::keepdims"], [0, 1, 1, "_CPPv46argmaxRK5array14StreamOrDevice", "argmax::s"], [0, 1, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax::s"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::s"], [0, 0, 1, "_CPPv46argminRK5array14StreamOrDevice", "argmin"], [0, 0, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin"], [0, 0, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin"], [0, 1, 1, "_CPPv46argminRK5array14StreamOrDevice", "argmin::a"], [0, 1, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin::a"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::a"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::axis"], [0, 1, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin::keepdims"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::keepdims"], [0, 1, 1, "_CPPv46argminRK5array14StreamOrDevice", "argmin::s"], [0, 1, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin::s"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::s"], [0, 0, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition"], [0, 0, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition"], [0, 1, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition::a"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::a"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::axis"], [0, 1, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition::kth"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::kth"], [0, 1, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition::s"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::s"], [0, 0, 1, "_CPPv47argsortRK5array14StreamOrDevice", "argsort"], [0, 0, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort"], [0, 1, 1, "_CPPv47argsortRK5array14StreamOrDevice", "argsort::a"], [0, 1, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort::a"], [0, 1, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort::axis"], [0, 1, 1, "_CPPv47argsortRK5array14StreamOrDevice", "argsort::s"], [0, 1, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort::s"], [0, 0, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal"], [0, 0, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal::a"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::a"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal::b"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::b"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::equal_nan"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal::s"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::s"], [0, 0, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::a"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::offset"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::s"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::shape"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::strides"], [0, 0, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype"], [0, 1, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype::a"], [0, 1, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype::dtype"], [0, 1, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype::s"], [0, 0, 1, "_CPPv410atleast_1dRK5array14StreamOrDevice", "atleast_1d"], [0, 0, 1, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_1d"], [0, 1, 1, "_CPPv410atleast_1dRK5array14StreamOrDevice", "atleast_1d::a"], [0, 1, 1, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_1d::a"], [0, 1, 1, "_CPPv410atleast_1dRK5array14StreamOrDevice", "atleast_1d::s"], [0, 1, 1, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_1d::s"], [0, 0, 1, "_CPPv410atleast_2dRK5array14StreamOrDevice", "atleast_2d"], [0, 0, 1, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_2d"], [0, 1, 1, "_CPPv410atleast_2dRK5array14StreamOrDevice", "atleast_2d::a"], [0, 1, 1, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_2d::a"], [0, 1, 1, "_CPPv410atleast_2dRK5array14StreamOrDevice", "atleast_2d::s"], [0, 1, 1, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_2d::s"], [0, 0, 1, "_CPPv410atleast_3dRK5array14StreamOrDevice", "atleast_3d"], [0, 0, 1, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_3d"], [0, 1, 1, "_CPPv410atleast_3dRK5array14StreamOrDevice", "atleast_3d::a"], [0, 1, 1, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_3d::a"], [0, 1, 1, "_CPPv410atleast_3dRK5array14StreamOrDevice", "atleast_3d::s"], [0, 1, 1, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_3d::s"], [0, 0, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and"], [0, 1, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and::a"], [0, 1, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and::b"], [0, 1, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and::s"], [0, 0, 1, "_CPPv414bitwise_invertRK5array14StreamOrDevice", "bitwise_invert"], [0, 1, 1, "_CPPv414bitwise_invertRK5array14StreamOrDevice", "bitwise_invert::a"], [0, 1, 1, "_CPPv414bitwise_invertRK5array14StreamOrDevice", "bitwise_invert::s"], [0, 0, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or"], [0, 1, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or::a"], [0, 1, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or::b"], [0, 1, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or::s"], [0, 0, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor"], [0, 1, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor::a"], [0, 1, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor::b"], [0, 1, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor::s"], [0, 0, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::a"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::b"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::block_size"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::mask_lhs"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::mask_out"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::mask_rhs"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::s"], [0, 0, 1, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", "broadcast_arrays"], [0, 1, 1, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", "broadcast_arrays::inputs"], [0, 1, 1, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", "broadcast_arrays::s"], [0, 0, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to::a"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to::s"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to::shape"], [0, 0, 1, "_CPPv44ceilRK5array14StreamOrDevice", "ceil"], [0, 1, 1, "_CPPv44ceilRK5array14StreamOrDevice", "ceil::a"], [0, 1, 1, "_CPPv44ceilRK5array14StreamOrDevice", "ceil::s"], [0, 0, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::a"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::a_max"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::a_min"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::s"], [0, 0, 1, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", "concatenate"], [0, 0, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", "concatenate::arrays"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::arrays"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::axis"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", "concatenate::s"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::s"], [0, 0, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate"], [0, 1, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate::a"], [0, 1, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate::s"], [0, 0, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous"], [0, 1, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous::a"], [0, 1, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous::allow_col_major"], [0, 1, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous::s"], [0, 0, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::dilation"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::groups"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::input"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::padding"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::s"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::stride"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::weight"], [0, 0, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::dilation"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::groups"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::input"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::padding"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::s"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::stride"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::weight"], [0, 0, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::dilation"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::groups"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::input"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::padding"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::s"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::stride"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::weight"], [0, 0, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general"], [0, 0, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::flip"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::flip"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::groups"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::groups"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input_dilation"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input_dilation"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::kernel_dilation"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::kernel_dilation"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::padding"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::padding_hi"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::padding_lo"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::s"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::s"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::stride"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::stride"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::weight"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::weight"], [0, 0, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::dilation"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::groups"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::input"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::padding"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::s"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::stride"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::weight"], [0, 0, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::dilation"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::groups"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::input"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::padding"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::s"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::stride"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::weight"], [0, 0, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::dilation"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::groups"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::input"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::padding"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::s"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::stride"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::weight"], [0, 0, 1, "_CPPv44copy5array14StreamOrDevice", "copy"], [0, 1, 1, "_CPPv44copy5array14StreamOrDevice", "copy::a"], [0, 1, 1, "_CPPv44copy5array14StreamOrDevice", "copy::s"], [0, 0, 1, "_CPPv43cosRK5array14StreamOrDevice", "cos"], [0, 1, 1, "_CPPv43cosRK5array14StreamOrDevice", "cos::a"], [0, 1, 1, "_CPPv43cosRK5array14StreamOrDevice", "cos::s"], [0, 0, 1, "_CPPv44coshRK5array14StreamOrDevice", "cosh"], [0, 1, 1, "_CPPv44coshRK5array14StreamOrDevice", "cosh::a"], [0, 1, 1, "_CPPv44coshRK5array14StreamOrDevice", "cosh::s"], [0, 0, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::a"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::axis"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::inclusive"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::reverse"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::s"], [0, 0, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::a"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::axis"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::inclusive"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::reverse"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::s"], [0, 0, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::a"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::axis"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::inclusive"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::reverse"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::s"], [0, 0, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::a"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::axis"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::inclusive"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::reverse"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::s"], [0, 0, 1, "_CPPv47degreesRK5array14StreamOrDevice", "degrees"], [0, 1, 1, "_CPPv47degreesRK5array14StreamOrDevice", "degrees::a"], [0, 1, 1, "_CPPv47degreesRK5array14StreamOrDevice", "degrees::s"], [0, 0, 1, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", "depends"], [0, 1, 1, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", "depends::dependencies"], [0, 1, 1, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", "depends::inputs"], [0, 0, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::biases"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::bits"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::group_size"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::s"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::scales"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::w"], [0, 0, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag"], [0, 1, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag::a"], [0, 1, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag::k"], [0, 1, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag::s"], [0, 0, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::a"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::axis1"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::axis2"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::offset"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::s"], [0, 0, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide"], [0, 1, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide::a"], [0, 1, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide::b"], [0, 1, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide::s"], [0, 0, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod"], [0, 1, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod::a"], [0, 1, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod::b"], [0, 1, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod::s"], [0, 0, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal"], [0, 1, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal::a"], [0, 1, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal::b"], [0, 1, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal::s"], [0, 0, 1, "_CPPv43erfRK5array14StreamOrDevice", "erf"], [0, 1, 1, "_CPPv43erfRK5array14StreamOrDevice", "erf::a"], [0, 1, 1, "_CPPv43erfRK5array14StreamOrDevice", "erf::s"], [0, 0, 1, "_CPPv46erfinvRK5array14StreamOrDevice", "erfinv"], [0, 1, 1, "_CPPv46erfinvRK5array14StreamOrDevice", "erfinv::a"], [0, 1, 1, "_CPPv46erfinvRK5array14StreamOrDevice", "erfinv::s"], [0, 0, 1, "_CPPv43expRK5array14StreamOrDevice", "exp"], [0, 1, 1, "_CPPv43expRK5array14StreamOrDevice", "exp::a"], [0, 1, 1, "_CPPv43expRK5array14StreamOrDevice", "exp::s"], [0, 0, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims"], [0, 0, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims::a"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims::a"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims::axes"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims::axis"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims::s"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims::s"], [0, 0, 1, "_CPPv45expm1RK5array14StreamOrDevice", "expm1"], [0, 1, 1, "_CPPv45expm1RK5array14StreamOrDevice", "expm1::a"], [0, 1, 1, "_CPPv45expm1RK5array14StreamOrDevice", "expm1::s"], [0, 0, 1, "_CPPv43eyei14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyeii14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyeiii14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye"], [0, 1, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye::dtype"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::dtype"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::k"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::k"], [0, 1, 1, "_CPPv43eyeii14StreamOrDevice", "eye::m"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::m"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::m"], [0, 1, 1, "_CPPv43eyei14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyeii14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyei14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyeii14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::s"], [0, 0, 1, "_CPPv47flattenRK5array14StreamOrDevice", "flatten"], [0, 0, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten"], [0, 1, 1, "_CPPv47flattenRK5array14StreamOrDevice", "flatten::a"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::a"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::end_axis"], [0, 1, 1, "_CPPv47flattenRK5array14StreamOrDevice", "flatten::s"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::s"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::start_axis"], [0, 0, 1, "_CPPv45floorRK5array14StreamOrDevice", "floor"], [0, 1, 1, "_CPPv45floorRK5array14StreamOrDevice", "floor::a"], [0, 1, 1, "_CPPv45floorRK5array14StreamOrDevice", "floor::s"], [0, 0, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide"], [0, 1, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide::a"], [0, 1, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide::b"], [0, 1, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide::s"], [0, 0, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full"], [0, 0, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full"], [0, 0, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full"], [0, 0, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full"], [0, 2, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::T"], [0, 2, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::T"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::dtype"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::dtype"], [0, 1, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::val"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::val"], [0, 1, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full::vals"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::vals"], [0, 0, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather"], [0, 0, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::a"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::a"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::axes"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::axis"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::indices"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::indices"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::s"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::s"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::slice_sizes"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::slice_sizes"], [0, 0, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::a"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::b"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::lhs_indices"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::rhs_indices"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::s"], [0, 0, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::biases"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::bits"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::group_size"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::lhs_indices"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::rhs_indices"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::s"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::scales"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::transpose"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::w"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::x"], [0, 0, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater"], [0, 1, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater::a"], [0, 1, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater::b"], [0, 1, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater::s"], [0, 0, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal"], [0, 1, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal::a"], [0, 1, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal::b"], [0, 1, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal::s"], [0, 0, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform"], [0, 1, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform::a"], [0, 1, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform::s"], [0, 1, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform::scale"], [0, 0, 1, "_CPPv48identityi14StreamOrDevice", "identity"], [0, 0, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity"], [0, 1, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity::dtype"], [0, 1, 1, "_CPPv48identityi14StreamOrDevice", "identity::n"], [0, 1, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity::n"], [0, 1, 1, "_CPPv48identityi14StreamOrDevice", "identity::s"], [0, 1, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity::s"], [0, 0, 1, "_CPPv44imagRK5array14StreamOrDevice", "imag"], [0, 1, 1, "_CPPv44imagRK5array14StreamOrDevice", "imag::a"], [0, 1, 1, "_CPPv44imagRK5array14StreamOrDevice", "imag::s"], [0, 0, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner"], [0, 1, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner::a"], [0, 1, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner::b"], [0, 1, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner::s"], [0, 0, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::a"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::atol"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::b"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::equal_nan"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::rtol"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::s"], [0, 0, 1, "_CPPv48isfiniteRK5array14StreamOrDevice", "isfinite"], [0, 1, 1, "_CPPv48isfiniteRK5array14StreamOrDevice", "isfinite::a"], [0, 1, 1, "_CPPv48isfiniteRK5array14StreamOrDevice", "isfinite::s"], [0, 0, 1, "_CPPv45isinfRK5array14StreamOrDevice", "isinf"], [0, 1, 1, "_CPPv45isinfRK5array14StreamOrDevice", "isinf::a"], [0, 1, 1, "_CPPv45isinfRK5array14StreamOrDevice", "isinf::s"], [0, 0, 1, "_CPPv45isnanRK5array14StreamOrDevice", "isnan"], [0, 1, 1, "_CPPv45isnanRK5array14StreamOrDevice", "isnan::a"], [0, 1, 1, "_CPPv45isnanRK5array14StreamOrDevice", "isnan::s"], [0, 0, 1, "_CPPv48isneginfRK5array14StreamOrDevice", "isneginf"], [0, 1, 1, "_CPPv48isneginfRK5array14StreamOrDevice", "isneginf::a"], [0, 1, 1, "_CPPv48isneginfRK5array14StreamOrDevice", "isneginf::s"], [0, 0, 1, "_CPPv48isposinfRK5array14StreamOrDevice", "isposinf"], [0, 1, 1, "_CPPv48isposinfRK5array14StreamOrDevice", "isposinf::a"], [0, 1, 1, "_CPPv48isposinfRK5array14StreamOrDevice", "isposinf::s"], [0, 0, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron"], [0, 1, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron::a"], [0, 1, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron::b"], [0, 1, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron::s"], [0, 0, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift"], [0, 1, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift::a"], [0, 1, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift::b"], [0, 1, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift::s"], [0, 0, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less"], [0, 1, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less::a"], [0, 1, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less::b"], [0, 1, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less::s"], [0, 0, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal"], [0, 1, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal::a"], [0, 1, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal::b"], [0, 1, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal::s"], [0, 0, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::dtype"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::num"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::s"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::start"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::stop"], [0, 0, 1, "_CPPv43logRK5array14StreamOrDevice", "log"], [0, 0, 1, "_CPPv45log10RK5array14StreamOrDevice", "log10"], [0, 1, 1, "_CPPv45log10RK5array14StreamOrDevice", "log10::a"], [0, 1, 1, "_CPPv45log10RK5array14StreamOrDevice", "log10::s"], [0, 0, 1, "_CPPv45log1pRK5array14StreamOrDevice", "log1p"], [0, 1, 1, "_CPPv45log1pRK5array14StreamOrDevice", "log1p::a"], [0, 1, 1, "_CPPv45log1pRK5array14StreamOrDevice", "log1p::s"], [0, 0, 1, "_CPPv44log2RK5array14StreamOrDevice", "log2"], [0, 1, 1, "_CPPv44log2RK5array14StreamOrDevice", "log2::a"], [0, 1, 1, "_CPPv44log2RK5array14StreamOrDevice", "log2::s"], [0, 1, 1, "_CPPv43logRK5array14StreamOrDevice", "log::a"], [0, 1, 1, "_CPPv43logRK5array14StreamOrDevice", "log::s"], [0, 0, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp"], [0, 1, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp::a"], [0, 1, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp::b"], [0, 1, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp::s"], [0, 0, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and"], [0, 1, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and::a"], [0, 1, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and::b"], [0, 1, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and::s"], [0, 0, 1, "_CPPv411logical_notRK5array14StreamOrDevice", "logical_not"], [0, 1, 1, "_CPPv411logical_notRK5array14StreamOrDevice", "logical_not::a"], [0, 1, 1, "_CPPv411logical_notRK5array14StreamOrDevice", "logical_not::s"], [0, 0, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or"], [0, 1, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or::a"], [0, 1, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or::b"], [0, 1, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or::s"], [0, 0, 1, "_CPPv49logsumexpRK5array14StreamOrDevice", "logsumexp"], [0, 0, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp"], [0, 0, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp"], [0, 0, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp"], [0, 1, 1, "_CPPv49logsumexpRK5array14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::axes"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::axis"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::keepdims"], [0, 1, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp::keepdims"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::keepdims"], [0, 1, 1, "_CPPv49logsumexpRK5array14StreamOrDevice", "logsumexp::s"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::s"], [0, 1, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp::s"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::s"], [0, 0, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul"], [0, 1, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul::a"], [0, 1, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul::b"], [0, 1, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul::s"], [0, 0, 1, "_CPPv43maxRK5array14StreamOrDevice", "max"], [0, 0, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max"], [0, 0, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max"], [0, 0, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max"], [0, 1, 1, "_CPPv43maxRK5array14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::axes"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::axis"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::keepdims"], [0, 1, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max::keepdims"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::keepdims"], [0, 1, 1, "_CPPv43maxRK5array14StreamOrDevice", "max::s"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::s"], [0, 1, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max::s"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::s"], [0, 0, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum"], [0, 1, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum::a"], [0, 1, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum::b"], [0, 1, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum::s"], [0, 0, 1, "_CPPv44meanRK5array14StreamOrDevice", "mean"], [0, 0, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean"], [0, 0, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean"], [0, 0, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean"], [0, 1, 1, "_CPPv44meanRK5array14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::axes"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::axis"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::keepdims"], [0, 1, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean::keepdims"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::keepdims"], [0, 1, 1, "_CPPv44meanRK5array14StreamOrDevice", "mean::s"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::s"], [0, 1, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean::s"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::s"], [0, 0, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::arrays"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::indexing"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::s"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::sparse"], [0, 0, 1, "_CPPv43minRK5array14StreamOrDevice", "min"], [0, 0, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min"], [0, 0, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min"], [0, 0, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min"], [0, 1, 1, "_CPPv43minRK5array14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::axes"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::axis"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::keepdims"], [0, 1, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min::keepdims"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::keepdims"], [0, 1, 1, "_CPPv43minRK5array14StreamOrDevice", "min::s"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::s"], [0, 1, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min::s"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::s"], [0, 0, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum"], [0, 1, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum::a"], [0, 1, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum::b"], [0, 1, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum::s"], [0, 0, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::a"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::destination"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::s"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::source"], [0, 0, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply"], [0, 1, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply::a"], [0, 1, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply::b"], [0, 1, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply::s"], [0, 0, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::a"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::nan"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::neginf"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::posinf"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::s"], [0, 0, 1, "_CPPv48negativeRK5array14StreamOrDevice", "negative"], [0, 1, 1, "_CPPv48negativeRK5array14StreamOrDevice", "negative::a"], [0, 1, 1, "_CPPv48negativeRK5array14StreamOrDevice", "negative::s"], [0, 0, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal"], [0, 1, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal::a"], [0, 1, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal::b"], [0, 1, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal::s"], [0, 0, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::a"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::axes"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::dtype"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::inverted"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::s"], [0, 0, 1, "_CPPv44onesRK5Shape14StreamOrDevice", "ones"], [0, 0, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones"], [0, 1, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones::dtype"], [0, 1, 1, "_CPPv44onesRK5Shape14StreamOrDevice", "ones::s"], [0, 1, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones::s"], [0, 1, 1, "_CPPv44onesRK5Shape14StreamOrDevice", "ones::shape"], [0, 1, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones::shape"], [0, 0, 1, "_CPPv49ones_likeRK5array14StreamOrDevice", "ones_like"], [0, 1, 1, "_CPPv49ones_likeRK5array14StreamOrDevice", "ones_like::a"], [0, 1, 1, "_CPPv49ones_likeRK5array14StreamOrDevice", "ones_like::s"], [0, 0, 1, "_CPPv4I0Ene5array1TRK5array", "operator!="], [0, 0, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!="], [0, 0, 1, "_CPPv4neRK5arrayRK5array", "operator!="], [0, 2, 1, "_CPPv4I0Ene5array1TRK5array", "operator!=::T"], [0, 2, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!=::T"], [0, 1, 1, "_CPPv4I0Ene5array1TRK5array", "operator!=::a"], [0, 1, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!=::a"], [0, 1, 1, "_CPPv4neRK5arrayRK5array", "operator!=::a"], [0, 1, 1, "_CPPv4I0Ene5array1TRK5array", "operator!=::b"], [0, 1, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!=::b"], [0, 1, 1, "_CPPv4neRK5arrayRK5array", "operator!=::b"], [0, 0, 1, "_CPPv4I0Erm5array1TRK5array", "operator%"], [0, 0, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%"], [0, 0, 1, "_CPPv4rmRK5arrayRK5array", "operator%"], [0, 2, 1, "_CPPv4I0Erm5array1TRK5array", "operator%::T"], [0, 2, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%::T"], [0, 1, 1, "_CPPv4I0Erm5array1TRK5array", "operator%::a"], [0, 1, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%::a"], [0, 1, 1, "_CPPv4rmRK5arrayRK5array", "operator%::a"], [0, 1, 1, "_CPPv4I0Erm5array1TRK5array", "operator%::b"], [0, 1, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%::b"], [0, 1, 1, "_CPPv4rmRK5arrayRK5array", "operator%::b"], [0, 0, 1, "_CPPv4anRK5arrayRK5array", "operator&"], [0, 0, 1, "_CPPv4aaRK5arrayRK5array", "operator&&"], [0, 1, 1, "_CPPv4aaRK5arrayRK5array", "operator&&::a"], [0, 1, 1, "_CPPv4aaRK5arrayRK5array", "operator&&::b"], [0, 1, 1, "_CPPv4anRK5arrayRK5array", "operator&::a"], [0, 1, 1, "_CPPv4anRK5arrayRK5array", "operator&::b"], [0, 0, 1, "_CPPv4I0Eml5array1TRK5array", "operator*"], [0, 0, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*"], [0, 0, 1, "_CPPv4mlRK5arrayRK5array", "operator*"], [0, 2, 1, "_CPPv4I0Eml5array1TRK5array", "operator*::T"], [0, 2, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*::T"], [0, 1, 1, "_CPPv4I0Eml5array1TRK5array", "operator*::a"], [0, 1, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*::a"], [0, 1, 1, "_CPPv4mlRK5arrayRK5array", "operator*::a"], [0, 1, 1, "_CPPv4I0Eml5array1TRK5array", "operator*::b"], [0, 1, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*::b"], [0, 1, 1, "_CPPv4mlRK5arrayRK5array", "operator*::b"], [0, 0, 1, "_CPPv4I0Epl5array1TRK5array", "operator+"], [0, 0, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+"], [0, 0, 1, "_CPPv4plRK5arrayRK5array", "operator+"], [0, 2, 1, "_CPPv4I0Epl5array1TRK5array", "operator+::T"], [0, 2, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+::T"], [0, 1, 1, "_CPPv4I0Epl5array1TRK5array", "operator+::a"], [0, 1, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+::a"], [0, 1, 1, "_CPPv4plRK5arrayRK5array", "operator+::a"], [0, 1, 1, "_CPPv4I0Epl5array1TRK5array", "operator+::b"], [0, 1, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+::b"], [0, 1, 1, "_CPPv4plRK5arrayRK5array", "operator+::b"], [0, 0, 1, "_CPPv4I0Emi5array1TRK5array", "operator-"], [0, 0, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-"], [0, 0, 1, "_CPPv4miRK5array", "operator-"], [0, 0, 1, "_CPPv4miRK5arrayRK5array", "operator-"], [0, 2, 1, "_CPPv4I0Emi5array1TRK5array", "operator-::T"], [0, 2, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-::T"], [0, 1, 1, "_CPPv4I0Emi5array1TRK5array", "operator-::a"], [0, 1, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-::a"], [0, 1, 1, "_CPPv4miRK5array", "operator-::a"], [0, 1, 1, "_CPPv4miRK5arrayRK5array", "operator-::a"], [0, 1, 1, "_CPPv4I0Emi5array1TRK5array", "operator-::b"], [0, 1, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-::b"], [0, 1, 1, "_CPPv4miRK5arrayRK5array", "operator-::b"], [0, 0, 1, "_CPPv4dvRK5arrayRK5array", "operator/"], [0, 0, 1, "_CPPv4dvRK5arrayd", "operator/"], [0, 0, 1, "_CPPv4dvdRK5array", "operator/"], [0, 1, 1, "_CPPv4dvRK5arrayRK5array", "operator/::a"], [0, 1, 1, "_CPPv4dvRK5arrayd", "operator/::a"], [0, 1, 1, "_CPPv4dvdRK5array", "operator/::a"], [0, 1, 1, "_CPPv4dvRK5arrayRK5array", "operator/::b"], [0, 1, 1, "_CPPv4dvRK5arrayd", "operator/::b"], [0, 1, 1, "_CPPv4dvdRK5array", "operator/::b"], [0, 0, 1, "_CPPv4I0Elt5array1TRK5array", "operator<"], [0, 0, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<"], [0, 0, 1, "_CPPv4ltRK5arrayRK5array", "operator<"], [0, 2, 1, "_CPPv4I0Elt5array1TRK5array", "operator<::T"], [0, 2, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<::T"], [0, 1, 1, "_CPPv4I0Elt5array1TRK5array", "operator<::a"], [0, 1, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<::a"], [0, 1, 1, "_CPPv4ltRK5arrayRK5array", "operator<::a"], [0, 1, 1, "_CPPv4I0Elt5array1TRK5array", "operator<::b"], [0, 1, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<::b"], [0, 1, 1, "_CPPv4ltRK5arrayRK5array", "operator<::b"], [0, 0, 1, "_CPPv4lsRK5arrayRK5array", "operator<<"], [0, 1, 1, "_CPPv4lsRK5arrayRK5array", "operator<<::a"], [0, 1, 1, "_CPPv4lsRK5arrayRK5array", "operator<<::b"], [0, 0, 1, "_CPPv4I0Ele5array1TRK5array", "operator<="], [0, 0, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<="], [0, 0, 1, "_CPPv4leRK5arrayRK5array", "operator<="], [0, 2, 1, "_CPPv4I0Ele5array1TRK5array", "operator<=::T"], [0, 2, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<=::T"], [0, 1, 1, "_CPPv4I0Ele5array1TRK5array", "operator<=::a"], [0, 1, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<=::a"], [0, 1, 1, "_CPPv4leRK5arrayRK5array", "operator<=::a"], [0, 1, 1, "_CPPv4I0Ele5array1TRK5array", "operator<=::b"], [0, 1, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<=::b"], [0, 1, 1, "_CPPv4leRK5arrayRK5array", "operator<=::b"], [0, 0, 1, "_CPPv4I0Eeq5array1TRK5array", "operator=="], [0, 0, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator=="], [0, 0, 1, "_CPPv4eqRK5arrayRK5array", "operator=="], [0, 2, 1, "_CPPv4I0Eeq5array1TRK5array", "operator==::T"], [0, 2, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator==::T"], [0, 1, 1, "_CPPv4I0Eeq5array1TRK5array", "operator==::a"], [0, 1, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator==::a"], [0, 1, 1, "_CPPv4eqRK5arrayRK5array", "operator==::a"], [0, 1, 1, "_CPPv4I0Eeq5array1TRK5array", "operator==::b"], [0, 1, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator==::b"], [0, 1, 1, "_CPPv4eqRK5arrayRK5array", "operator==::b"], [0, 0, 1, "_CPPv4I0Egt5array1TRK5array", "operator>"], [0, 0, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>"], [0, 0, 1, "_CPPv4gtRK5arrayRK5array", "operator>"], [0, 2, 1, "_CPPv4I0Egt5array1TRK5array", "operator>::T"], [0, 2, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>::T"], [0, 1, 1, "_CPPv4I0Egt5array1TRK5array", "operator>::a"], [0, 1, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>::a"], [0, 1, 1, "_CPPv4gtRK5arrayRK5array", "operator>::a"], [0, 1, 1, "_CPPv4I0Egt5array1TRK5array", "operator>::b"], [0, 1, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>::b"], [0, 1, 1, "_CPPv4gtRK5arrayRK5array", "operator>::b"], [0, 0, 1, "_CPPv4I0Ege5array1TRK5array", "operator>="], [0, 0, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>="], [0, 0, 1, "_CPPv4geRK5arrayRK5array", "operator>="], [0, 2, 1, "_CPPv4I0Ege5array1TRK5array", "operator>=::T"], [0, 2, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>=::T"], [0, 1, 1, "_CPPv4I0Ege5array1TRK5array", "operator>=::a"], [0, 1, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>=::a"], [0, 1, 1, "_CPPv4geRK5arrayRK5array", "operator>=::a"], [0, 1, 1, "_CPPv4I0Ege5array1TRK5array", "operator>=::b"], [0, 1, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>=::b"], [0, 1, 1, "_CPPv4geRK5arrayRK5array", "operator>=::b"], [0, 0, 1, "_CPPv4rsRK5arrayRK5array", "operator>>"], [0, 1, 1, "_CPPv4rsRK5arrayRK5array", "operator>>::a"], [0, 1, 1, "_CPPv4rsRK5arrayRK5array", "operator>>::b"], [0, 0, 1, "_CPPv4eoRK5arrayRK5array", "operator^"], [0, 1, 1, "_CPPv4eoRK5arrayRK5array", "operator^::a"], [0, 1, 1, "_CPPv4eoRK5arrayRK5array", "operator^::b"], [0, 0, 1, "_CPPv4orRK5arrayRK5array", "operator|"], [0, 1, 1, "_CPPv4orRK5arrayRK5array", "operator|::a"], [0, 1, 1, "_CPPv4orRK5arrayRK5array", "operator|::b"], [0, 0, 1, "_CPPv4ooRK5arrayRK5array", "operator||"], [0, 1, 1, "_CPPv4ooRK5arrayRK5array", "operator||::a"], [0, 1, 1, "_CPPv4ooRK5arrayRK5array", "operator||::b"], [0, 0, 1, "_CPPv4coRK5array", "operator~"], [0, 1, 1, "_CPPv4coRK5array", "operator~::a"], [0, 0, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::a"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::b"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::s"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::axes"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::high_pad_size"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::low_pad_size"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 0, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition"], [0, 0, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition"], [0, 1, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition::a"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::a"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::axis"], [0, 1, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition::kth"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::kth"], [0, 1, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition::s"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::s"], [0, 0, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power"], [0, 1, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power::a"], [0, 1, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power::b"], [0, 1, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power::s"], [0, 0, 1, "_CPPv44prodRK5array14StreamOrDevice", "prod"], [0, 0, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod"], [0, 0, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod"], [0, 0, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod"], [0, 1, 1, "_CPPv44prodRK5array14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::axes"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::axis"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::keepdims"], [0, 1, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod::keepdims"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::keepdims"], [0, 1, 1, "_CPPv44prodRK5array14StreamOrDevice", "prod::s"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::s"], [0, 1, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod::s"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::s"], [0, 0, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::a"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::axis"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::indices"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::s"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::values"], [0, 0, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::bits"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::group_size"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::s"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::w"], [0, 0, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::biases"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::bits"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::group_size"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::s"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::scales"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::transpose"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::w"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::x"], [0, 0, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians"], [0, 1, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians::a"], [0, 1, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians::s"], [0, 0, 1, "_CPPv44realRK5array14StreamOrDevice", "real"], [0, 1, 1, "_CPPv44realRK5array14StreamOrDevice", "real::a"], [0, 1, 1, "_CPPv44realRK5array14StreamOrDevice", "real::s"], [0, 0, 1, "_CPPv410reciprocalRK5array14StreamOrDevice", "reciprocal"], [0, 1, 1, "_CPPv410reciprocalRK5array14StreamOrDevice", "reciprocal::a"], [0, 1, 1, "_CPPv410reciprocalRK5array14StreamOrDevice", "reciprocal::s"], [0, 0, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder"], [0, 1, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder::a"], [0, 1, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder::b"], [0, 1, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder::s"], [0, 0, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat"], [0, 0, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat"], [0, 1, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat::arr"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::arr"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::axis"], [0, 1, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat::repeats"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::repeats"], [0, 1, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat::s"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::s"], [0, 0, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape"], [0, 1, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape::a"], [0, 1, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape::s"], [0, 1, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape::shape"], [0, 0, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift"], [0, 1, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift::a"], [0, 1, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift::b"], [0, 1, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift::s"], [0, 0, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::axes"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::axes"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::axis"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::axis"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::shift"], [0, 0, 1, "_CPPv45roundRK5array14StreamOrDevice", "round"], [0, 0, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round"], [0, 1, 1, "_CPPv45roundRK5array14StreamOrDevice", "round::a"], [0, 1, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round::a"], [0, 1, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round::decimals"], [0, 1, 1, "_CPPv45roundRK5array14StreamOrDevice", "round::s"], [0, 1, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round::s"], [0, 0, 1, "_CPPv45rsqrtRK5array14StreamOrDevice", "rsqrt"], [0, 1, 1, "_CPPv45rsqrtRK5array14StreamOrDevice", "rsqrt::a"], [0, 1, 1, "_CPPv45rsqrtRK5array14StreamOrDevice", "rsqrt::s"], [0, 0, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter"], [0, 0, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::a"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::a"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::axes"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::axis"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::indices"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::indices"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::s"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::s"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::updates"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::updates"], [0, 0, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add"], [0, 0, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::a"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::a"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::axes"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::axis"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::indices"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::indices"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::s"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::s"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::updates"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::updates"], [0, 0, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::a"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::axis"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::indices"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::s"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::values"], [0, 0, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max"], [0, 0, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::a"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::a"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::axes"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::axis"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::indices"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::indices"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::s"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::s"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::updates"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::updates"], [0, 0, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min"], [0, 0, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::a"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::a"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::axes"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::axis"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::indices"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::indices"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::s"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::s"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::updates"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::updates"], [0, 0, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod"], [0, 0, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::a"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::a"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::axes"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::axis"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::indices"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::indices"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::s"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::s"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::updates"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::updates"], [0, 0, 1, "_CPPv47sigmoidRK5array14StreamOrDevice", "sigmoid"], [0, 1, 1, "_CPPv47sigmoidRK5array14StreamOrDevice", "sigmoid::a"], [0, 1, 1, "_CPPv47sigmoidRK5array14StreamOrDevice", "sigmoid::s"], [0, 0, 1, "_CPPv44signRK5array14StreamOrDevice", "sign"], [0, 1, 1, "_CPPv44signRK5array14StreamOrDevice", "sign::a"], [0, 1, 1, "_CPPv44signRK5array14StreamOrDevice", "sign::s"], [0, 0, 1, "_CPPv43sinRK5array14StreamOrDevice", "sin"], [0, 1, 1, "_CPPv43sinRK5array14StreamOrDevice", "sin::a"], [0, 1, 1, "_CPPv43sinRK5array14StreamOrDevice", "sin::s"], [0, 0, 1, "_CPPv44sinhRK5array14StreamOrDevice", "sinh"], [0, 1, 1, "_CPPv44sinhRK5array14StreamOrDevice", "sinh::a"], [0, 1, 1, "_CPPv44sinhRK5array14StreamOrDevice", "sinh::s"], [0, 0, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice"], [0, 0, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice"], [0, 0, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice"], [0, 0, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::axes"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::slice_size"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::strides"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::strides"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::axes"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::stop"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::stop"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::strides"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::update"], [0, 0, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax"], [0, 0, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax"], [0, 0, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::a"], [0, 1, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax::a"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::a"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::axes"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::axis"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::precise"], [0, 1, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax::precise"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::precise"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::s"], [0, 1, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax::s"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::s"], [0, 0, 1, "_CPPv44sortRK5array14StreamOrDevice", "sort"], [0, 0, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort"], [0, 1, 1, "_CPPv44sortRK5array14StreamOrDevice", "sort::a"], [0, 1, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort::a"], [0, 1, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort::axis"], [0, 1, 1, "_CPPv44sortRK5array14StreamOrDevice", "sort::s"], [0, 1, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort::s"], [0, 0, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::axis"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::axis"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split::indices"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::indices"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::num_splits"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::num_splits"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split::s"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::s"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::s"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::s"], [0, 0, 1, "_CPPv44sqrtRK5array14StreamOrDevice", "sqrt"], [0, 1, 1, "_CPPv44sqrtRK5array14StreamOrDevice", "sqrt::a"], [0, 1, 1, "_CPPv44sqrtRK5array14StreamOrDevice", "sqrt::s"], [0, 0, 1, "_CPPv46squareRK5array14StreamOrDevice", "square"], [0, 1, 1, "_CPPv46squareRK5array14StreamOrDevice", "square::a"], [0, 1, 1, "_CPPv46squareRK5array14StreamOrDevice", "square::s"], [0, 0, 1, "_CPPv47squeezeRK5array14StreamOrDevice", "squeeze"], [0, 0, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze"], [0, 0, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze"], [0, 1, 1, "_CPPv47squeezeRK5array14StreamOrDevice", "squeeze::a"], [0, 1, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze::a"], [0, 1, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze::a"], [0, 1, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze::axes"], [0, 1, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze::axis"], [0, 1, 1, "_CPPv47squeezeRK5array14StreamOrDevice", "squeeze::s"], [0, 1, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze::s"], [0, 1, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze::s"], [0, 0, 1, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", "stack"], [0, 0, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", "stack::arrays"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack::arrays"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack::axis"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", "stack::s"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack::s"], [0, 0, 1, "_CPPv4StRK5array14StreamOrDevice", "std"], [0, 0, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std"], [0, 0, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std"], [0, 0, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std"], [0, 1, 1, "_CPPv4StRK5array14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::axes"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::axis"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::ddof"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::ddof"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::ddof"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::keepdims"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::keepdims"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::keepdims"], [0, 1, 1, "_CPPv4StRK5array14StreamOrDevice", "std::s"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::s"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::s"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::s"], [0, 0, 1, "_CPPv413stop_gradientRK5array14StreamOrDevice", "stop_gradient"], [0, 1, 1, "_CPPv413stop_gradientRK5array14StreamOrDevice", "stop_gradient::a"], [0, 1, 1, "_CPPv413stop_gradientRK5array14StreamOrDevice", "stop_gradient::s"], [0, 0, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract"], [0, 1, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract::a"], [0, 1, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract::b"], [0, 1, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract::s"], [0, 0, 1, "_CPPv43sumRK5array14StreamOrDevice", "sum"], [0, 0, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum"], [0, 0, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum"], [0, 0, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum"], [0, 1, 1, "_CPPv43sumRK5array14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::axes"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::axis"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::keepdims"], [0, 1, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum::keepdims"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::keepdims"], [0, 1, 1, "_CPPv43sumRK5array14StreamOrDevice", "sum::s"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::s"], [0, 1, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum::s"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::s"], [0, 0, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::a"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::axis1"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::axis2"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::s"], [0, 0, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take"], [0, 0, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take"], [0, 0, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take"], [0, 0, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take"], [0, 1, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::axis"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::axis"], [0, 1, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take::index"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::index"], [0, 1, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take::indices"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::indices"], [0, 1, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take::s"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::s"], [0, 1, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take::s"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::s"], [0, 0, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::a"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::axis"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::indices"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::s"], [0, 0, 1, "_CPPv43tanRK5array14StreamOrDevice", "tan"], [0, 1, 1, "_CPPv43tanRK5array14StreamOrDevice", "tan::a"], [0, 1, 1, "_CPPv43tanRK5array14StreamOrDevice", "tan::s"], [0, 0, 1, "_CPPv44tanhRK5array14StreamOrDevice", "tanh"], [0, 1, 1, "_CPPv44tanhRK5array14StreamOrDevice", "tanh::a"], [0, 1, 1, "_CPPv44tanhRK5array14StreamOrDevice", "tanh::s"], [0, 0, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot"], [0, 0, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::a"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::a"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::axes_a"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::axes_b"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::axis"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::b"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::b"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::s"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::s"], [0, 0, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile"], [0, 1, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile::arr"], [0, 1, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile::reps"], [0, 1, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile::s"], [0, 0, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk"], [0, 0, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk"], [0, 1, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk::a"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::a"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::axis"], [0, 1, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk::k"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::k"], [0, 1, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk::s"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::s"], [0, 0, 1, "_CPPv45traceRK5array14StreamOrDevice", "trace"], [0, 0, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace"], [0, 0, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace"], [0, 1, 1, "_CPPv45traceRK5array14StreamOrDevice", "trace::a"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::a"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::a"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::axis1"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::axis1"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::axis2"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::axis2"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::dtype"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::offset"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::offset"], [0, 1, 1, "_CPPv45traceRK5array14StreamOrDevice", "trace::s"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::s"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::s"], [0, 0, 1, "_CPPv49transposeRK5array14StreamOrDevice", "transpose"], [0, 0, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose"], [0, 0, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose"], [0, 1, 1, "_CPPv49transposeRK5array14StreamOrDevice", "transpose::a"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose::a"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose::a"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose::axes"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose::axes"], [0, 1, 1, "_CPPv49transposeRK5array14StreamOrDevice", "transpose::s"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose::s"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose::s"], [0, 0, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri"], [0, 0, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::k"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::m"], [0, 1, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri::n"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::n"], [0, 1, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri::s"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::s"], [0, 1, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri::type"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::type"], [0, 0, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril"], [0, 1, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril::k"], [0, 1, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril::s"], [0, 1, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril::x"], [0, 0, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu"], [0, 1, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu::k"], [0, 1, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu::s"], [0, 1, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu::x"], [0, 0, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::a"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::axis"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::s"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::shape"], [0, 0, 1, "_CPPv43varRK5array14StreamOrDevice", "var"], [0, 0, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var"], [0, 0, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var"], [0, 0, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var"], [0, 1, 1, "_CPPv43varRK5array14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::axes"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::axis"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::ddof"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::ddof"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::ddof"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::keepdims"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::keepdims"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::keepdims"], [0, 1, 1, "_CPPv43varRK5array14StreamOrDevice", "var::s"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::s"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::s"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::s"], [0, 0, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view"], [0, 1, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view::a"], [0, 1, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view::dtype"], [0, 1, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view::s"], [0, 0, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::condition"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::s"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::x"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::y"], [0, 0, 1, "_CPPv45zerosRK5Shape14StreamOrDevice", "zeros"], [0, 0, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros"], [0, 1, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros::dtype"], [0, 1, 1, "_CPPv45zerosRK5Shape14StreamOrDevice", "zeros::s"], [0, 1, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros::s"], [0, 1, 1, "_CPPv45zerosRK5Shape14StreamOrDevice", "zeros::shape"], [0, 1, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros::shape"], [0, 0, 1, "_CPPv410zeros_likeRK5array14StreamOrDevice", "zeros_like"], [0, 1, 1, "_CPPv410zeros_likeRK5array14StreamOrDevice", "zeros_like::a"], [0, 1, 1, "_CPPv410zeros_likeRK5array14StreamOrDevice", "zeros_like::s"]], "mlx.core": [[10, 3, 1, "", "Device"], [11, 3, 1, "", "Dtype"], [12, 3, 1, "", "DtypeCategory"], [330, 3, 1, "", "Stream"], [13, 5, 1, "", "abs"], [14, 5, 1, "", "add"], [15, 5, 1, "", "addmm"], [16, 5, 1, "", "all"], [17, 5, 1, "", "allclose"], [18, 5, 1, "", "any"], [19, 5, 1, "", "arange"], [20, 5, 1, "", "arccos"], [21, 5, 1, "", "arccosh"], [22, 5, 1, "", "arcsin"], [23, 5, 1, "", "arcsinh"], [24, 5, 1, "", "arctan"], [25, 5, 1, "", "arctan2"], [26, 5, 1, "", "arctanh"], [27, 5, 1, "", "argmax"], [28, 5, 1, "", "argmin"], [29, 5, 1, "", "argpartition"], [30, 5, 1, "", "argsort"], [31, 3, 1, "", "array"], [83, 5, 1, "", "array_equal"], [84, 5, 1, "", "as_strided"], [85, 5, 1, "", "atleast_1d"], [86, 5, 1, "", "atleast_2d"], [87, 5, 1, "", "atleast_3d"], [88, 5, 1, "", "bitwise_and"], [89, 5, 1, "", "bitwise_invert"], [90, 5, 1, "", "bitwise_or"], [91, 5, 1, "", "bitwise_xor"], [92, 5, 1, "", "block_masked_mm"], [93, 5, 1, "", "broadcast_to"], [94, 5, 1, "", "ceil"], [95, 5, 1, "", "clip"], [96, 5, 1, "", "compile"], [97, 5, 1, "", "concatenate"], [98, 5, 1, "", "conj"], [99, 5, 1, "", "conjugate"], [100, 5, 1, "", "conv1d"], [101, 5, 1, "", "conv2d"], [102, 5, 1, "", "conv3d"], [103, 5, 1, "", "conv_general"], [104, 5, 1, "", "conv_transpose1d"], [105, 5, 1, "", "conv_transpose2d"], [106, 5, 1, "", "conv_transpose3d"], [107, 5, 1, "", "convolve"], [108, 5, 1, "", "cos"], [109, 5, 1, "", "cosh"], [110, 5, 1, "", "cummax"], [111, 5, 1, "", "cummin"], [112, 5, 1, "", "cumprod"], [113, 5, 1, "", "cumsum"], [114, 3, 1, "", "custom_function"], [115, 5, 1, "", "default_device"], [116, 5, 1, "", "default_stream"], [117, 5, 1, "", "degrees"], [118, 5, 1, "", "dequantize"], [119, 5, 1, "", "diag"], [120, 5, 1, "", "diagonal"], [121, 5, 1, "", "disable_compile"], [130, 5, 1, "", "divide"], [131, 5, 1, "", "divmod"], [132, 5, 1, "", "einsum"], [133, 5, 1, "", "einsum_path"], [134, 5, 1, "", "enable_compile"], [135, 5, 1, "", "equal"], [136, 5, 1, "", "erf"], [137, 5, 1, "", "erfinv"], [138, 5, 1, "", "eval"], [139, 5, 1, "", "exp"], [140, 5, 1, "", "expand_dims"], [141, 5, 1, "", "expm1"], [142, 5, 1, "", "export_function"], [143, 5, 1, "", "export_to_dot"], [144, 5, 1, "", "exporter"], [145, 5, 1, "", "eye"], [163, 3, 1, "", "finfo"], [164, 5, 1, "", "flatten"], [165, 5, 1, "", "floor"], [166, 5, 1, "", "floor_divide"], [167, 5, 1, "", "full"], [168, 5, 1, "", "gather_mm"], [169, 5, 1, "", "gather_qmm"], [170, 5, 1, "", "grad"], [171, 5, 1, "", "greater"], [172, 5, 1, "", "greater_equal"], [173, 5, 1, "", "hadamard_transform"], [174, 5, 1, "", "identity"], [175, 5, 1, "", "imag"], [176, 5, 1, "", "import_function"], [177, 5, 1, "", "inner"], [178, 5, 1, "", "isclose"], [179, 5, 1, "", "isfinite"], [180, 5, 1, "", "isinf"], [181, 5, 1, "", "isnan"], [182, 5, 1, "", "isneginf"], [183, 5, 1, "", "isposinf"], [184, 5, 1, "", "issubdtype"], [185, 5, 1, "", "jvp"], [186, 5, 1, "", "kron"], [187, 5, 1, "", "left_shift"], [188, 5, 1, "", "less"], [189, 5, 1, "", "less_equal"], [204, 5, 1, "", "linspace"], [205, 5, 1, "", "load"], [206, 5, 1, "", "log"], [207, 5, 1, "", "log10"], [208, 5, 1, "", "log1p"], [209, 5, 1, "", "log2"], [210, 5, 1, "", "logaddexp"], [211, 5, 1, "", "logical_and"], [212, 5, 1, "", "logical_not"], [213, 5, 1, "", "logical_or"], [214, 5, 1, "", "logsumexp"], [215, 5, 1, "", "matmul"], [216, 5, 1, "", "max"], [217, 5, 1, "", "maximum"], [218, 5, 1, "", "mean"], [219, 5, 1, "", "meshgrid"], [232, 5, 1, "", "min"], [233, 5, 1, "", "minimum"], [234, 5, 1, "", "moveaxis"], [235, 5, 1, "", "multiply"], [236, 5, 1, "", "nan_to_num"], [237, 5, 1, "", "negative"], [238, 5, 1, "", "new_stream"], [239, 5, 1, "", "not_equal"], [240, 5, 1, "", "ones"], [241, 5, 1, "", "ones_like"], [242, 5, 1, "", "outer"], [243, 5, 1, "", "pad"], [244, 5, 1, "", "partition"], [245, 5, 1, "", "power"], [246, 5, 1, "", "prod"], [247, 5, 1, "", "put_along_axis"], [248, 5, 1, "", "quantize"], [249, 5, 1, "", "quantized_matmul"], [250, 5, 1, "", "radians"], [264, 5, 1, "", "real"], [265, 5, 1, "", "reciprocal"], [266, 5, 1, "", "remainder"], [267, 5, 1, "", "repeat"], [268, 5, 1, "", "reshape"], [269, 5, 1, "", "right_shift"], [270, 5, 1, "", "roll"], [271, 5, 1, "", "round"], [272, 5, 1, "", "rsqrt"], [273, 5, 1, "", "save"], [274, 5, 1, "", "save_gguf"], [275, 5, 1, "", "save_safetensors"], [276, 5, 1, "", "savez"], [277, 5, 1, "", "savez_compressed"], [278, 5, 1, "", "set_default_device"], [279, 5, 1, "", "set_default_stream"], [280, 5, 1, "", "sigmoid"], [281, 5, 1, "", "sign"], [282, 5, 1, "", "sin"], [283, 5, 1, "", "sinh"], [284, 5, 1, "", "slice"], [285, 5, 1, "", "slice_update"], [286, 5, 1, "", "softmax"], [287, 5, 1, "", "sort"], [288, 5, 1, "", "split"], [289, 5, 1, "", "sqrt"], [290, 5, 1, "", "square"], [291, 5, 1, "", "squeeze"], [292, 5, 1, "", "stack"], [293, 5, 1, "", "std"], [294, 5, 1, "", "stop_gradient"], [295, 5, 1, "", "stream"], [296, 5, 1, "", "subtract"], [297, 5, 1, "", "sum"], [298, 5, 1, "", "swapaxes"], [299, 5, 1, "", "synchronize"], [300, 5, 1, "", "take"], [301, 5, 1, "", "take_along_axis"], [302, 5, 1, "", "tan"], [303, 5, 1, "", "tanh"], [304, 5, 1, "", "tensordot"], [305, 5, 1, "", "tile"], [306, 5, 1, "", "topk"], [307, 5, 1, "", "trace"], [308, 5, 1, "", "transpose"], [309, 5, 1, "", "tri"], [310, 5, 1, "", "tril"], [311, 5, 1, "", "triu"], [312, 5, 1, "", "unflatten"], [313, 5, 1, "", "value_and_grad"], [314, 5, 1, "", "var"], [315, 5, 1, "", "view"], [316, 5, 1, "", "vjp"], [317, 5, 1, "", "vmap"], [318, 5, 1, "", "where"], [319, 5, 1, "", "zeros"], [320, 5, 1, "", "zeros_like"]], "mlx.core.Device": [[10, 4, 1, "", "__init__"]], "mlx.core.Dtype": [[11, 4, 1, "", "__init__"]], "mlx.core.DtypeCategory": [[12, 4, 1, "", "__init__"]], "mlx.core.Stream": [[330, 4, 1, "", "__init__"]], "mlx.core.array": [[32, 6, 1, "", "T"], [31, 4, 1, "", "__init__"], [33, 4, 1, "", "abs"], [34, 4, 1, "", "all"], [35, 4, 1, "", "any"], [36, 4, 1, "", "argmax"], [37, 4, 1, "", "argmin"], [38, 4, 1, "", "astype"], [39, 6, 1, "", "at"], [40, 4, 1, "", "conj"], [41, 4, 1, "", "cos"], [42, 4, 1, "", "cummax"], [43, 4, 1, "", "cummin"], [44, 4, 1, "", "cumprod"], [45, 4, 1, "", "cumsum"], [46, 4, 1, "", "diag"], [47, 4, 1, "", "diagonal"], [48, 6, 1, "", "dtype"], [49, 4, 1, "", "exp"], [50, 4, 1, "", "flatten"], [51, 4, 1, "", "item"], [52, 6, 1, "", "itemsize"], [53, 4, 1, "", "log"], [54, 4, 1, "", "log10"], [55, 4, 1, "", "log1p"], [56, 4, 1, "", "log2"], [57, 4, 1, "", "logsumexp"], [58, 4, 1, "", "max"], [59, 4, 1, "", "mean"], [60, 4, 1, "", "min"], [61, 4, 1, "", "moveaxis"], [62, 6, 1, "", "nbytes"], [63, 6, 1, "", "ndim"], [64, 4, 1, "", "prod"], [65, 4, 1, "", "reciprocal"], [66, 4, 1, "", "reshape"], [67, 4, 1, "", "round"], [68, 4, 1, "", "rsqrt"], [69, 6, 1, "", "shape"], [70, 4, 1, "", "sin"], [71, 6, 1, "", "size"], [72, 4, 1, "", "split"], [73, 4, 1, "", "sqrt"], [74, 4, 1, "", "square"], [75, 4, 1, "", "squeeze"], [76, 4, 1, "", "std"], [77, 4, 1, "", "sum"], [78, 4, 1, "", "swapaxes"], [79, 4, 1, "", "tolist"], [80, 4, 1, "", "transpose"], [81, 4, 1, "", "var"], [82, 4, 1, "", "view"]], "mlx.core.custom_function": [[114, 4, 1, "", "__init__"]], "mlx.core.distributed": [[122, 3, 1, "", "Group"], [123, 5, 1, "", "all_gather"], [124, 5, 1, "", "all_sum"], [125, 5, 1, "", "init"], [126, 5, 1, "", "is_available"], [127, 5, 1, "", "recv"], [128, 5, 1, "", "recv_like"], [129, 5, 1, "", "send"]], "mlx.core.distributed.Group": [[122, 4, 1, "", "__init__"]], "mlx.core.fast": [[146, 5, 1, "", "layer_norm"], [147, 5, 1, "", "metal_kernel"], [148, 5, 1, "", "rms_norm"], [149, 5, 1, "", "rope"], [150, 5, 1, "", "scaled_dot_product_attention"]], "mlx.core.fft": [[151, 5, 1, "", "fft"], [152, 5, 1, "", "fft2"], [153, 5, 1, "", "fftn"], [154, 5, 1, "", "ifft"], [155, 5, 1, "", "ifft2"], [156, 5, 1, "", "ifftn"], [157, 5, 1, "", "irfft"], [158, 5, 1, "", "irfft2"], [159, 5, 1, "", "irfftn"], [160, 5, 1, "", "rfft"], [161, 5, 1, "", "rfft2"], [162, 5, 1, "", "rfftn"]], "mlx.core.finfo": [[163, 4, 1, "", "__init__"]], "mlx.core.linalg": [[190, 5, 1, "", "cholesky"], [191, 5, 1, "", "cholesky_inv"], [192, 5, 1, "", "cross"], [193, 5, 1, "", "eigh"], [194, 5, 1, "", "eigvalsh"], [195, 5, 1, "", "inv"], [196, 5, 1, "", "lu"], [197, 5, 1, "", "lu_factor"], [198, 5, 1, "", "norm"], [199, 5, 1, "", "qr"], [200, 5, 1, "", "solve"], [201, 5, 1, "", "solve_triangular"], [202, 5, 1, "", "svd"], [203, 5, 1, "", "tri_inv"]], "mlx.core.metal": [[220, 5, 1, "", "clear_cache"], [221, 5, 1, "", "device_info"], [222, 5, 1, "", "get_active_memory"], [223, 5, 1, "", "get_cache_memory"], [224, 5, 1, "", "get_peak_memory"], [225, 5, 1, "", "is_available"], [226, 5, 1, "", "reset_peak_memory"], [227, 5, 1, "", "set_cache_limit"], [228, 5, 1, "", "set_memory_limit"], [229, 5, 1, "", "set_wired_limit"], [230, 5, 1, "", "start_capture"], [231, 5, 1, "", "stop_capture"]], "mlx.core.random": [[251, 5, 1, "", "bernoulli"], [252, 5, 1, "", "categorical"], [253, 5, 1, "", "gumbel"], [254, 5, 1, "", "key"], [255, 5, 1, "", "laplace"], [256, 5, 1, "", "multivariate_normal"], [257, 5, 1, "", "normal"], [258, 5, 1, "", "permutation"], [259, 5, 1, "", "randint"], [260, 5, 1, "", "seed"], [261, 5, 1, "", "split"], [262, 5, 1, "", "truncated_normal"], [263, 5, 1, "", "uniform"]], "mlx.nn": [[341, 3, 1, "", "ALiBi"], [342, 3, 1, "", "AvgPool1d"], [343, 3, 1, "", "AvgPool2d"], [344, 3, 1, "", "AvgPool3d"], [345, 3, 1, "", "BatchNorm"], [346, 3, 1, "", "CELU"], [347, 3, 1, "", "Conv1d"], [348, 3, 1, "", "Conv2d"], [349, 3, 1, "", "Conv3d"], [350, 3, 1, "", "ConvTranspose1d"], [351, 3, 1, "", "ConvTranspose2d"], [352, 3, 1, "", "ConvTranspose3d"], [353, 3, 1, "", "Dropout"], [354, 3, 1, "", "Dropout2d"], [355, 3, 1, "", "Dropout3d"], [356, 3, 1, "", "ELU"], [357, 3, 1, "", "Embedding"], [358, 3, 1, "", "GELU"], [359, 3, 1, "", "GLU"], [360, 3, 1, "", "GRU"], [361, 3, 1, "", "GroupNorm"], [362, 3, 1, "", "HardShrink"], [363, 3, 1, "", "HardTanh"], [364, 3, 1, "", "Hardswish"], [365, 3, 1, "", "InstanceNorm"], [366, 3, 1, "", "LSTM"], [367, 3, 1, "", "LayerNorm"], [368, 3, 1, "", "LeakyReLU"], [369, 3, 1, "", "Linear"], [370, 3, 1, "", "LogSigmoid"], [371, 3, 1, "", "LogSoftmax"], [372, 3, 1, "", "MaxPool1d"], [373, 3, 1, "", "MaxPool2d"], [374, 3, 1, "", "MaxPool3d"], [375, 3, 1, "", "Mish"], [470, 3, 1, "", "Module"], [396, 3, 1, "", "MultiHeadAttention"], [397, 3, 1, "", "PReLU"], [398, 3, 1, "", "QuantizedEmbedding"], [399, 3, 1, "", "QuantizedLinear"], [400, 3, 1, "", "RMSNorm"], [401, 3, 1, "", "RNN"], [402, 3, 1, "", "ReLU"], [403, 3, 1, "", "ReLU6"], [404, 3, 1, "", "RoPE"], [405, 3, 1, "", "SELU"], [406, 3, 1, "", "Sequential"], [407, 3, 1, "", "SiLU"], [408, 3, 1, "", "Sigmoid"], [409, 3, 1, "", "SinusoidalPositionalEncoding"], [410, 3, 1, "", "Softmax"], [411, 3, 1, "", "Softmin"], [412, 3, 1, "", "Softplus"], [413, 3, 1, "", "Softshrink"], [414, 3, 1, "", "Softsign"], [415, 3, 1, "", "Step"], [416, 3, 1, "", "Tanh"], [417, 3, 1, "", "Transformer"], [418, 3, 1, "", "Upsample"], [321, 5, 1, "", "average_gradients"], [427, 3, 1, "", "celu"], [428, 3, 1, "", "elu"], [429, 3, 1, "", "gelu"], [430, 3, 1, "", "gelu_approx"], [431, 3, 1, "", "gelu_fast_approx"], [432, 3, 1, "", "glu"], [433, 3, 1, "", "hard_shrink"], [434, 3, 1, "", "hard_tanh"], [435, 3, 1, "", "hardswish"], [436, 3, 1, "", "leaky_relu"], [437, 3, 1, "", "log_sigmoid"], [438, 3, 1, "", "log_softmax"], [453, 3, 1, "", "mish"], [454, 3, 1, "", "prelu"], [322, 5, 1, "", "quantize"], [455, 3, 1, "", "relu"], [456, 3, 1, "", "relu6"], [457, 3, 1, "", "selu"], [458, 3, 1, "", "sigmoid"], [459, 3, 1, "", "silu"], [460, 3, 1, "", "softmax"], [461, 3, 1, "", "softmin"], [462, 3, 1, "", "softplus"], [463, 3, 1, "", "softshrink"], [464, 3, 1, "", "step"], [465, 3, 1, "", "tanh"], [323, 5, 1, "", "value_and_grad"]], "mlx.nn.Module": [[376, 4, 1, "", "apply"], [377, 4, 1, "", "apply_to_modules"], [378, 4, 1, "", "children"], [379, 4, 1, "", "eval"], [380, 4, 1, "", "filter_and_map"], [381, 4, 1, "", "freeze"], [382, 4, 1, "", "leaf_modules"], [383, 4, 1, "", "load_weights"], [384, 4, 1, "", "modules"], [385, 4, 1, "", "named_modules"], [386, 4, 1, "", "parameters"], [387, 4, 1, "", "save_weights"], [388, 4, 1, "", "set_dtype"], [389, 6, 1, "", "state"], [390, 4, 1, "", "train"], [391, 4, 1, "", "trainable_parameters"], [392, 6, 1, "", "training"], [393, 4, 1, "", "unfreeze"], [394, 4, 1, "", "update"], [395, 4, 1, "", "update_modules"]], "mlx.nn.init": [[419, 5, 1, "", "constant"], [420, 5, 1, "", "glorot_normal"], [421, 5, 1, "", "glorot_uniform"], [422, 5, 1, "", "he_normal"], [423, 5, 1, "", "he_uniform"], [424, 5, 1, "", "identity"], [425, 5, 1, "", "normal"], [426, 5, 1, "", "uniform"]], "mlx.nn.losses": [[439, 3, 1, "", "binary_cross_entropy"], [440, 3, 1, "", "cosine_similarity_loss"], [441, 3, 1, "", "cross_entropy"], [442, 3, 1, "", "gaussian_nll_loss"], [443, 3, 1, "", "hinge_loss"], [444, 3, 1, "", "huber_loss"], [445, 3, 1, "", "kl_div_loss"], [446, 3, 1, "", "l1_loss"], [447, 3, 1, "", "log_cosh_loss"], [448, 3, 1, "", "margin_ranking_loss"], [449, 3, 1, "", "mse_loss"], [450, 3, 1, "", "nll_loss"], [451, 3, 1, "", "smooth_l1_loss"], [452, 3, 1, "", "triplet_loss"]], "mlx.optimizers": [[473, 3, 1, "", "AdaDelta"], [474, 3, 1, "", "Adafactor"], [475, 3, 1, "", "Adagrad"], [476, 3, 1, "", "Adam"], [477, 3, 1, "", "AdamW"], [478, 3, 1, "", "Adamax"], [479, 3, 1, "", "Lion"], [492, 3, 1, "", "Optimizer"], [484, 3, 1, "", "RMSprop"], [485, 3, 1, "", "SGD"], [324, 5, 1, "", "clip_grad_norm"], [486, 5, 1, "", "cosine_decay"], [487, 5, 1, "", "exponential_decay"], [488, 5, 1, "", "join_schedules"], [489, 5, 1, "", "linear_schedule"], [490, 5, 1, "", "step_decay"]], "mlx.optimizers.Optimizer": [[480, 4, 1, "", "apply_gradients"], [481, 4, 1, "", "init"], [482, 6, 1, "", "state"], [483, 4, 1, "", "update"]], "mlx.utils": [[325, 5, 1, "", "tree_flatten"], [326, 5, 1, "", "tree_map"], [327, 5, 1, "", "tree_map_with_path"], [328, 5, 1, "", "tree_reduce"], [329, 5, 1, "", "tree_unflatten"]]}, "objnames": {"0": ["cpp", "function", "C++ function"], "1": ["cpp", "functionParam", "C++ function parameter"], "2": ["cpp", "templateParam", "C++ template parameter"], "3": ["py", "class", "Python class"], "4": ["py", "method", "Python method"], "5": ["py", "function", "Python function"], "6": ["py", "property", "Python property"]}, "objtypes": {"0": "cpp:function", "1": "cpp:functionParam", "2": "cpp:templateParam", "3": "py:class", "4": "py:method", "5": "py:function", "6": "py:property"}, "terms": {"": [0, 1, 2, 5, 6, 7, 48, 52, 63, 96, 116, 118, 152, 153, 155, 156, 158, 159, 161, 162, 170, 191, 198, 202, 205, 218, 242, 248, 252, 271, 274, 275, 293, 295, 313, 314, 315, 317, 323, 340, 343, 344, 360, 366, 373, 374, 380, 381, 383, 387, 388, 389, 393, 401, 472, 481, 482, 494, 497, 499, 500, 504, 505, 506, 507], "0": [0, 1, 2, 4, 5, 6, 7, 9, 10, 15, 19, 39, 46, 47, 50, 67, 72, 76, 81, 84, 97, 100, 101, 102, 103, 104, 105, 106, 114, 119, 120, 145, 147, 150, 164, 168, 170, 176, 186, 193, 195, 196, 198, 199, 203, 220, 227, 229, 236, 243, 251, 255, 257, 258, 263, 267, 271, 284, 285, 288, 292, 293, 307, 309, 310, 311, 312, 313, 314, 317, 321, 324, 325, 327, 328, 340, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 358, 361, 362, 365, 367, 368, 372, 373, 374, 397, 402, 404, 409, 413, 415, 417, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 430, 431, 433, 434, 435, 436, 439, 441, 443, 444, 448, 451, 452, 454, 455, 456, 457, 463, 464, 467, 470, 473, 474, 476, 477, 478, 479, 481, 484, 485, 486, 487, 488, 489, 490, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506], "00005": 5, "0001": 409, "0005": 430, "001": 474, "00364": 5, "01": [5, 368, 436, 477], "0137595": 422, "015": 431, "0184009": 423, "02264": 421, "024": 500, "02765": 422, "0300242": 423, "044715": [358, 430], "0485873": 441, "05": [17, 178, 345, 361, 365, 367, 400], "0507": 457, "05202": 6, "06": [442, 452, 473], "0638": 448, "06450": 367, "0645099": 425, "06561": 487, "06675": 479, "07467": 400, "08": [17, 178, 440, 475, 476, 477, 478, 484], "08022": 365, "081": 490, "08415": 431, "08494": 361, "08619": 423, "08681": [375, 453], "09864": 6, "0999938": 488, "0999961": 486, "0f": 0, "1": [0, 1, 2, 3, 4, 6, 7, 15, 19, 29, 30, 39, 47, 50, 100, 101, 102, 103, 104, 105, 106, 114, 119, 120, 141, 142, 143, 144, 147, 150, 151, 152, 154, 155, 157, 158, 159, 160, 161, 162, 164, 173, 177, 184, 186, 191, 192, 193, 194, 196, 198, 199, 215, 219, 228, 242, 244, 248, 252, 255, 256, 257, 263, 280, 284, 285, 287, 300, 306, 307, 312, 313, 324, 327, 328, 332, 340, 342, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 358, 359, 360, 361, 365, 366, 367, 369, 372, 397, 400, 401, 404, 408, 409, 415, 418, 420, 421, 422, 423, 424, 425, 426, 427, 428, 430, 431, 432, 434, 437, 438, 439, 440, 441, 442, 443, 444, 445, 447, 448, 450, 451, 452, 457, 458, 460, 461, 462, 464, 467, 470, 472, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 486, 487, 488, 489, 490, 497, 498, 499, 500, 501, 502, 504, 505, 506, 507], "10": [0, 3, 6, 7, 186, 207, 271, 276, 326, 340, 383, 467, 488, 490, 497, 498, 501], "100": [2, 5, 6, 439, 489, 497, 500, 503, 507], "1000": [486, 497], "10000": 404, "101": 489, "1024": [1, 6], "105361": 439, "109": 2, "10_000": 5, "10x": 479, "11": 198, "114": 2, "12": [6, 173, 186, 488], "1212": 473, "123": [498, 502], "12451": 421, "128": [276, 340], "13": 9, "14": [9, 186], "15": [1, 9, 186, 198, 229, 328, 497], "150594": 420, "15268": 422, "16": [1, 147, 332, 342, 344, 365, 372, 374, 376, 470], "1606": 431, "1607": [365, 367], "16384": 173, "16506": 423, "168": 498, "17": [4, 9], "177208": 422, "18": 186, "1803": 361, "1908": [375, 453], "1910": 400, "191107": 420, "192": 498, "1985": 198, "1_000": 5, "1d": [0, 100, 104, 107, 274, 301], "1e": [0, 5, 7, 17, 178, 345, 361, 365, 367, 368, 400, 440, 442, 452, 472, 473, 474, 475, 476, 477, 478, 481, 484, 486, 487, 488, 489, 490], "1e3": 497, "1st": 248, "2": [0, 1, 2, 4, 5, 6, 7, 39, 101, 105, 114, 119, 120, 136, 142, 143, 144, 152, 155, 157, 158, 159, 160, 161, 162, 164, 173, 184, 186, 190, 191, 192, 193, 194, 195, 196, 198, 199, 202, 203, 209, 215, 248, 256, 261, 284, 285, 304, 307, 309, 310, 311, 312, 324, 328, 332, 340, 342, 343, 344, 348, 351, 358, 368, 372, 373, 374, 400, 409, 418, 419, 420, 421, 422, 423, 424, 425, 426, 430, 441, 442, 444, 451, 452, 467, 470, 472, 473, 475, 476, 477, 481, 484, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "20": [173, 186, 198], "200": [6, 488, 500], "2002": 6, "2011": 475, "2012": [473, 484], "2015": [354, 476, 478], "2019": [6, 477], "2020": 6, "2021": 6, "20397": 439, "20_000": 6, "21": [6, 186, 490], "2104": 6, "223144": 439, "223404": 421, "225": 198, "225763": 448, "2302": 479, "23607": [198, 199], "24": 186, "24264": 198, "247": 6, "25": [9, 397, 418], "25211": 422, "256": [1, 2, 7, 147], "256995": 448, "27": 4, "28": [173, 186], "2d": [0, 101, 105, 120, 248, 345, 354], "2nd": 248, "2x": 504, "3": [0, 1, 2, 4, 6, 9, 102, 106, 114, 142, 144, 164, 184, 186, 192, 193, 194, 198, 199, 284, 285, 312, 324, 328, 344, 349, 352, 358, 374, 418, 421, 423, 430, 435, 474, 479, 494, 497, 498, 499, 501, 504, 505], "30": 474, "3118": 504, "32": [1, 6, 7, 92, 248, 249, 332, 343, 344, 373, 374, 400, 497], "32mib": 321, "330": 6, "33333": 418, "33554432": 321, "348587": 441, "363207": 420, "36788": 497, "379159": 421, "380709": 425, "39": 6, "3d": [0, 2, 102, 106, 345, 355, 418], "3f": [2, 7, 497], "3x": 2, "4": [0, 1, 2, 6, 118, 147, 150, 164, 169, 186, 198, 248, 249, 276, 284, 312, 322, 328, 332, 342, 343, 344, 345, 365, 372, 373, 374, 398, 399, 417, 418, 420, 421, 422, 439, 497, 498, 499, 501, 505, 507], "4096": [497, 500, 507], "40x": 1, "41421": 198, "417497": 426, "42": 329, "437": 6, "44": 6, "447214": 199, "458835": 422, "475": 6, "48095": 420, "4d": [1, 418], "4m": 1, "5": [0, 1, 2, 5, 6, 9, 186, 198, 228, 251, 284, 328, 342, 345, 353, 354, 355, 358, 362, 365, 372, 413, 418, 419, 422, 423, 430, 433, 451, 463, 467, 472, 484, 486, 487, 497, 500, 501], "50": [0, 204], "500": [6, 507], "5000": 2, "510826": 439, "512": [2, 3, 6, 417, 507], "534422": 425, "539245": 439, "53947": 420, "55": 1, "5701": 473, "573409": 448, "57771": 199, "579": 6, "5f": 5, "6": [1, 2, 6, 114, 186, 198, 276, 284, 403, 417, 421, 430, 431, 435, 442, 452, 456, 484, 497, 501, 505], "61278": 420, "617261": 426, "628": 6, "633": 6, "639": 500, "64": [0, 1, 92, 118, 169, 248, 249, 322, 332, 398, 399], "64331": 423, "666329": 423, "66667": 418, "67326": 457, "676": 1, "690": 6, "6967": 422, "7": [2, 6, 186, 198, 248, 501], "702": [358, 431], "707107": 193, "71828": 497, "74166": 198, "74597": 198, "75": 418, "75596": 448, "75787": 422, "765166": 448, "773433": 448, "776856": 421, "793615": 423, "79854": 423, "7b": 6, "7m": 1, "8": [0, 1, 2, 6, 9, 198, 248, 332, 343, 344, 365, 373, 374, 417, 440, 473, 474, 475, 476, 477, 478, 484, 497, 501, 505, 507], "8192": [6, 173], "84804": 198, "863726": 426, "883935": 426, "890597": 421, "894427": 199, "89613": 420, "8gb": 6, "8x": 1, "9": [4, 9, 198, 441, 473, 476, 477, 478, 479, 481, 487, 490, 504], "90041": 421, "912766": 421, "916291": 439, "95": 7, "982273": 425, "99": [479, 484], "995016": 420, "999": [476, 477, 478], "A": [0, 2, 6, 8, 9, 10, 69, 83, 96, 142, 143, 146, 147, 148, 150, 170, 184, 185, 191, 193, 194, 196, 198, 199, 202, 205, 214, 215, 216, 221, 232, 248, 251, 252, 253, 255, 256, 257, 258, 259, 262, 263, 288, 292, 295, 313, 316, 317, 322, 323, 324, 325, 326, 327, 328, 329, 330, 340, 345, 354, 360, 361, 365, 367, 380, 384, 385, 388, 394, 395, 400, 406, 409, 417, 420, 421, 423, 431, 452, 453, 470, 472, 476, 478, 480, 481, 483, 488, 497, 498, 499, 500, 502, 503, 504], "AS": 168, "And": [4, 6, 418], "As": [7, 39, 300, 340, 498], "At": [95, 312, 498], "But": [499, 507], "By": [6, 322, 388, 439, 498, 500, 504], "For": [0, 1, 2, 4, 6, 9, 39, 114, 150, 168, 184, 198, 248, 329, 340, 345, 354, 358, 376, 381, 390, 393, 399, 404, 409, 418, 420, 421, 422, 423, 439, 467, 472, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "If": [0, 1, 2, 4, 6, 9, 16, 17, 18, 19, 27, 28, 29, 30, 79, 83, 84, 95, 97, 107, 110, 111, 112, 113, 119, 120, 123, 124, 125, 127, 128, 129, 138, 146, 148, 149, 150, 160, 161, 162, 166, 167, 170, 178, 190, 191, 192, 198, 202, 205, 214, 215, 216, 218, 219, 227, 228, 232, 236, 240, 243, 244, 246, 247, 252, 256, 258, 267, 270, 286, 287, 288, 293, 297, 299, 300, 301, 304, 306, 307, 313, 314, 317, 319, 321, 322, 326, 328, 345, 347, 348, 349, 350, 351, 352, 361, 367, 369, 381, 383, 393, 399, 401, 404, 406, 409, 418, 439, 441, 452, 474, 476, 477, 497, 498, 499, 500, 502, 503, 506, 507, 508], "In": [0, 1, 2, 6, 7, 39, 150, 215, 248, 326, 340, 354, 361, 470, 473, 475, 476, 478, 479, 480, 496, 497, 498, 499, 500, 502, 503, 506, 507], "It": [2, 6, 9, 128, 170, 279, 313, 324, 328, 340, 395, 399, 480, 492, 498, 502, 504, 506], "Its": [340, 499], "No": [2, 6, 193, 194, 498], "Not": [96, 239, 497], "ON": [3, 4, 9], "Of": 500, "On": [1, 497, 500, 503], "One": [151, 154, 160, 243, 272, 497, 499, 500, 502], "THE": 9, "That": 6, "The": [0, 1, 2, 3, 4, 6, 7, 8, 9, 13, 14, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 48, 52, 62, 63, 69, 79, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 142, 143, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 185, 186, 187, 188, 189, 192, 193, 194, 196, 197, 198, 199, 200, 201, 202, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 223, 224, 227, 228, 229, 230, 232, 233, 234, 235, 237, 239, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 274, 275, 280, 281, 282, 283, 284, 285, 286, 287, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 332, 334, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 357, 359, 360, 361, 365, 366, 367, 369, 372, 373, 374, 376, 377, 381, 383, 387, 388, 389, 390, 393, 394, 395, 396, 398, 399, 400, 401, 404, 406, 409, 415, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 467, 470, 472, 473, 474, 475, 476, 477, 478, 479, 482, 484, 485, 486, 489, 492, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507, 508], "Then": [5, 9], "There": [1, 2, 340, 418, 497], "These": [1, 2, 96, 247, 301, 441, 507], "To": [0, 2, 3, 5, 6, 7, 9, 196, 227, 340, 467, 472, 497, 498, 499, 500, 505], "With": [2, 499], "_": [1, 3, 5, 6, 327, 340, 486, 487, 488, 489, 490, 494, 497, 503, 507], "__call__": [1, 6, 7, 340, 470, 499], "__init__": [2, 6, 7, 10, 11, 12, 31, 114, 122, 163, 330, 340, 470], "__main__": [2, 6], "__name__": [2, 6], "_a": 2, "_ext": 2, "_f": 198, "_in": [420, 421], "_out": [420, 421], "_p": 452, "_val": 434, "a1": 168, "a2": 168, "a_": 198, "a_max": [0, 95], "a_min": [0, 95], "a_ndim": 1, "a_shap": 1, "a_strid": 1, "a_view": 504, "ab": [0, 17, 178, 198, 313, 361, 365, 367, 375, 400, 431, 453, 497, 499], "abil": 498, "abl": [2, 4, 248, 502], "abort": 114, "about": [1, 2, 6, 7, 133, 221, 503, 507], "abov": [1, 2, 6, 248, 310, 340, 418, 498, 499, 500, 501, 502, 503, 507], "absolut": [0, 13, 17, 178, 430, 431, 451, 498], "acc": 328, "acceler": [2, 4, 345], "accept": [498, 502], "access": [0, 6, 51, 340, 470, 481, 498, 503, 507], "accord": [0, 253, 318, 322, 396, 420, 421, 422, 423], "accordingli": 2, "accumul": [328, 400], "accuraci": 7, "accustom": 6, "achiev": [340, 498], "across": [1, 2, 9, 321, 361, 498], "act": [2, 447], "action": 340, "activ": [2, 9, 222, 354, 415, 417, 433, 453, 463, 464, 466, 497], "actual": [6, 19, 383, 470, 503], "ad": [0, 1, 2, 5, 9, 146, 365, 470, 473, 474, 475, 476, 477, 478, 484, 498, 503, 506], "adadelta": 472, "adafactor": 472, "adagrad": 472, "adam": [472, 478, 479, 488, 489], "adamax": 472, "adamw": [472, 479], "adapt": [473, 474, 475, 498], "add": [0, 1, 2, 3, 4, 6, 15, 39, 140, 210, 243, 248, 347, 348, 349, 350, 351, 352, 499, 500, 502, 507], "add_argu": 6, "add_depend": 2, "add_execut": 4, "add_fun": 499, "add_librari": 2, "addit": [0, 2, 4, 6, 9, 14, 15, 142, 146, 148, 150, 205, 345, 361, 367, 396, 400, 470, 500], "addmm": 0, "address": 2, "adjac": 354, "advanc": [6, 497], "advantag": 507, "advis": 504, "affin": [345, 361, 365, 367, 369, 399], "after": [2, 6, 7, 29, 164, 166, 169, 220, 244, 248, 345, 361, 367, 376, 377, 381, 383, 390, 393, 394, 395, 396, 417, 451, 497, 498, 507], "after_1": 243, "after_2": 243, "after_i": 243, "after_n": 243, "afternoon": 6, "again": [6, 9, 340, 497], "against": [0, 4], "aggreg": [396, 498], "ago": 6, "ai": 114, "aim": 498, "ainv": [195, 203], "albeit": 507, "algebra": 8, "algorithm": [418, 479], "alia": [98, 99, 358], "alibi": 340, "align": [191, 248, 360, 366], "align_corn": 418, "all": [0, 1, 2, 3, 7, 9, 17, 29, 39, 85, 86, 87, 96, 101, 102, 103, 105, 106, 114, 123, 124, 125, 143, 145, 153, 156, 159, 162, 168, 169, 202, 215, 243, 244, 270, 291, 321, 322, 340, 376, 377, 381, 384, 385, 386, 391, 393, 396, 409, 417, 418, 467, 470, 492, 494, 497, 501, 502, 503, 505, 508], "all_avg": 498, "all_reduce_grad": 498, "all_reduce_s": 321, "all_sum": 498, "allclos": [0, 1, 147], "alloc": [2, 223, 227, 228, 470], "allow": [0, 1, 2, 142, 144, 184, 324, 340, 395, 470, 492, 498, 501, 502, 505], "allow_col_major": 0, "almost": [6, 498], "alon": [2, 504], "along": [0, 2, 27, 28, 96, 97, 110, 111, 112, 113, 123, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 168, 169, 173, 192, 198, 247, 258, 267, 270, 286, 288, 292, 300, 301, 304, 305, 306, 307, 315, 340, 359, 401, 432], "alpha": [0, 2, 15, 248, 346, 356, 427, 428, 452, 454, 457, 477, 484], "alpha_": 2, "alreadi": [2, 3, 6, 498], "also": [0, 1, 2, 4, 6, 7, 8, 9, 12, 14, 88, 90, 91, 121, 130, 131, 135, 153, 156, 159, 162, 171, 172, 187, 188, 189, 210, 217, 233, 235, 239, 245, 248, 266, 269, 296, 322, 323, 334, 340, 380, 394, 396, 398, 399, 407, 429, 457, 459, 466, 472, 497, 498, 499, 500, 501, 502, 503, 504, 505, 508], "altern": 494, "although": 498, "alwai": [1, 84, 176, 222, 325, 498, 499, 500], "am": 6, "among": 2, "amount": [6, 224, 342, 372, 499], "amus": 6, "an": [0, 1, 2, 3, 4, 6, 7, 9, 11, 16, 18, 31, 85, 86, 87, 93, 100, 101, 102, 103, 104, 105, 106, 122, 127, 128, 129, 138, 142, 144, 145, 146, 150, 164, 167, 174, 176, 179, 190, 198, 205, 228, 229, 234, 240, 241, 243, 246, 247, 248, 249, 258, 267, 268, 270, 271, 288, 291, 298, 300, 301, 304, 305, 309, 312, 317, 319, 320, 325, 326, 327, 328, 332, 340, 353, 358, 361, 366, 367, 369, 376, 396, 397, 399, 401, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 430, 454, 467, 472, 473, 483, 487, 492, 494, 496, 497, 498, 499, 500, 501, 503, 504, 505, 506, 507, 508], "anaconda": 498, "anchor": 452, "angl": [117, 250, 368], "angular": [149, 404], "ani": [0, 1, 2, 6, 8, 19, 96, 114, 125, 321, 325, 326, 327, 328, 329, 340, 358, 376, 377, 380, 389, 399, 417, 418, 467, 489, 496, 497, 498, 500, 503, 505, 506, 507], "anonym": 497, "anoth": [0, 95, 184, 215, 296, 318, 332, 340, 376, 497, 499, 500, 501, 507], "anwywher": 9, "anyhow": 6, "anymor": 6, "anyth": [6, 313, 498, 503], "anytim": 503, "api": [1, 2, 142, 144, 176, 358, 498, 499, 500], "app": 9, "append": [6, 215, 497, 503], "appl": [2, 6, 8, 9, 507], "appli": [0, 39, 149, 150, 168, 202, 326, 327, 328, 340, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 354, 355, 356, 358, 359, 361, 362, 363, 364, 365, 367, 368, 369, 370, 371, 372, 373, 374, 375, 377, 390, 397, 399, 400, 401, 402, 403, 405, 407, 408, 410, 411, 412, 413, 414, 415, 416, 418, 427, 428, 429, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 467, 476, 477, 480, 483, 489, 492, 497, 498], "applic": [3, 9], "apply_fn": 377, "apply_gradi": 472, "apply_to_modul": [340, 381], "approach": [447, 500], "appropri": [2, 497], "approx": 358, "approxim": [17, 358, 429, 430, 431], "ar": [0, 1, 2, 5, 6, 7, 8, 9, 17, 19, 83, 92, 93, 95, 96, 103, 107, 114, 120, 125, 127, 128, 138, 145, 147, 150, 152, 153, 155, 156, 158, 159, 161, 162, 164, 169, 170, 178, 179, 180, 181, 182, 183, 184, 185, 193, 194, 196, 198, 199, 205, 215, 228, 242, 243, 244, 248, 249, 251, 252, 253, 258, 259, 262, 263, 270, 276, 277, 291, 292, 300, 313, 316, 317, 322, 325, 326, 332, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 361, 365, 367, 369, 383, 396, 399, 418, 439, 441, 442, 466, 470, 472, 479, 481, 496, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "arang": [0, 1, 198, 258, 332, 418, 501, 504], "arbitrari": [325, 470, 498], "arbitrarili": [1, 96, 340, 496, 500, 505], "arc": 0, "arcco": 0, "arccosh": 0, "architectur": [6, 9, 221, 340, 395, 507], "archiv": 506, "arcsin": 0, "arcsinh": 0, "arctan": 0, "arctan2": 0, "arctanh": 0, "arg": [2, 6, 11, 19, 122, 138, 142, 143, 144, 163, 176, 276, 277, 330, 502], "arg1": 184, "arg2": 184, "argmax": [0, 7], "argmin": 0, "argnam": [170, 313], "argnum": [2, 114, 170, 313, 500], "argpars": 6, "argpartit": 0, "argsort": 0, "argument": [1, 32, 66, 80, 96, 138, 170, 313, 326, 327, 328, 340, 418, 494, 498, 499, 500, 502, 506, 507, 508], "argumentpars": 6, "ari": [85, 86, 87], "aris": 504, "arm": 9, "arm64": 9, "around": 6, "arr": [0, 273, 501], "arr_0": 506, "arrai": [0, 1, 2, 4, 6, 7, 8, 11, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 118, 119, 120, 123, 124, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 324, 332, 340, 345, 366, 376, 383, 386, 391, 397, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 464, 467, 470, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 487, 488, 489, 490, 497, 498, 499, 500, 503, 504, 505, 507], "array_equ": [0, 17, 178], "arrayfir": 8, "arxiv": [6, 361, 365, 367, 375, 400, 431, 453, 473, 479], "as_strid": 0, "ascend": [193, 194], "ask": [6, 498, 502], "assert": [1, 2, 147], "assign": [0, 2, 39, 470, 498], "associ": [2, 276, 277, 503], "assum": [0, 2, 6, 92, 192, 193, 194, 199, 326, 340, 361, 498], "astyp": [0, 1, 2, 6, 147, 376, 504], "atleast": 0, "atleast_1d": 0, "atleast_2d": 0, "atleast_3d": 0, "atol": [0, 17, 178], "atom": [1, 147], "atomic_fetch_add_explicit": 1, "atomic_output": [1, 147], "attach": 2, "attempt": [96, 498], "attend": 396, "attent": [150, 381, 396, 409, 417], "attention_norm": 6, "attribut": [1, 10, 11, 12, 31, 163, 330, 389, 470, 492], "audio": 418, "auto": [0, 2, 4, 9, 498, 499], "autom": 500, "automat": [1, 2, 8, 147, 205, 498, 505, 506, 507], "autoregress": 6, "avail": [2, 5, 6, 7, 9, 11, 125, 126, 225, 334, 498, 502, 507], "averag": [321, 342, 343, 344, 473, 474, 476, 477, 478, 498], "avgpool1d": 340, "avgpool2d": 340, "avgpool3d": 340, "avoid": [1, 2, 388, 497, 498], "awai": [2, 6], "awar": [497, 503], "ax": [0, 2, 16, 18, 27, 28, 80, 114, 140, 152, 153, 155, 156, 158, 159, 161, 162, 164, 177, 198, 200, 201, 214, 216, 218, 232, 243, 246, 270, 284, 285, 286, 291, 293, 297, 298, 304, 308, 314, 500], "axes_a": 0, "axes_b": 0, "axi": [0, 2, 6, 7, 16, 18, 27, 28, 29, 30, 34, 35, 36, 37, 42, 43, 44, 45, 57, 58, 59, 60, 64, 72, 75, 76, 77, 81, 97, 110, 111, 112, 113, 120, 123, 140, 146, 148, 151, 154, 157, 158, 159, 160, 161, 162, 164, 173, 192, 196, 198, 214, 216, 218, 232, 234, 243, 244, 246, 247, 252, 258, 267, 270, 286, 287, 288, 291, 292, 293, 297, 298, 300, 301, 305, 306, 307, 308, 312, 314, 315, 317, 342, 343, 344, 359, 372, 373, 374, 401, 432, 438, 440, 441, 445, 450, 452, 460, 461, 501], "axis1": [0, 47, 78, 120, 298, 307], "axis2": [0, 47, 78, 120, 298, 307], "axpbi": 2, "axpby_": 2, "axpby_gener": 2, "axpby_general_bfloat16": 2, "axpby_general_complex64": 2, "axpby_general_float16": 2, "axpby_general_float32": 2, "axpby_impl": 2, "axpby_impl_acceler": 2, "b": [0, 1, 2, 3, 4, 6, 14, 15, 17, 25, 83, 88, 90, 91, 92, 130, 131, 135, 147, 150, 166, 168, 171, 172, 176, 177, 178, 186, 187, 188, 189, 192, 198, 200, 201, 210, 211, 213, 215, 217, 233, 235, 239, 242, 245, 248, 255, 266, 269, 296, 304, 313, 327, 328, 359, 369, 401, 418, 432, 500, 501, 503, 504, 505, 506, 507], "b1": 168, "b2": 168, "b_": [360, 366], "b_stride": 1, "ba": [476, 478], "back": [6, 114, 225, 504], "backend": [1, 9, 125, 126, 502], "backward": [1, 497, 500], "bad": 503, "balanc": 447, "baltimor": 198, "bandwidth": [497, 498], "base": [0, 2, 4, 149, 207, 209, 245, 404, 417, 470, 472, 478, 492, 494, 497, 501], "base_idx": 1, "basi": 492, "basic": [5, 271, 500], "batch": [6, 15, 92, 150, 168, 169, 215, 256, 345, 347, 348, 349, 350, 351, 352, 354, 355, 360, 366, 396, 401, 418, 503], "batch_idx": 1, "batch_iter": [7, 472], "batch_siz": [7, 472], "batchnorm": 340, "becaus": [6, 222, 340, 497, 498, 499, 503], "becom": 125, "been": [0, 2, 6, 223, 503], "befor": [1, 2, 6, 9, 29, 147, 244, 321, 380, 417, 481, 498, 501, 503], "before_1": 243, "before_2": 243, "before_i": 243, "before_n": 243, "beforehand": 242, "beggin": 270, "begin": [84, 191, 224, 248, 360, 366, 415, 433, 444, 451, 457, 463, 464, 498], "behav": 114, "behavior": [196, 256, 447, 501, 503], "behaviour": [114, 190, 191], "behind": 500, "being": [294, 340], "bell": 2, "below": [2, 9, 198, 309, 311, 332, 418, 498, 503], "bench": 2, "benchmark": [2, 497], "benefici": [354, 355, 503], "benefit": 498, "best": 498, "beta": [0, 2, 15, 118, 248, 345, 361, 365, 367, 451, 472, 476, 477, 478, 479], "beta_": 2, "beta_1": [474, 476, 477, 478, 479], "beta_2": [476, 477, 478, 479], "better": [321, 500, 507], "between": [0, 2, 8, 95, 164, 417, 440, 443, 444, 447, 488, 498, 502, 503, 504, 507], "beyond": [270, 486, 489], "bfloat16": [2, 12, 173, 332, 504], "bfloat16_t": 2, "bia": [6, 118, 146, 169, 248, 249, 326, 340, 347, 348, 349, 350, 351, 352, 360, 366, 367, 369, 381, 383, 393, 396, 399, 401, 476, 477, 478, 481, 500], "bias": [0, 118, 169, 248, 249, 360, 366, 381, 393, 396], "bias_correct": [476, 477], "bicub": 418, "big": [1, 321, 497], "bigger": [6, 474], "bilinear": [1, 418], "binari": [205, 273, 274, 275, 276, 277, 315, 415, 439, 464, 497, 502], "binary_cross_entropi": [340, 497], "bind": 502, "bit": [0, 118, 169, 187, 248, 249, 269, 322, 332, 376, 398, 399, 400], "bitwis": [0, 88, 89, 90, 91, 187, 269], "bitwise_and": 0, "bitwise_invert": 0, "bitwise_or": 0, "bitwise_xor": 0, "block": [0, 2, 6, 92, 417], "block_masked_mm": 0, "block_siz": [0, 92], "bn": 345, "bodi": [1, 147], "bool": [0, 1, 2, 16, 17, 18, 27, 28, 34, 35, 36, 37, 42, 43, 44, 45, 57, 58, 59, 60, 64, 76, 77, 79, 81, 83, 96, 103, 110, 111, 112, 113, 125, 126, 142, 144, 147, 149, 169, 178, 184, 190, 191, 198, 201, 202, 203, 205, 214, 216, 218, 219, 225, 228, 232, 246, 249, 293, 297, 314, 322, 345, 347, 348, 349, 350, 351, 352, 360, 361, 365, 366, 367, 369, 376, 380, 381, 383, 388, 390, 393, 396, 399, 401, 404, 409, 417, 418, 439, 442, 474, 476, 477, 485], "bool_": [12, 332], "boolean": [0, 17, 83, 150, 178, 179, 180, 181, 182, 183, 184, 211, 212, 213, 332, 392, 501], "both": [1, 2, 14, 88, 90, 91, 130, 131, 135, 171, 172, 184, 187, 188, 189, 198, 210, 217, 233, 235, 239, 245, 252, 266, 269, 296, 322, 342, 343, 344, 365, 366, 372, 373, 374, 472, 497, 498, 499, 500, 505, 507], "bottom": 418, "bound": [0, 259, 262, 263, 358, 426, 497, 501, 507], "boundari": 488, "bracket": 6, "brain": 332, "break": 504, "bregler": 354, "bridg": 498, "broadcast": [0, 2, 14, 17, 88, 90, 91, 93, 95, 130, 131, 135, 150, 167, 171, 172, 178, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 247, 251, 252, 256, 262, 263, 266, 269, 296, 301, 318, 396], "broadcast_arrai": [0, 2], "broadcast_to": 0, "broadcasted_input": 2, "brought": 8, "btl_tcp_if_includ": [498, 502], "btl_tcp_link": [498, 502], "buffer": [1, 2, 222, 504], "bui": 6, "build": [3, 4, 6, 8, 422, 470, 497, 499], "build_ext": [2, 9], "build_shared_lib": [2, 9], "built": [1, 2, 4, 9, 503], "bundl": 6, "byte": [52, 62, 222, 223, 224, 227, 228, 229, 321, 332, 502], "c": [0, 1, 2, 6, 15, 198, 345, 347, 348, 349, 350, 351, 352, 354, 355, 365, 366, 504, 505, 507], "c_": [366, 479], "c_in": [100, 101, 102, 103, 104, 105, 106], "c_out": [100, 101, 102, 103, 104, 105, 106], "c_pad": 1, "c_t": [366, 479], "cabl": 498, "cach": [6, 9, 220, 222, 223, 227, 497], "calcul": [198, 439, 442, 448, 474], "call": [2, 3, 6, 7, 32, 125, 128, 166, 176, 220, 224, 321, 340, 357, 381, 393, 398, 406, 470, 472, 481, 497, 498, 499, 500, 502, 503], "callabl": [96, 114, 142, 144, 147, 170, 176, 185, 313, 316, 317, 322, 323, 325, 326, 327, 328, 376, 377, 380, 388, 401, 406, 417, 419, 420, 421, 422, 423, 424, 425, 426, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 487, 488, 489, 490], "can": [1, 2, 3, 4, 6, 8, 9, 14, 19, 66, 80, 84, 88, 90, 91, 96, 120, 121, 122, 130, 131, 135, 138, 142, 143, 150, 171, 172, 176, 187, 188, 189, 198, 210, 217, 229, 233, 235, 239, 245, 251, 252, 259, 262, 263, 266, 269, 274, 296, 307, 312, 313, 328, 340, 343, 344, 357, 358, 373, 374, 380, 393, 398, 406, 418, 441, 467, 470, 472, 480, 481, 494, 496, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507, 508], "cannot": [6, 95, 501, 504], "captur": [2, 3, 96, 114, 230, 231, 340, 497], "care": [6, 498, 499, 502, 503], "carefulli": [497, 499], "carri": 2, "cartesian": 219, "case": [2, 6, 123, 124, 125, 127, 128, 129, 153, 156, 157, 159, 160, 161, 162, 164, 190, 191, 192, 193, 194, 195, 196, 197, 199, 200, 201, 202, 203, 215, 268, 291, 312, 343, 344, 354, 373, 374, 415, 433, 451, 457, 463, 464, 480, 481, 497, 498, 499, 500, 502, 505, 506, 507, 508], "cast": [2, 38, 160, 161, 162, 205, 321, 376, 388, 504], "caster": 2, "categor": 6, "categori": [12, 184, 332], "catlas_saxpbi": 2, "caus": [340, 497, 503], "causal": 6, "caution": 84, "cd": [3, 9], "cdf": [253, 358, 429], "cdot": [431, 440, 443, 459], "ceil": 0, "ceildiv": 1, "cell": 366, "celu": 340, "certain": [2, 390, 497], "chang": [84, 96, 142, 144, 176, 279, 315, 394, 399, 418, 444, 451, 497, 504], "channel": [1, 100, 101, 102, 103, 104, 105, 106, 345, 347, 348, 349, 350, 351, 352, 354, 355], "channel_idx": 1, "charact": 325, "check": [0, 2, 9, 83, 126, 184, 193, 194, 225, 383, 498, 499, 500, 501], "checklist": [498, 502], "checkout": [3, 497], "checkpoint": [417, 472], "chen": 479, "child": 395, "children": 340, "chip": 9, "choleski": 191, "choos": [6, 149, 404, 502], "chosen": 133, "clamp": 164, "clang": 9, "clarifi": 498, "clariti": 500, "class": [2, 6, 7, 10, 11, 12, 31, 114, 122, 163, 330, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 470, 473, 474, 475, 476, 477, 478, 479, 484, 485, 492], "class_pred": 322, "classif": [422, 423], "classifi": 7, "classmethod": [398, 399], "clear": 220, "click": 9, "clip": [0, 324, 439, 474], "clip_threshold": 474, "clipped_grad": 324, "clone": 9, "close": [5, 8, 9, 17, 178], "closer": 326, "cmake": [3, 4, 9], "cmake_arg": 3, "cmake_build_parallel_level": 9, "cmake_build_typ": 9, "cmake_current_list_dir": 2, "cmake_cxx_standard": 4, "cmake_cxx_standard_requir": 4, "cmake_host_system_processor": 9, "cmake_library_output_directori": 2, "cmake_minimum_requir": 4, "cmakebuild": 2, "cmakeextens": 2, "cmakelist": [2, 4], "cmdclass": 2, "co": [0, 2, 114, 409, 500], "code": [1, 147, 497, 498, 499, 503], "coeffici": [2, 473, 474, 476, 477, 478, 479], "col": 309, "col_contigu": 2, "cold": 9, "collect": [2, 326, 327, 496], "column": [2, 145, 174, 193, 248], "com": 9, "combin": [6, 202, 328], "come": [2, 6, 498, 500], "command": [2, 3, 4, 9, 498, 502], "command_buff": 2, "common": [2, 472, 497, 503], "commonli": [7, 394, 467, 497], "commun": [8, 122, 125, 126, 321, 502], "communication_typ": 321, "compact": 197, "compar": [2, 83, 497], "comparison": [17, 135, 171, 172, 188, 189, 239], "compat": [6, 142, 144, 150, 176, 252, 256, 358, 506], "compil": [0, 3, 4, 8, 9, 121, 134, 147, 498, 499, 500, 503], "compiled_fun": [497, 499], "compiled_grad_fn": 497, "complement": 89, "complet": [5, 6, 9, 228, 394, 395, 499, 500, 507], "complex": [2, 98, 99, 158, 159, 160, 161, 162, 175, 193, 194, 264, 325, 332, 340, 395, 497, 499, 500], "complex64": [2, 12, 332], "complex64_t": 2, "complexflo": 12, "compon": [2, 4, 6, 202], "compos": [8, 340, 497, 500, 505], "composit": 505, "compress": 277, "compromis": 6, "comput": [0, 1, 2, 5, 6, 7, 8, 9, 110, 111, 112, 113, 114, 118, 133, 141, 149, 170, 185, 186, 190, 191, 192, 193, 194, 195, 196, 197, 198, 200, 201, 203, 210, 218, 242, 248, 266, 286, 293, 294, 304, 313, 314, 316, 323, 340, 345, 360, 361, 365, 366, 367, 381, 394, 399, 400, 404, 417, 420, 421, 422, 423, 430, 431, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 472, 473, 474, 476, 477, 478, 479, 483, 497, 498, 499, 500, 505, 507], "computation": 503, "compute_encod": 2, "compute_uv": 202, "concaten": [0, 6, 123, 321], "concept": 470, "concis": 6, "concret": [2, 360, 366, 369, 401, 503, 507], "conda": [9, 498], "condit": [0, 2, 318, 497, 507], "config": [2, 4, 498], "configu": 472, "configur": [118, 498], "confirm": [498, 502], "confus": 7, "conj": 99, "conjug": [0, 98], "connect": [498, 502], "consecut": [149, 248, 404], "consequ": 6, "consid": [6, 17, 83, 178, 325, 326, 327, 361, 496, 498], "consider": 497, "const": [0, 1, 2, 442], "constant": [0, 2, 6, 9, 114, 146, 148, 243, 340, 345, 361, 367, 400, 442, 452, 484, 486, 497, 499, 504], "constant_valu": 243, "constitut": 326, "construct": [0, 2, 7, 46, 119, 167, 196, 240, 305, 319], "consult": 498, "consum": 503, "contain": [2, 6, 9, 29, 30, 69, 96, 120, 133, 157, 158, 159, 168, 169, 193, 198, 211, 212, 213, 248, 288, 318, 321, 324, 340, 380, 382, 383, 389, 417, 448, 467, 470, 497, 500], "content": [9, 380, 497], "context": [295, 499], "contigu": [0, 1, 2, 84, 147], "continu": [346, 427, 498, 500], "contract": [0, 133], "contribut": 2, "contriv": [500, 507], "control": [0, 368, 494, 503], "conv": 107, "conv1d": [0, 340], "conv2d": [0, 340], "conv3d": [0, 340], "conv_gener": 0, "conv_transpose1d": 0, "conv_transpose2d": 0, "conv_transpose3d": 0, "conveni": [1, 2, 7, 184], "convent": [19, 107, 132, 133, 418], "convers": 8, "convert": [0, 1, 2, 79, 85, 86, 87, 117, 164, 250, 398, 399, 503, 504, 505], "convolut": [0, 100, 101, 102, 103, 104, 105, 106, 107, 347, 348, 349, 350, 351, 352, 354, 355], "convolv": [100, 101, 102, 103, 104, 105, 106], "convtranspose1d": 340, "convtranspose2d": 340, "convtranspose3d": 340, "coordin": [0, 219], "copi": [0, 1, 2, 6, 8, 244, 287, 504], "copy_inplac": 2, "copytyp": 2, "core": [1, 2, 3, 4, 5, 6, 7, 322, 340, 342, 343, 344, 345, 365, 372, 373, 374, 383, 386, 388, 391, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 467, 470, 472, 497, 498, 504, 505], "corner": 418, "correct": [2, 9, 476, 477, 478, 501, 503], "correctli": [39, 498], "correl": [103, 354], "correspond": [0, 1, 2, 16, 18, 79, 95, 118, 120, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 193, 214, 216, 232, 246, 284, 285, 297, 304, 312, 317, 326, 498, 500, 502], "cos_first": 409, "cosh": [0, 447], "cosin": [0, 20, 21, 108, 109, 440, 486, 488, 500], "cosine_decai": [472, 488], "cosine_similarity_loss": 340, "cost": [9, 474, 498, 503], "costli": 503, "cot": 1, "cot_index": 1, "cotan": [2, 114], "cotang": [1, 2, 114, 316], "could": [6, 340], "count": [340, 488], "counter": 494, "cours": 500, "coursera": 484, "cout": [4, 499], "cov": 256, "covari": [256, 345], "cover": 2, "cpp": [2, 4], "cpu": [8, 9, 193, 194, 199, 332, 507], "cpython": 2, "crash": [84, 497], "creat": [0, 2, 6, 9, 84, 125, 145, 174, 295, 340, 470, 472, 488, 497, 498, 499, 501, 502, 504], "create_additive_causal_mask": 6, "criteria": 2, "cross": [7, 103, 439, 441], "cross_entropi": [7, 340], "crowd": 6, "cry": 6, "cubic": 418, "cummax": 0, "cummin": 0, "cumprod": 0, "cumsum": 0, "cumul": [0, 84, 110, 111, 112, 113], "current": [6, 8, 9, 84, 92, 102, 105, 106, 129, 221, 223, 248, 328, 340, 474, 498, 503], "custom": [8, 114, 147, 417], "custom_decod": 417, "custom_encod": 417, "custom_funct": 1, "custom_kernel_myexp_float": 1, "custom_tim": 2, "cvpr": 354, "cxx": 4, "cycl": 496, "d": [0, 1, 2, 6, 102, 106, 119, 120, 150, 177, 198, 215, 219, 242, 300, 307, 309, 310, 311, 329, 349, 352, 355, 360, 366, 401, 473, 476, 478, 507], "d1": 507, "d2": 507, "d2fdx2": 500, "d_i": 369, "dampen": 485, "darwin": 2, "data": [0, 2, 7, 8, 11, 19, 127, 145, 160, 161, 167, 174, 204, 236, 240, 253, 262, 307, 309, 315, 319, 355, 419, 420, 421, 422, 423, 424, 425, 426, 497, 498, 499, 501, 504], "dataset": [5, 498, 503], "datatyp": 52, "dbuild_shared_lib": 9, "dcmake_build_typ": [4, 9], "ddof": [0, 76, 81, 293, 314], "deal": 497, "debug": [1, 3, 498, 502], "debugg": 8, "decai": [474, 477, 479, 485, 486, 487, 490], "decay_r": [474, 487, 490], "decay_step": 486, "decent": 7, "decid": [326, 380], "decim": [0, 67, 271], "declar": 2, "decltyp": 1, "decod": 417, "decomposit": [190, 191, 202], "decor": [1, 114], "decoupl": 477, "dedic": 498, "deep": [345, 420, 421, 422, 423], "def": [1, 2, 5, 6, 7, 114, 142, 144, 147, 313, 340, 470, 497, 498, 499, 500, 501, 503, 504, 507], "default": [1, 2, 9, 15, 16, 17, 18, 19, 27, 28, 29, 30, 83, 84, 92, 96, 97, 100, 101, 102, 103, 104, 105, 106, 114, 115, 116, 118, 119, 120, 123, 124, 125, 127, 128, 129, 142, 144, 145, 147, 149, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 168, 169, 170, 173, 174, 178, 186, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 214, 216, 218, 219, 227, 228, 229, 232, 236, 240, 243, 244, 246, 248, 249, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 267, 268, 271, 278, 279, 287, 288, 291, 292, 293, 295, 297, 299, 304, 306, 307, 308, 309, 310, 311, 312, 313, 314, 317, 319, 321, 322, 332, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 356, 359, 360, 362, 365, 366, 368, 369, 372, 373, 374, 376, 381, 383, 388, 390, 393, 396, 397, 398, 399, 401, 404, 409, 413, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 470, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 494, 496, 497, 498, 499, 500, 502, 504, 506, 508], "default_devic": 508, "default_stream": 508, "defin": [1, 2, 5, 6, 7, 9, 114, 128, 147, 169, 192, 198, 249, 322, 325, 502, 504], "definit": [114, 190, 191, 256], "degre": [0, 250, 452], "delta": [444, 473], "delv": [422, 423], "demonstr": 504, "denomin": [365, 440, 473, 475, 476, 477, 478, 484], "dens": [219, 507], "depend": [0, 2, 3, 4, 5, 9, 79, 198, 360, 366, 401, 497, 498, 501, 506, 507], "depth": [325, 344, 349, 352, 355, 374, 500], "dequant": [0, 248], "deriv": [2, 499, 500, 503], "descend": 378, "descent": [485, 497, 503], "describ": [2, 503], "descript": [2, 4, 6, 332], "design": [1, 5, 8, 494, 507], "destin": [0, 2, 61, 129, 234, 247], "destroi": 497, "detach": 500, "detail": [1, 2, 11, 227, 340, 354, 404, 409, 418, 420, 421, 422, 423, 473, 475, 476, 478, 479, 498, 501, 505], "detect": 497, "determin": [0, 2, 120, 256, 328, 332, 387, 506], "dev": [2, 9], "develop": [2, 4, 9], "developer_dir": 9, "deviat": [0, 257, 293, 420, 422, 425], "deviatoin": 0, "devic": [1, 2, 8, 9, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 115, 116, 117, 118, 119, 120, 123, 124, 127, 128, 129, 130, 131, 132, 135, 136, 137, 139, 140, 141, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 171, 172, 173, 174, 175, 177, 178, 179, 180, 181, 182, 183, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 221, 228, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 314, 315, 318, 319, 320, 330, 507, 508], "device_info": 229, "devicetyp": 10, "df": 504, "dfdx": [499, 500, 501], "dft": [151, 152, 153, 154, 155, 156, 160, 161, 162], "dhwc": 355, "diag": [0, 202], "diagon": [0, 46, 119, 145, 307, 309, 310, 311], "dict": [96, 138, 143, 205, 221, 274, 275, 276, 322, 324, 386, 391, 394, 395, 470, 472, 480, 481, 483, 496, 499, 500, 506], "dict_kei": [326, 481], "dictionari": [6, 96, 142, 176, 205, 221, 274, 275, 324, 325, 328, 340, 380, 389, 394, 395, 482, 496, 506], "did": 6, "diff": 2, "differ": [8, 184, 296, 315, 451, 497, 498, 499, 500, 502], "differenti": [1, 2, 8, 346, 427], "difficult": 500, "difficulti": [420, 421], "dilat": [0, 100, 101, 102, 103, 104, 105, 106, 347, 348, 349, 350, 351, 352], "dim": [1, 6, 149, 150, 357, 361, 365, 367, 396, 398, 400, 404, 409, 417], "dimens": [0, 1, 2, 6, 16, 18, 27, 28, 63, 69, 79, 85, 86, 87, 96, 101, 102, 103, 105, 106, 120, 140, 149, 150, 158, 159, 161, 162, 164, 168, 169, 177, 190, 191, 193, 194, 195, 196, 198, 199, 202, 203, 214, 215, 216, 218, 232, 246, 247, 248, 252, 261, 293, 297, 301, 304, 308, 314, 345, 347, 348, 349, 350, 351, 352, 354, 355, 359, 360, 361, 365, 366, 367, 396, 400, 401, 404, 417, 418, 432, 441, 497, 500], "dimension": [31, 146, 148, 151, 152, 153, 154, 155, 156, 160, 161, 162, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 357, 369, 372, 373, 374, 398, 399, 409, 501, 504], "dir": 4, "direct": [2, 6, 378, 479, 507], "directli": [2, 6, 84], "directori": [2, 4, 6, 9], "disabl": [121, 227, 321, 497, 498], "disable_compil": 497, "disappoint": 6, "discard": [6, 325], "discov": [9, 498], "discoveri": 479, "discret": [107, 151, 152, 153, 154, 155, 156, 160, 161, 162, 357, 398], "discuss": 2, "disk": 6, "dispatch": 2, "dispatch_thread": 2, "dispatchthread": 1, "displai": 340, "distanc": [6, 452], "distribut": [8, 9, 251, 252, 253, 255, 256, 257, 262, 263, 321, 369, 420, 421, 422, 423, 425, 426, 442, 445, 450, 452, 467], "distributed_config": [498, 502], "diverg": 445, "divid": [0, 2, 39, 166, 248, 266, 498], "divis": [0, 130, 166, 248, 266], "divisor": [293, 314], "divmod": 0, "dloss_dw": 500, "dloss_dx": 500, "dlpack": 504, "dlvalu": 313, "dmlx_build_cpu": 9, "dmlx_build_gguf": 9, "dmlx_build_safetensor": 9, "dmlx_metal_debug": 3, "dmlx_metal_jit": 9, "do": [0, 2, 6, 9, 196, 315, 340, 382, 393, 467, 470, 497, 498, 499, 500, 503], "doc": [2, 7, 498, 502], "document": [2, 3, 4, 66, 80, 147, 274, 275, 332, 497, 498, 499, 500, 501], "doe": [0, 2, 3, 6, 9, 222, 315, 324, 340, 497, 498, 501, 502, 503, 504], "doesn": [2, 340, 499], "domain": 262, "don": [1, 9, 497, 507], "done": [340, 353, 400, 497, 498, 503, 504], "dot": [143, 195, 203, 304, 325, 385, 396, 498], "doubl": [0, 6, 332], "doubt": 6, "down": [6, 324], "downsampl": [342, 343, 344, 372, 373, 374], "dparam": 313, "draw": 252, "drop": 380, "dropout": [340, 354, 355, 390, 417, 497], "dropout2d": 340, "dropout3d": 340, "dst": 129, "dt": 136, "dtype": [0, 1, 2, 6, 12, 19, 31, 38, 39, 79, 82, 127, 128, 145, 147, 163, 164, 167, 174, 184, 186, 193, 194, 198, 199, 204, 240, 253, 255, 256, 257, 259, 262, 263, 284, 285, 307, 309, 312, 315, 319, 321, 332, 388, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 486, 487, 488, 489, 490, 497, 498, 499, 500, 501, 504, 505, 506], "dtypecategori": [184, 332], "dual": 447, "duchi": 475, "duplic": 499, "dure": [3, 96, 353, 354, 355, 418, 504], "dx": 114, "dy": 114, "dyld": 498, "dyld_library_path": 498, "dylib": 2, "dynam": [0, 499, 503], "e": [2, 7, 9, 114, 136, 147, 168, 169, 185, 280, 345, 347, 348, 349, 350, 351, 352, 354, 355, 361, 365, 367, 381, 400, 437, 438, 460, 461, 466, 472, 475, 497, 499, 503, 508], "e5": 332, "e8": 332, "each": [0, 1, 2, 69, 118, 138, 149, 169, 184, 190, 191, 193, 194, 195, 202, 203, 215, 219, 243, 248, 249, 252, 267, 276, 277, 288, 305, 308, 315, 317, 318, 354, 355, 357, 360, 361, 366, 401, 404, 417, 439, 441, 494, 497, 498, 499, 502, 503], "eager": 503, "earli": 354, "earlier": 2, "eas": 6, "easi": [2, 340], "easier": [1, 143, 503], "easiest": 498, "edg": [95, 243, 418, 497], "edit": [9, 395], "effect": [354, 497, 503], "effici": [6, 8, 168, 354, 404, 498, 503, 505], "eigenvalu": [193, 194], "eigenvector": 193, "einstein": [132, 133], "einsum": 133, "either": [9, 14, 66, 79, 80, 88, 90, 91, 95, 130, 131, 135, 166, 171, 172, 176, 187, 188, 189, 198, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296, 313, 343, 344, 373, 374, 406, 418, 422, 423, 498, 502, 504], "elem": [1, 147], "elem_to_loc": [1, 2], "element": [0, 1, 2, 13, 14, 20, 21, 22, 23, 24, 25, 26, 29, 71, 84, 88, 89, 90, 91, 94, 108, 109, 110, 111, 112, 113, 118, 130, 131, 135, 136, 137, 139, 141, 145, 165, 166, 169, 171, 172, 178, 179, 180, 181, 182, 183, 187, 188, 189, 206, 207, 208, 209, 210, 211, 212, 213, 217, 219, 233, 235, 237, 239, 244, 245, 248, 249, 265, 266, 267, 269, 270, 272, 280, 281, 282, 283, 289, 290, 296, 300, 302, 303, 306, 313, 315, 318, 346, 353, 354, 355, 360, 364, 366, 375, 397, 401, 404, 408, 427, 434, 435, 437, 438, 453, 454, 456, 459, 460, 461, 462, 497, 500], "elementwis": [1, 98, 99], "elif": 6, "ellipsi": 501, "elman": 401, "els": [0, 2, 6, 340, 381, 498, 503], "elsewher": [309, 501], "elu": [340, 457], "emb": [6, 357, 398, 409], "embed": [6, 322, 340, 398, 404, 409, 440], "empti": 256, "en0": 502, "en2": 498, "enabl": [3, 6, 9, 96, 134, 321, 485], "enclos": 499, "encod": [2, 149, 404, 409, 417, 441], "encount": [2, 500], "end": [120, 191, 225, 248, 270, 360, 366, 415, 433, 444, 451, 457, 463, 464, 486, 489, 499], "end_axi": [0, 50, 164], "end_encod": 2, "endif": 2, "endl": [4, 499], "endswith": 381, "enhanc": [6, 404, 503], "enjoi": 2, "enough": [2, 503], "ensur": [0, 1, 2, 9, 147, 324, 447, 498, 499], "ensure_row_contigu": [1, 147], "enter": 6, "entir": [16, 18, 27, 28, 214, 216, 218, 232, 246, 293, 297, 314, 354, 355], "entri": [0, 258, 312, 354, 355], "entropi": [7, 439, 441], "enumer": 340, "environ": [9, 121, 134, 498], "ep": [5, 146, 148, 345, 361, 365, 367, 400, 440, 442, 452, 472, 473, 474, 475, 476, 477, 478, 484], "epoch": 7, "epsilon": [345, 361, 365, 367, 400, 440, 442, 473, 475, 476, 477, 478, 484], "epsilon_1": 474, "epsilon_2": 474, "equal": [0, 1, 17, 29, 83, 145, 172, 178, 189, 239, 244, 259, 288, 321, 365, 369], "equal_nan": [0, 17, 83, 178], "equat": [132, 133, 200, 201], "equival": [0, 2, 32, 66, 80, 128, 131, 166, 169, 173, 300, 346, 356, 358, 362, 363, 364, 370, 371, 395, 397, 399, 402, 403, 405, 407, 410, 411, 412, 413, 414, 416, 498], "erf": [0, 137, 497], "erfinv": 0, "error": [0, 2, 9, 125, 136, 137, 228, 229, 288, 358, 429, 430, 431, 447, 449, 497, 500, 502, 504], "error_norm": 5, "estim": 478, "eta": 479, "etc": [2, 248, 340, 418, 498], "ethernet": [498, 502], "eval": [2, 3, 5, 6, 7, 340, 470, 472, 497, 498, 499, 500, 503, 505], "eval_cpu": 2, "eval_fn": 7, "eval_gpu": 2, "evalu": [2, 6, 7, 8, 129, 138, 185, 316, 340, 379, 390, 470, 472, 497, 499, 505], "even": [1, 2, 6, 96, 497, 498, 499, 503, 504], "evenli": [0, 204], "everi": [248, 326, 472, 490, 500, 502], "everyth": [6, 498], "everywher": 0, "exact": [430, 431], "exactli": [2, 6, 149, 383, 500], "exampl": [0, 3, 4, 5, 6, 7, 9, 19, 39, 114, 125, 142, 143, 144, 147, 150, 164, 176, 184, 186, 193, 194, 198, 199, 284, 285, 295, 300, 312, 324, 327, 328, 340, 342, 343, 344, 345, 365, 372, 373, 374, 381, 383, 390, 393, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 467, 472, 481, 486, 487, 488, 489, 490, 494, 500, 501, 502, 503, 504, 505, 506], "exce": [321, 324], "exceed": 228, "except": [8, 114, 145, 157, 158, 160, 161, 162, 332, 361, 383, 499, 501, 504], "exclud": [247, 301], "exclus": [0, 84, 91], "execut": [2, 4, 9, 85, 86, 87, 186, 224, 498, 504, 507], "execute_process": 4, "exist": [2, 3, 6, 381, 393, 498], "exp": [0, 1, 141, 147, 210, 214, 253, 286, 346, 356, 408, 427, 428, 445, 457, 458, 462, 497, 499, 507], "exp_elementwis": [1, 147], "expand_dim": 0, "expect": [2, 6, 347, 348, 349, 350, 351, 352, 353, 354, 355, 409, 417, 442, 497, 498, 501], "expens": 417, "expensive_fun": 503, "experiment": [142, 144, 176, 504], "explain": 2, "explicit": [2, 481, 494, 504], "explicitli": [168, 340, 494, 502], "explor": 9, "expm1": 0, "exponenti": [0, 139, 141, 346, 356, 405, 427, 428, 457, 487], "exponential_decai": 472, "export": [8, 9, 142, 143, 176], "export_funct": 499, "ext_modul": 2, "extend": [2, 243], "extens": [8, 205, 230, 387, 506], "extern": 504, "extra": [1, 326, 327, 499], "extract": [0, 6, 46, 119, 120, 284, 340, 380, 470], "extras_requir": 2, "extrem": [501, 503], "ey": [0, 6, 195, 203], "f": [0, 2, 5, 7, 114, 198, 340, 366, 477, 497, 504], "f_jvp": 114, "f_t": 366, "f_vjp": 114, "f_vmap": 114, "face": 6, "factor": [2, 15, 173, 190, 191, 196, 197, 199, 418, 441, 487, 490], "fail": [497, 498, 502], "fall": [2, 114], "fallback": 2, "fals": [0, 1, 2, 6, 16, 17, 18, 27, 28, 34, 35, 36, 37, 42, 43, 44, 45, 57, 58, 59, 60, 64, 76, 77, 81, 83, 96, 103, 110, 111, 112, 113, 125, 142, 144, 147, 178, 184, 190, 191, 198, 201, 202, 203, 205, 214, 216, 218, 219, 228, 232, 246, 293, 297, 314, 318, 322, 325, 326, 327, 328, 332, 361, 365, 367, 369, 381, 383, 393, 396, 399, 404, 409, 417, 418, 439, 442, 474, 476, 477, 485, 499, 504], "famili": 6, "fan": [420, 421, 422, 423], "fan_in": [420, 421, 422, 423], "fan_out": [420, 421, 422, 423], "far": 472, "fast": [1, 8, 358, 431, 498, 507], "faster": [1, 2, 9, 131, 429, 439, 497, 498, 500], "featur": [1, 8, 100, 101, 102, 103, 104, 105, 106, 149, 345, 360, 361, 365, 366, 367, 369, 399, 400, 401, 404, 417, 418, 497, 498, 503], "feed": 6, "feed_forward": 6, "feedforward": [420, 421], "feel": 6, "fetch": 1, "few": [1, 2, 6, 7, 8, 9, 499, 503, 505], "fewer": 498, "ffn": 6, "ffn_norm": 6, "fft": 8, "fi": 498, "figur": 498, "file": [4, 6, 9, 142, 143, 144, 176, 205, 273, 274, 275, 276, 277, 383, 387, 498, 499, 500, 506], "file_or_weight": 383, "fill": [0, 2, 167, 241, 309, 320, 419, 420, 421, 422, 423, 425, 426], "filter": [0, 107, 347, 348, 349, 350, 351, 352, 376, 380], "filter_and_map": 340, "filter_fn": [376, 380], "final": [2, 4, 5, 6, 7, 173, 486, 489, 498, 502], "find": [2, 4, 5, 9, 498], "find_packag": [2, 4], "finder": 9, "fine": [494, 499, 503], "finetun": 340, "finish": 2, "finit": [0, 179, 236], "first": [0, 1, 2, 3, 4, 5, 6, 7, 9, 120, 123, 125, 164, 170, 184, 186, 187, 202, 211, 213, 215, 244, 261, 269, 298, 304, 307, 313, 325, 327, 328, 340, 343, 344, 361, 373, 374, 418, 440, 448, 474, 478, 481, 497, 498, 499, 500, 502, 504, 507], "first_lay": 503, "firt": 497, "fit": [2, 248, 507], "five": 497, "fix": [2, 6, 9, 497, 503], "flag": [2, 4, 9, 497, 504], "flat": [168, 169, 325, 329], "flat_param": 276, "flatten": [0, 29, 30, 110, 111, 112, 113, 198, 242, 244, 247, 267, 270, 287, 300, 301, 306, 325, 497], "flexibl": 8, "flexibli": 395, "flip": [0, 103, 107], "float": [0, 1, 2, 12, 15, 17, 19, 79, 146, 147, 148, 149, 150, 163, 166, 167, 173, 178, 184, 198, 236, 249, 251, 255, 257, 321, 324, 332, 345, 353, 354, 355, 361, 365, 367, 376, 388, 400, 404, 409, 415, 417, 418, 419, 420, 421, 422, 423, 425, 426, 440, 441, 442, 444, 448, 451, 452, 463, 464, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 487, 489, 490], "float16": [1, 2, 12, 147, 173, 205, 332, 376, 503, 504], "float16_t": [1, 2], "float32": [0, 1, 2, 12, 19, 145, 147, 150, 173, 174, 184, 193, 194, 198, 199, 204, 240, 253, 255, 256, 257, 262, 263, 285, 309, 319, 332, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 486, 487, 488, 489, 490, 497, 498, 499, 500, 501, 503, 504, 505, 506], "float64": [12, 184, 332, 504], "floor": [0, 1, 166], "floor_divid": 0, "flow": [0, 294, 503], "flush": 2, "fn": [176, 323, 326, 327, 328, 505], "follow": [1, 2, 4, 6, 7, 8, 9, 19, 107, 118, 150, 168, 198, 243, 248, 327, 340, 430, 431, 445, 473, 474, 475, 478, 479, 485, 494, 497, 498, 499, 500, 502, 507], "food": 6, "forc": [6, 7, 340, 498, 505], "forg": [9, 498], "formal": [118, 248], "format": [6, 143, 205, 273, 274, 275, 276, 277, 498, 504], "formul": [346, 356], "formula": 451, "forth": [418, 498], "forward": [1, 2, 313, 497, 502, 503], "found": [4, 380], "four": 345, "fourier": [151, 152, 153, 154, 155, 156, 160, 161, 162], "fourth": 499, "frac": [136, 248, 280, 345, 353, 354, 355, 361, 365, 367, 369, 400, 408, 420, 421, 422, 423, 440, 442, 444, 447, 458, 460, 461, 473, 475, 476, 477, 478, 484], "fraction": 19, "framework": [2, 8], "free": 227, "freez": [340, 393, 470], "freq": 149, "frequenc": [149, 404, 409], "frequent": [497, 503], "friend": 6, "fro": 198, "frobeniu": 198, "from": [0, 1, 2, 4, 6, 7, 8, 84, 117, 118, 120, 123, 124, 127, 128, 129, 147, 158, 159, 161, 162, 167, 168, 173, 176, 198, 205, 215, 219, 224, 227, 241, 248, 250, 251, 252, 253, 254, 255, 259, 262, 276, 284, 291, 294, 296, 300, 301, 306, 307, 318, 320, 325, 326, 327, 328, 329, 340, 369, 381, 383, 396, 420, 421, 422, 423, 425, 426, 442, 451, 467, 472, 496, 497, 498, 499, 500, 503, 504, 505, 506, 507], "from_embed": 398, "from_linear": 399, "front": [2, 499], "frozen": [340, 381, 391, 393, 399, 470], "fuction": 131, "full": [0, 1, 2, 7, 66, 80, 107, 147, 196, 286, 394, 395, 442, 497, 498, 499, 503], "full_turn": 409, "fulli": [2, 8, 502, 504, 507], "fun": [96, 142, 144, 170, 185, 313, 316, 317, 497, 499, 501, 503, 507], "fun1": 503, "func": 401, "function": [0, 1, 2, 3, 5, 6, 7, 8, 17, 19, 84, 96, 114, 131, 136, 137, 142, 144, 147, 170, 176, 178, 185, 190, 191, 193, 194, 195, 198, 199, 202, 203, 215, 229, 280, 313, 316, 317, 323, 324, 326, 327, 328, 340, 346, 356, 358, 359, 362, 363, 364, 370, 371, 375, 377, 381, 388, 393, 397, 401, 402, 403, 405, 406, 407, 408, 410, 411, 412, 413, 414, 415, 416, 417, 429, 430, 431, 432, 433, 434, 435, 437, 438, 439, 453, 458, 460, 461, 462, 463, 464, 465, 467, 472, 481, 494, 496, 498, 501, 503, 504, 506], "functionexport": 144, "functool": 497, "further": [2, 9, 500], "fuse": [1, 497], "fusibl": 497, "futur": [6, 142, 144, 176, 399, 501, 503], "fx": 114, "g": [3, 9, 114, 147, 198, 248, 366, 466, 484, 485, 499, 503, 508], "g_t": [366, 473, 475, 476, 477, 478, 479, 484, 485], "gain": [420, 421, 422, 423], "gamma": [345, 361, 365, 367, 400, 420, 421, 422, 423], "gap": 1, "gate": [359, 360, 432], "gather": [0, 123, 168, 169], "gather_mm": [0, 169], "gather_qmm": 0, "gaurante": 315, "gaussian": [5, 358, 429, 430, 431, 442], "gaussian_nll_loss": 340, "gc_func": 417, "gelu": [340, 430, 431, 497], "gelu_approx": [340, 358, 429], "gelu_fast_approx": [340, 358, 429], "geluapprox": 358, "gelufast": 358, "gener": [0, 1, 2, 3, 5, 12, 19, 103, 145, 147, 158, 159, 204, 219, 251, 256, 257, 258, 259, 262, 263, 417, 494, 497, 501, 503, 508], "general_": 2, "generate_stub": 9, "geq": [415, 464], "get": [2, 5, 7, 9, 101, 102, 103, 105, 106, 115, 116, 163, 221, 222, 223, 224, 254, 340, 497, 499, 500, 503, 507], "get_cache_memori": 220, "get_command_encod": 2, "get_kernel": 2, "gguf": [9, 205, 274, 506], "gh": 1, "gii": 1, "git": 9, "github": [5, 7, 9, 497], "give": [2, 6, 7, 29, 497], "given": [0, 2, 9, 16, 18, 29, 39, 84, 93, 95, 97, 110, 111, 112, 113, 118, 120, 133, 138, 140, 150, 151, 152, 153, 154, 155, 156, 160, 161, 162, 167, 168, 196, 198, 214, 216, 218, 227, 232, 236, 238, 246, 256, 258, 259, 270, 271, 279, 286, 288, 293, 297, 299, 305, 306, 307, 309, 310, 311, 314, 330, 353, 380, 396, 440, 442, 448], "gix": 1, "gix_mult": 1, "giy_mult": 1, "global": [121, 123, 124, 125, 127, 128, 129, 134, 260, 321, 324, 494, 497], "glorot": [420, 421], "glorot_norm": 340, "glorot_uniform": 340, "glu": [6, 340], "gm": 1, "gn": 1, "go": [2, 6, 498, 500], "golub": 198, "good": [2, 9, 472, 497, 498, 502, 507], "goroshin": 354, "gower": 6, "gpu": [1, 3, 8, 9, 221, 332, 501, 507], "gputrac": [3, 230], "grad": [2, 5, 7, 114, 313, 324, 472, 480, 497, 498, 499, 500, 501, 503, 505], "grad_fn": [5, 497, 500], "gradient": [0, 5, 7, 114, 170, 294, 313, 321, 323, 324, 340, 381, 394, 399, 417, 447, 470, 472, 473, 474, 476, 477, 478, 479, 480, 483, 485, 497, 498, 500, 501, 503, 504, 505], "grain": 494, "graph": [2, 6, 7, 8, 143, 499, 500], "great": 3, "greater": [0, 6, 29, 141, 172, 244, 324, 415, 464], "greater_equ": 0, "grep": 9, "grid": [2, 147, 219], "grid_dim": 2, "grid_grad": 1, "grid_idx": 1, "grid_sampl": 1, "grid_sample_grad": 1, "grid_sample_ref": 1, "grid_sample_vjp": 1, "grid_shap": 1, "grid_siz": 1, "ground": [5, 6, 441, 451], "group": [0, 1, 100, 101, 102, 103, 104, 105, 106, 118, 123, 124, 125, 127, 128, 129, 150, 169, 248, 249, 315, 321, 322, 347, 348, 361, 398, 399, 498], "group_dim": 2, "group_siz": [0, 118, 169, 248, 249, 322, 398, 399], "groupnorm": 340, "grow": 503, "gru": 340, "guid": [2, 4, 8, 498, 499], "gw": 1, "h": [1, 2, 4, 100, 101, 102, 104, 105, 106, 198, 345, 348, 349, 351, 352, 354, 355, 360, 366, 401, 500, 503], "h_": [360, 366, 401], "h_in": 1, "h_stride": 1, "h_t": [360, 366, 401], "ha": [2, 3, 6, 7, 8, 9, 79, 96, 120, 129, 157, 158, 160, 161, 162, 170, 190, 191, 193, 194, 195, 202, 203, 219, 223, 252, 345, 360, 366, 369, 401, 470, 472, 497, 498, 499, 501, 502, 503, 505, 507], "had": 6, "hadamard": [0, 173], "hadamard_transform": 0, "half": [2, 19, 259, 263, 404, 503], "halv": [359, 432], "hand": [6, 500, 503], "handi": 500, "handl": [2, 340, 497], "happen": [2, 6, 146, 148, 417, 472, 497, 503], "happi": 6, "hard": 6, "hard_shrink": [340, 362], "hard_tanh": [340, 363], "hardcod": 497, "hardshrink": [340, 433], "hardswish": 340, "hardtanh": [340, 434], "hat": [118, 248], "have": [0, 1, 2, 6, 9, 17, 83, 85, 86, 87, 92, 114, 123, 150, 158, 159, 161, 162, 169, 178, 215, 230, 252, 315, 321, 325, 366, 396, 406, 479, 481, 496, 497, 498, 499, 501, 502, 503, 507], "haven": 6, "hazan": 475, "he": [6, 422, 423], "he_norm": 340, "he_uniform": 340, "head": [150, 396, 417], "header": [2, 147], "heart": 6, "heavi": 6, "height": [343, 344, 345, 348, 349, 351, 352, 354, 355, 373, 374], "hello": [325, 329], "help": [2, 6, 497, 507], "helper": [6, 147, 321, 497, 498, 502], "henc": [0, 2, 248, 497], "hendryck": 431, "here": [2, 6, 472, 497, 499, 500, 503, 506, 507], "hermitian": [193, 194], "hf": 366, "hg": 366, "hh": 401, "hi": [6, 366], "hidden": [360, 366, 401, 417], "hidden_dim": [7, 470, 472], "hidden_s": [360, 366, 401], "hierarchi": 332, "high": [259, 263, 340, 357, 426, 467], "high_pad_s": 0, "higher": [2, 177, 229, 448, 498, 500], "highli": 9, "him": 6, "hing": 443, "hinge_loss": 340, "hinton": 484, "hit": 2, "hn": 360, "ho": 366, "hold": [2, 6, 11, 12, 198, 497], "homebrew": 498, "hopkin": 198, "host": 2, "host1": 498, "host2": 498, "host3": 498, "host4": 498, "host_nam": 1, "hostfil": [498, 502], "hostnam": [498, 502], "hostname1": [498, 502], "hostname2": [498, 502], "hostname3": 498, "hostname4": 498, "hot": 441, "hour": 6, "how": [2, 4, 6, 7, 340, 342, 343, 344, 347, 348, 349, 350, 351, 352, 357, 372, 373, 374, 398, 418, 480, 497, 501, 507], "howev": [2, 114, 340, 358, 361, 481, 494, 497, 498, 503, 504], "hr": 360, "http": [361, 365, 367, 375, 400, 431, 453], "huber": 444, "huber_loss": 340, "human": [422, 423], "hundr": 9, "hurri": 6, "hutter": 477, "hyperbol": [0, 21, 23, 26, 109, 283, 303, 416, 465], "hz": 360, "i": [0, 1, 2, 3, 4, 6, 7, 8, 9, 17, 19, 29, 38, 79, 84, 95, 101, 102, 103, 105, 106, 107, 110, 111, 112, 113, 114, 119, 120, 123, 124, 126, 127, 128, 129, 131, 138, 142, 144, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 166, 167, 168, 169, 173, 176, 178, 179, 184, 185, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 205, 210, 214, 215, 219, 225, 228, 229, 243, 244, 247, 248, 249, 256, 257, 258, 268, 270, 273, 274, 275, 280, 286, 288, 293, 294, 299, 300, 301, 304, 307, 308, 312, 313, 314, 315, 316, 317, 318, 321, 322, 324, 325, 326, 327, 328, 332, 334, 340, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 358, 360, 361, 365, 366, 367, 369, 372, 373, 374, 380, 381, 387, 389, 390, 392, 393, 395, 396, 397, 399, 400, 401, 404, 409, 415, 417, 418, 422, 423, 429, 431, 439, 440, 442, 447, 448, 451, 452, 454, 459, 464, 470, 472, 474, 476, 477, 479, 480, 481, 486, 488, 489, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507, 508], "i386": 9, "i_n": 1, "i_nw": 1, "i_s": 1, "i_sw": 1, "i_t": 366, "iclr": [476, 477, 478], "id": [7, 9], "idea": [500, 503], "idempot": [381, 393], "ident": [0, 114, 129, 145, 294, 340, 390, 498], "identifi": [2, 325, 496], "idim": 7, "idiom": [7, 497], "idx": [39, 501], "ie": 393, "ieee": 332, "ifac": 498, "ignor": [6, 39, 95, 96, 138, 474, 502], "ih": 401, "ii": 1, "ij": 219, "imag": [0, 348, 349, 351, 352, 354, 355, 418], "imagenet": [422, 423], "imaginari": 175, "immedi": [6, 376], "implement": [0, 1, 5, 7, 149, 150, 357, 380, 396, 404, 406, 409, 415, 417, 418, 464, 473, 474, 475, 478, 479, 480, 492, 497, 500], "impli": 315, "implicit": [494, 497, 500], "implicitli": 503, "import": [2, 3, 5, 6, 7, 9, 114, 125, 173, 176, 198, 276, 313, 325, 326, 327, 328, 329, 340, 342, 343, 344, 345, 365, 372, 373, 374, 383, 418, 439, 441, 448, 467, 470, 472, 497, 498, 500, 501, 503, 504, 505], "import_funct": 499, "imported_ab": 499, "imported_fun": 499, "imported_funct": 499, "improv": [1, 2, 3, 6, 439, 473, 474, 475, 476, 477, 478, 484, 497, 498], "in_ax": [317, 500], "in_channel": [347, 348, 349, 350, 351, 352], "in_dim": [340, 470], "in_proj": 470, "inci": 2, "includ": [1, 2, 4, 110, 111, 112, 113, 143, 147, 222, 223, 228, 367, 377, 389, 399, 442, 472, 497, 499, 500, 501, 505, 506, 508], "include_dir": 2, "inclus": [0, 42, 43, 44, 45, 110, 111, 112, 113, 164], "incom": 2, "inconveni": 497, "incorpor": 504, "incorrect": 504, "increas": [229, 502], "increment": 19, "incur": [6, 9], "incx": 2, "independ": [122, 354, 355], "index": [0, 1, 2, 8, 10, 29, 39, 140, 145, 170, 219, 244, 284, 285, 300, 301, 313], "indic": [0, 2, 17, 27, 28, 29, 30, 39, 168, 169, 170, 178, 179, 180, 181, 182, 183, 184, 196, 202, 247, 284, 285, 288, 300, 301, 313, 390, 392, 441, 448, 488, 501], "indices_or_sect": [72, 288], "indirectli": 504, "individu": [340, 354, 355], "ineffici": [501, 503], "inexact": [12, 184], "inf": [198, 236, 396], "infer": [8, 167, 205, 307, 312, 498, 499], "infin": [0, 180, 182, 183, 236, 372, 373, 374, 478], "infinit": [17, 178, 179], "info": [6, 9], "inform": [3, 4, 6, 7, 9, 133, 163, 221, 274, 275, 332, 340, 345, 358, 396, 498, 499, 500, 507], "inherit": [7, 496], "inifn": 180, "init": [340, 397, 467, 472, 486, 487, 489, 490, 498], "init_fn": [419, 420, 421, 422, 423, 424, 425, 426, 467], "init_valu": 1, "initi": [1, 3, 5, 6, 125, 328, 340, 345, 361, 365, 367, 369, 397, 400, 419, 420, 421, 422, 423, 424, 425, 426, 470, 481, 486, 487, 489, 490, 497, 498, 499, 503], "initializer_list": 0, "inject": 0, "inlin": 0, "inner": [0, 497], "inorm": 365, "inp": [1, 147], "inp_ndim": 1, "inp_shap": 1, "inp_strid": 1, "inplac": [2, 9], "input": [0, 1, 2, 5, 6, 13, 14, 15, 16, 17, 18, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 119, 120, 123, 124, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 142, 143, 144, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 168, 169, 170, 171, 172, 173, 175, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 232, 233, 234, 235, 236, 237, 239, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 258, 261, 264, 265, 266, 267, 268, 269, 270, 271, 272, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 310, 311, 312, 313, 314, 315, 317, 318, 320, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 354, 355, 357, 359, 360, 361, 365, 366, 367, 369, 372, 373, 374, 396, 399, 400, 401, 404, 415, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 442, 443, 444, 445, 447, 448, 450, 452, 464, 467, 497, 499, 500, 501, 502, 505, 506], "input_dil": [0, 103], "input_dim": [7, 340, 369, 399], "input_nam": [1, 147], "input_s": [360, 366, 401], "inputs1": 448, "inputs2": 448, "insert": [120, 140, 507], "insid": [497, 499], "inspect": [3, 497, 505], "inspir": 8, "instabl": 452, "instal": [2, 4, 502], "instanc": [6, 39, 114, 248, 329, 340, 365, 376, 377, 378, 381, 383, 384, 385, 390, 393, 394, 395, 406, 470, 498, 502, 504], "instancenorm": 340, "instanti": [1, 2, 7, 503], "instantiate_kernel": 2, "instead": [2, 9, 114, 340, 395, 409, 500, 503], "instruct": [4, 499], "int": [0, 1, 2, 4, 6, 7, 10, 16, 18, 19, 27, 28, 29, 30, 34, 35, 36, 37, 42, 43, 44, 45, 46, 47, 50, 57, 58, 59, 60, 61, 64, 67, 69, 72, 75, 76, 77, 78, 79, 81, 84, 92, 93, 97, 100, 101, 102, 103, 104, 105, 106, 110, 111, 112, 113, 118, 119, 120, 127, 128, 129, 133, 140, 145, 149, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 167, 169, 170, 174, 184, 192, 198, 204, 214, 216, 218, 221, 222, 223, 224, 227, 228, 229, 232, 234, 240, 243, 244, 246, 247, 248, 249, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 267, 268, 270, 271, 284, 285, 286, 287, 288, 291, 292, 293, 297, 298, 300, 301, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 317, 319, 321, 322, 340, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 357, 359, 360, 361, 365, 366, 367, 369, 372, 373, 374, 396, 398, 399, 400, 401, 404, 409, 417, 432, 440, 441, 445, 450, 452, 470, 486, 488, 489, 490], "int16": 332, "int32": [0, 1, 12, 19, 39, 164, 184, 186, 198, 259, 284, 312, 332, 418, 501, 505], "int64": [12, 332], "int64_t": 2, "int8": [12, 332], "int_0": 136, "integ": [0, 12, 166, 168, 169, 184, 198, 221, 243, 248, 249, 251, 258, 259, 288, 300, 304, 317, 332, 357, 388, 488, 501], "integr": [19, 300, 503], "intend": [0, 497], "interact": 417, "interest": 507, "interfac": [2, 498, 502], "intermedi": 504, "intern": 345, "interpol": 418, "interpret": 4, "interv": [19, 204, 259, 263], "introduc": [0, 270], "intuit": 340, "invalid": [0, 84], "invers": [0, 20, 21, 22, 23, 24, 25, 26, 89, 137, 154, 155, 156, 157, 158, 159, 191, 195, 203], "invert": 0, "involv": [472, 497], "iogpu": 229, "iostream": 4, "ip": [498, 502], "ip1": [498, 502], "ip2": [498, 502], "ip3": 498, "ip4": 498, "is_avail": 125, "is_equival": 2, "is_floating_point": 2, "is_leaf": [325, 326, 327, 328], "is_leaf_fn": 380, "isclos": 0, "isfinit": 0, "ish": 6, "ishmael": 6, "isinf": 0, "isnan": 0, "isneginf": 0, "isposinf": 0, "issu": [498, 500, 504], "issubdtyp": [12, 332], "item": [0, 2, 5, 6, 7, 326, 472, 499, 503, 504, 505], "iter": [5, 7, 202, 326, 327, 494, 497, 503], "iterm": 9, "itertool": [6, 326], "its": [0, 1, 2, 9, 150, 191, 215, 244, 261, 309, 323, 329, 340, 399, 472, 476, 477, 478, 498, 503, 504, 507], "itself": [2, 322, 481], "ix": 1, "ix_n": 1, "ix_nw": 1, "ix_s": 1, "ix_sw": 1, "iy_n": 1, "iy_nw": 1, "iy_s": 1, "iy_sw": 1, "j": [6, 9, 198, 354, 475, 476, 478], "j8": 2, "jacobian": [2, 185, 316, 505], "jain": 354, "jax": [8, 494], "jit": 147, "jmlr": 475, "jnp": 504, "john": 198, "join": 488, "join_schedul": 472, "jointli": 256, "json": [498, 502], "just": [2, 4, 7, 367, 497, 499, 501], "jvp": [2, 114, 505], "k": [0, 6, 46, 92, 119, 145, 150, 168, 173, 306, 309, 310, 311, 369, 381], "kaim": 423, "keep": [2, 16, 18, 27, 28, 214, 216, 218, 232, 246, 293, 297, 314, 340, 380, 500, 503], "keepdim": [0, 16, 18, 27, 28, 34, 35, 36, 37, 57, 58, 59, 60, 64, 76, 77, 81, 198, 214, 216, 218, 232, 246, 286, 293, 297, 314], "kei": [1, 3, 6, 142, 150, 176, 221, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 325, 326, 380, 381, 393, 396, 481, 494, 496, 499, 500], "kept": 229, "kernel": [2, 8, 9, 100, 101, 102, 103, 104, 105, 106, 147, 342, 372, 497, 501], "kernel_dil": [0, 103], "kernel_s": [342, 343, 344, 347, 348, 349, 350, 351, 352, 372, 373, 374], "key_cach": 6, "key_input_dim": 396, "key_proj": 6, "keyword": [142, 170, 276, 277, 313, 326, 340, 494, 499, 506, 508], "kind": 6, "kingma": [476, 478], "kl_div_loss": 340, "kname": 2, "know": [2, 6], "known": [407, 459], "kron": 0, "kroneck": [0, 186], "kth": [0, 29, 244], "kullback": 445, "kw_onli": 2, "kwarg": [11, 122, 142, 143, 176, 276, 277, 330, 499, 508], "l": [6, 7, 190, 191, 193, 194, 196, 340, 345, 347, 350, 360, 366, 401, 451], "l1": [313, 444, 446, 447, 451], "l1_loss": 340, "l2": [444, 447, 485], "l2_loss": 340, "l_": 444, "la": 198, "label": [3, 5, 441, 448], "label_smooth": 441, "lack": 501, "lambd": [362, 413, 433, 463], "lambda": [326, 327, 328, 340, 362, 376, 381, 388, 413, 433, 457, 463, 473, 474, 475, 476, 477, 478, 479, 484, 485, 497, 498, 499, 500], "languag": [1, 2, 4], "larg": [6, 340, 396, 447, 497, 499, 503], "larger": [1, 149, 229, 404, 479], "largest": [198, 236, 306], "lasso": 313, "last": [0, 1, 6, 30, 79, 146, 148, 153, 156, 158, 159, 161, 162, 164, 168, 169, 177, 190, 191, 193, 194, 195, 199, 202, 203, 215, 224, 252, 287, 304, 315, 347, 348, 349, 350, 351, 352, 354, 355, 361, 418, 504], "later": [3, 9, 472], "launch": [1, 2, 125, 498, 501], "layer": [8, 146, 322, 340, 342, 343, 344, 354, 355, 360, 361, 366, 367, 369, 372, 373, 374, 390, 395, 398, 399, 401, 406, 417, 466, 470, 499, 502], "layer_s": 7, "layernorm": 340, "layout": 1, "lazi": [8, 470, 505], "lazili": [6, 340], "lceil": 92, "ld": [360, 366, 401], "lead": [0, 19, 84, 497], "leaf": [96, 322, 325, 326, 327, 328, 380], "leaf_modul": 340, "leaki": [368, 436], "leaky_relu": 340, "leakyrelu": 340, "learn": [5, 7, 8, 345, 361, 365, 367, 397, 400, 472, 473, 474, 475, 476, 477, 478, 479, 484, 485], "learnabl": [347, 348, 349, 350, 351, 352, 406], "learning_r": [7, 472, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 486, 487, 488, 489, 490, 497], "least": [6, 85, 86, 87, 95, 190, 191, 193, 194, 195, 199, 202, 203, 248], "leav": [2, 138, 326, 327, 328], "lectur": 484, "lecun": 354, "left": [0, 6, 149, 187, 198, 248, 270, 358, 404, 418, 430, 431, 442, 444, 452], "left_shift": 0, "leibler": 445, "len": [6, 153, 156, 159, 162, 173, 488], "length": [6, 291, 345, 347, 350, 360, 366, 401, 488], "leq": [444, 457], "less": [0, 1, 6, 29, 189, 229, 244, 321, 404, 451, 498], "less_equ": 0, "let": [1, 2, 5, 6, 191, 497, 499, 500, 503, 504], "level": [0, 168, 169, 422, 423], "lh": [360, 366, 401], "lhs_indic": [0, 168, 169], "lhs_mask": 92, "lib": 498, "libmlx": 9, "libmlx_ext": 2, "libmpi": 498, "librari": [2, 4, 9, 334, 340, 498, 499], "like": [2, 6, 8, 128, 142, 144, 176, 184, 241, 320, 355, 447, 481, 483, 497, 498, 499, 500, 502, 503, 504, 505, 507], "likelihood": [442, 450], "limit": [0, 2, 95, 227, 228, 229, 501], "linalg": 173, "line": [6, 498, 499, 502, 503, 504], "linear": [0, 2, 6, 7, 8, 200, 201, 322, 326, 340, 346, 356, 358, 359, 368, 383, 399, 401, 402, 403, 405, 407, 418, 427, 428, 429, 430, 431, 432, 436, 455, 456, 457, 459, 467, 470, 481, 489, 497, 499], "linear1": 6, "linear2": 6, "linear3": 6, "linear_schedul": [472, 488], "linearli": 396, "link": [2, 4, 9], "linspac": 0, "lion": 472, "list": [1, 6, 11, 16, 18, 31, 72, 79, 84, 85, 86, 87, 93, 96, 97, 103, 133, 138, 147, 152, 153, 155, 156, 158, 159, 161, 162, 167, 170, 185, 198, 214, 216, 218, 219, 232, 240, 243, 246, 251, 252, 253, 255, 256, 257, 259, 262, 263, 274, 286, 288, 292, 293, 297, 304, 305, 308, 313, 314, 316, 319, 325, 328, 329, 340, 381, 383, 384, 385, 386, 391, 393, 394, 395, 470, 472, 476, 477, 478, 479, 488, 496, 497, 498, 499, 500, 502, 503], "listen": 498, "liter": [2, 243, 418, 422, 423, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452], "littl": 6, "liu": 6, "live": [8, 147, 507], "ll": [1, 5, 7, 444, 497, 500], "llama": 6, "llamaattent": 6, "llamaencoderlay": 6, "llm": 8, "load": [7, 8, 334, 383, 498], "load_weight": [340, 503], "loader": 7, "loader_path": 2, "loan": 198, "loc": [1, 255, 257], "local": [340, 354, 498], "localhost": [498, 502], "locat": [0, 2, 4, 84, 284, 285, 394, 395, 498, 507], "log": [0, 208, 210, 214, 370, 371, 437, 438, 439, 442, 445, 447, 450, 462], "log10": 0, "log1p": 0, "log2": 0, "log_cosh_loss": 340, "log_sigmoid": [340, 370], "log_softmax": [340, 371], "logaddexp": 0, "logarithm": [0, 206, 207, 208, 209], "logcosh": 447, "logic": [0, 2, 211, 212, 213, 498], "logical_and": 0, "logical_not": 0, "logical_or": 0, "logist": [0, 5, 280, 431, 459], "logit": [6, 252, 439, 441, 497], "logsigmoid": 340, "logsoftmax": 340, "logsumexp": 0, "long": 6, "longer": [6, 107, 500], "look": [2, 6, 498], "lookup": 357, "loop": [6, 7, 497, 498, 500, 503], "loshchilov": 477, "loss": [5, 7, 313, 340, 472, 497, 498, 500, 503], "loss_and_grad": 340, "loss_and_grad_fn": [7, 472, 497, 500], "loss_fn": [5, 7, 472, 497, 500], "loss_grad_fn": 498, "lot": 500, "low": [259, 263, 426, 467], "low_pad_s": 0, "lower": [190, 191, 193, 194, 201, 203, 248, 259, 262, 263, 309, 426], "lr": [5, 479], "lr_schedul": [486, 487, 488, 490], "lstm": 340, "lto": 2, "lu": [6, 197], "luckili": 503, "lvalu": 313, "m": [0, 2, 4, 6, 9, 92, 145, 168, 173, 198, 309, 473, 497], "m1": [1, 6, 497, 500, 507], "m10": 332, "m7": 332, "m_": [476, 477, 478, 479], "m_t": [476, 477, 478, 479], "mac": 498, "machin": [6, 8, 9, 484, 498], "maco": [9, 229], "macosx": 9, "made": [6, 334], "mai": [2, 4, 142, 144, 176, 198, 322, 354, 498, 500, 501], "main": [4, 8, 120, 145, 147, 307, 326, 327, 340, 498], "maintain": [354, 355, 479], "major": [0, 2], "make": [1, 2, 3, 4, 6, 7, 9, 143, 144, 215, 238, 279, 340, 486, 487, 489, 490, 497, 503, 505, 507], "make_shar": 2, "malloc_or_wait": 2, "man": 6, "manag": [295, 494, 498, 499, 507], "mani": [2, 84, 288, 347, 348, 349, 350, 351, 352, 357, 398, 497, 498, 499, 503], "manual": [340, 498], "map": [2, 7, 39, 205, 326, 357, 376, 499], "map_fn": [376, 380], "map_torch_to_mlx": 6, "margin": [448, 452], "margin_ranking_loss": 340, "mask": [0, 6, 92, 150, 390, 396, 501], "mask_lh": [0, 92], "mask_n": 1, "mask_nw": 1, "mask_out": [0, 92], "mask_rh": [0, 92], "mask_s": 1, "mask_sw": 1, "matadata": 205, "match": [9, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 222, 383, 418, 441, 501, 504], "materi": [6, 8], "math": [6, 452, 497], "mathbf": 191, "mathcal": 369, "mathemat": 198, "mathrm": [136, 280, 365], "matmul": [0, 168, 507], "matric": [198, 199, 202], "matrix": [0, 5, 15, 46, 92, 118, 119, 145, 168, 169, 173, 174, 190, 191, 193, 194, 195, 196, 197, 198, 199, 202, 203, 215, 219, 248, 249, 256, 398, 399, 424, 467], "matter": [6, 340, 499], "matur": 498, "max": [0, 1, 2, 198, 217, 346, 372, 373, 374, 397, 427, 434, 435, 440, 442, 443, 448, 452, 454, 456, 474, 478, 497, 500, 507], "max_buffer_s": 221, "max_freq": 409, "max_i": 248, "max_norm": 324, "max_recommended_working_set_s": [221, 229], "max_val": 434, "maximum": [0, 7, 27, 39, 95, 110, 224, 228, 324, 340, 368, 372, 373, 374, 402, 409, 430, 431, 436, 455, 470, 503], "maxpool1d": 340, "maxpool2d": 340, "maxpool3d": 340, "maxtotalthreadsperthreadgroup": 2, "mca": [498, 502], "md": 198, "me": 6, "mean": [0, 1, 5, 6, 7, 148, 255, 256, 257, 313, 340, 345, 361, 381, 400, 425, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 497, 498, 500, 504], "meant": 114, "measur": 507, "mechan": 417, "medic": 355, "meet": 9, "member": [2, 340, 386, 391], "memori": [0, 1, 2, 8, 84, 220, 222, 223, 224, 226, 227, 228, 229, 417, 470, 474, 497, 503, 504], "memory_order_relax": 1, "memory_s": [221, 229], "memoryview": [503, 504], "merg": 497, "meshgrid": 0, "metadata": [5, 205, 274, 275], "metal": [2, 4, 8, 147], "metal_captur": 3, "metal_kernel": 1, "metal_path": 9, "metallib": [2, 9], "method": [2, 6, 10, 11, 31, 114, 122, 163, 322, 330, 340, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 387, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 470, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 492], "millisecond": [9, 497, 507], "min": [0, 2, 198, 233, 346, 397, 427, 434, 435, 454, 456], "min_freq": 409, "min_i": 248, "min_val": 434, "mind": [2, 6], "mine": 6, "minibatch": 7, "minim": [498, 502], "minimum": [0, 28, 39, 95, 111, 409, 439, 440], "minsizerel": 9, "minu": 141, "minut": 6, "mish": 340, "mismatch": 499, "miss": [383, 499, 506], "mix": 501, "mkdir": [3, 9], "ml": 9, "mlp": [7, 340, 417, 472], "mlp_dim": [6, 417], "mlx": [1, 3, 5, 6, 7, 9, 334, 340, 467, 470, 472, 494, 496, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "mlx_build_acceler": 4, "mlx_build_benchmark": 9, "mlx_build_cpu": 9, "mlx_build_exampl": 9, "mlx_build_gguf": 9, "mlx_build_met": [2, 4, 9], "mlx_build_metallib": 2, "mlx_build_python_bind": 9, "mlx_build_safetensor": 9, "mlx_build_test": 9, "mlx_cxx_flag": 4, "mlx_disable_compil": [121, 134, 497], "mlx_ext": 2, "mlx_ext_metallib": 2, "mlx_found": 4, "mlx_include_dir": [2, 4], "mlx_librari": 4, "mlx_metal_debug": [3, 9], "mlx_metal_jit": 9, "mlx_root": 4, "mlx_sample_extens": 2, "mlx_trace": 3, "mlxfn": [142, 144, 176, 499], "mnist": 7, "mode": [0, 1, 2, 107, 243, 379, 390, 392, 418, 422, 423], "model": [5, 7, 8, 276, 322, 323, 326, 327, 340, 376, 379, 381, 383, 387, 390, 392, 393, 394, 396, 417, 467, 470, 472, 480, 481, 483, 497, 498, 499, 503], "modest": 2, "modif": 504, "modifi": 504, "modul": [2, 4, 6, 7, 322, 323, 406, 417, 467, 483, 496, 497, 503], "moment": [6, 474, 478, 498], "momentum": [345, 479, 481, 485, 497], "monei": 6, "monitor": 502, "monoton": 453, "more": [1, 2, 3, 4, 7, 11, 79, 120, 142, 168, 190, 191, 193, 194, 195, 196, 202, 203, 215, 227, 228, 274, 275, 332, 340, 345, 354, 404, 409, 417, 418, 420, 421, 422, 423, 439, 494, 497, 498, 500, 501, 505, 507], "moreov": 502, "most": [2, 150, 252, 312, 340, 483, 497, 498, 500, 501, 503], "move": [0, 2, 234, 507], "moveaxi": 0, "mpi": [125, 334], "mpirun": [498, 502], "mse": 313, "mse_loss": 340, "mtl": 2, "mtl_capture_en": 3, "mtlcommandbuff": 2, "mu": 485, "much": [1, 2, 6, 342, 343, 344, 372, 373, 374, 497, 503], "multi": [8, 150, 347, 348, 349, 350, 351, 352, 499, 501, 504], "multidimension": 219, "multiheadattent": [6, 340], "multipl": [0, 1, 9, 15, 92, 144, 146, 148, 168, 169, 215, 235, 248, 249, 396, 409, 487, 488, 490, 497, 503, 506], "multipli": [0, 2, 39, 169, 248, 249, 353, 409, 418], "murtadha": 6, "must": [0, 1, 2, 3, 9, 92, 95, 142, 149, 150, 167, 169, 193, 194, 198, 251, 252, 256, 259, 262, 263, 318, 418, 504], "mx": [1, 2, 3, 4, 5, 6, 7, 39, 98, 99, 114, 125, 128, 142, 143, 144, 147, 164, 176, 184, 186, 193, 194, 196, 198, 199, 205, 258, 276, 284, 285, 312, 313, 324, 340, 342, 343, 344, 345, 356, 365, 368, 372, 373, 374, 376, 383, 387, 402, 418, 419, 420, 421, 422, 423, 424, 425, 426, 428, 436, 439, 440, 441, 445, 448, 455, 465, 467, 470, 472, 494, 497, 498, 499, 500, 501, 503, 504, 505, 506, 507, 508], "my": [6, 9], "my_devic": 508, "my_path": 276, "my_script": [498, 502], "myexp": [1, 147], "myexp_strid": 1, "mymlp": 470, "n": [0, 1, 2, 6, 31, 92, 100, 101, 102, 103, 104, 105, 106, 145, 150, 151, 153, 154, 156, 157, 160, 162, 173, 174, 256, 293, 309, 314, 345, 347, 348, 349, 350, 351, 352, 354, 355, 360, 366, 401, 418, 447, 452, 498, 502], "n_kv": 150, "n_q": 150, "n_t": 360, "naiv": [2, 500], "naive_add": 500, "name": [1, 2, 114, 143, 147, 169, 205, 248, 249, 274, 275, 276, 277, 340, 361, 380, 383, 385, 498, 501, 506], "named_modul": 340, "namespac": 4, "nan": [0, 17, 83, 178, 179, 181, 236], "nan_to_num": 0, "nanobind": 2, "nanobind_add_modul": 2, "nativ": [9, 498], "natur": [0, 206, 208, 503], "nb": 2, "nb_domain": 2, "nb_modul": 2, "nb_static": 2, "nbyte": 2, "nc": 345, "ndarrai": [31, 501, 503, 505], "ndhwc": [349, 352, 355], "ndim": [0, 1, 2, 164, 198, 202, 418], "ne": 1, "nearest": [1, 418], "necessari": 340, "necessarili": 306, "need": [1, 2, 4, 6, 7, 8, 9, 83, 248, 340, 394, 395, 409, 417, 494, 498, 500, 502, 503, 504, 505, 507], "neg": [0, 120, 164, 182, 236, 270, 307, 368, 372, 373, 374, 396, 442, 450, 452, 501], "negat": [0, 237], "negative_slop": [368, 436], "neginf": [0, 236], "neighbor": [418, 502], "neither": [170, 313], "nelem": 2, "nervou": 6, "nest": [79, 96, 328, 340, 470, 496, 500], "nesterov": 485, "network": [6, 8, 321, 345, 354, 357, 420, 421, 467, 470, 484, 498], "neural": [6, 8, 357, 420, 421, 453, 467, 470, 484], "never": [6, 503], "new": [0, 2, 7, 93, 120, 234, 238, 268, 292, 308, 315, 326, 327, 388, 396, 470, 472, 483, 488, 497, 499, 501, 503, 504], "new_tre": 327, "next": [2, 4, 6, 7, 227, 499], "nh": [360, 366, 401], "nhwc": [345, 348, 351], "nice": [500, 503], "nlc": [345, 347, 350], "nld": [360, 366, 401], "nlh": [360, 366, 401], "nll": [442, 450], "nll_loss": 340, "nn": [2, 6, 7, 276, 326, 340, 467, 470, 472, 481, 483, 497, 499, 503], "nobodi": 6, "node": [96, 138, 317, 327, 328, 498, 502], "nois": 5, "noisi": 5, "nomins": 2, "non": [0, 1, 2, 4, 9, 219, 391, 401, 453, 470], "none": [1, 2, 6, 10, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 118, 119, 120, 121, 123, 124, 127, 128, 129, 130, 131, 132, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 177, 178, 179, 180, 181, 182, 183, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 226, 230, 231, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 317, 318, 319, 320, 321, 322, 325, 326, 327, 328, 342, 343, 344, 358, 372, 373, 374, 376, 380, 381, 388, 393, 396, 401, 409, 417, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 474, 492, 499, 501], "nonlinear": [401, 497], "nonzero": 501, "noop": [393, 498], "nor": [2, 170, 313], "norm": [6, 148, 324, 361, 452, 478, 479], "norm1": 6, "norm2": 6, "norm_first": 417, "normal": [1, 2, 5, 6, 146, 147, 148, 193, 256, 262, 340, 342, 343, 344, 345, 361, 365, 367, 372, 373, 374, 400, 417, 420, 422, 504, 507], "not_equ": 0, "notabl": [6, 8], "notat": [118, 325, 385], "note": [0, 1, 2, 4, 6, 9, 17, 19, 84, 92, 96, 102, 105, 106, 114, 150, 158, 159, 169, 178, 196, 198, 222, 248, 252, 315, 322, 340, 400, 418, 472, 504, 506], "noth": [6, 114, 340, 503], "notic": [6, 499, 500, 506], "now": [1, 2, 6, 9, 399, 497, 504], "np": [1, 6, 7, 498, 504, 505], "npy": [205, 273, 506], "npz": [6, 205, 276, 277, 383, 387, 506], "nuc": 198, "nuclear": 198, "nuisanc": 498, "nullopt": 0, "num": [0, 6, 204, 261], "num_class": [7, 472], "num_decoder_lay": 417, "num_embed": [357, 398], "num_encoder_lay": 417, "num_epoch": [7, 472], "num_exampl": 5, "num_featur": [5, 345], "num_group": 361, "num_head": [6, 396, 417], "num_it": 5, "num_lay": [6, 7, 472], "num_param": 340, "num_paramet": 397, "num_sampl": 252, "num_split": 0, "number": [0, 2, 12, 19, 62, 71, 96, 101, 102, 103, 105, 106, 118, 143, 145, 150, 169, 170, 174, 185, 204, 236, 243, 248, 249, 252, 255, 257, 261, 263, 267, 270, 271, 304, 305, 309, 313, 316, 317, 321, 322, 340, 345, 347, 348, 349, 350, 351, 352, 354, 355, 361, 365, 396, 397, 417, 418, 420, 421, 422, 423, 486, 488, 489, 494, 497, 500, 502, 508], "number_of_el": 0, "numer": [6, 146, 148, 198, 210, 214, 286, 345, 361, 365, 367, 400, 439, 440, 442, 452, 473, 474, 475, 476, 477, 478, 484, 497, 503], "numpi": [2, 6, 7, 8, 14, 17, 19, 88, 90, 91, 93, 130, 131, 135, 171, 172, 178, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296, 503, 505, 506], "nw": 1, "nwhc": 354, "o": [2, 9, 150, 366], "o_t": 366, "obj": 274, "object": [3, 11, 31, 51, 79, 96, 143, 144, 147, 184, 276, 317, 325, 326, 327, 328, 332, 354, 417, 496, 502], "observ": 6, "occupi": [118, 169, 248, 249], "occur": 504, "odim": 7, "odot": [360, 366], "off": [6, 9, 503], "offer": 447, "offset": [0, 1, 2, 6, 47, 84, 120, 146, 149, 307], "often": 355, "ok": [383, 497, 499, 500], "okai": [497, 503], "old": 6, "older": [142, 144, 176], "omit": [478, 498], "onc": [2, 9, 497, 499], "one": [0, 2, 4, 6, 9, 39, 79, 85, 95, 101, 102, 103, 105, 106, 125, 140, 142, 145, 146, 148, 149, 198, 208, 215, 249, 252, 291, 296, 312, 321, 332, 393, 418, 441, 498, 499, 502, 507], "ones": [0, 2, 6, 241, 276, 285, 309, 394, 395, 472, 498, 501], "ones_lik": 0, "onli": [1, 2, 6, 8, 9, 83, 92, 101, 102, 103, 105, 106, 114, 193, 194, 198, 202, 229, 248, 256, 315, 332, 340, 380, 381, 383, 388, 390, 393, 394, 395, 470, 497, 498, 499, 500, 502, 506, 507], "onlin": 475, "op": [1, 2, 242, 315, 381, 503], "open": [3, 9, 19, 259, 263, 498], "openmpi": 498, "oper": [3, 6, 8, 10, 38, 85, 86, 87, 103, 150, 168, 169, 245, 247, 286, 294, 301, 330, 332, 340, 417, 479, 497, 498, 500, 501, 503, 504, 505, 507, 508], "operand": [132, 133, 168], "opportun": 497, "opt": [480, 498], "optim": [1, 3, 5, 7, 8, 394, 497, 498, 500, 503], "option": [0, 3, 6, 15, 16, 18, 19, 27, 28, 29, 30, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 84, 85, 86, 87, 92, 96, 97, 100, 101, 102, 103, 104, 105, 106, 107, 110, 111, 112, 113, 114, 118, 119, 120, 123, 124, 125, 127, 128, 129, 142, 144, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 167, 168, 169, 170, 174, 182, 183, 186, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 214, 216, 218, 219, 228, 232, 236, 240, 243, 244, 246, 248, 249, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 267, 268, 270, 286, 287, 288, 291, 292, 293, 297, 299, 300, 304, 306, 307, 308, 309, 310, 311, 312, 313, 314, 317, 319, 321, 322, 325, 326, 327, 328, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 360, 366, 369, 372, 373, 374, 376, 380, 381, 383, 388, 393, 396, 398, 399, 401, 404, 409, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 486, 494, 497, 499, 506, 508], "ord": 198, "order": [0, 1, 29, 84, 103, 133, 193, 194, 198, 244, 248, 306, 340, 361, 394, 406, 481, 497, 500, 502], "ordinari": 177, "org": [361, 365, 367, 375, 400, 431, 453], "origin": [6, 120, 324, 345, 389, 420, 421, 422, 423, 473, 474, 475, 478, 479, 499, 504], "orthonorm": 173, "ostream": 2, "ostringstream": 2, "other": [0, 2, 6, 8, 184, 198, 340, 382, 470, 479, 497, 498, 499, 501, 502, 503, 505], "other_input": 340, "otherwis": [19, 103, 125, 228, 258, 322, 325, 326, 327, 328, 381, 383, 393, 415, 417, 418, 433, 439, 444, 451, 463, 464, 503, 504], "our": [1, 2, 6, 7, 406, 473, 474, 475, 478, 479, 498], "out": [0, 1, 2, 9, 92, 147, 176, 354, 355, 390, 497, 498, 499, 500, 501], "out_ax": [317, 500], "out_channel": [347, 348, 349, 350, 351, 352], "out_dim": [340, 470], "out_dtyp": 2, "out_idx": 2, "out_mask": 92, "out_proj": [6, 470], "out_ptr": 2, "out_shap": [1, 2], "outer": [0, 497, 503], "outlier": 447, "output": [0, 1, 2, 6, 9, 16, 17, 18, 19, 29, 84, 92, 93, 96, 98, 99, 110, 111, 112, 113, 114, 132, 143, 145, 146, 147, 148, 149, 150, 157, 160, 161, 162, 167, 168, 170, 173, 174, 178, 198, 204, 214, 216, 218, 219, 232, 236, 240, 241, 244, 246, 247, 251, 252, 253, 255, 256, 257, 259, 262, 263, 276, 277, 284, 285, 286, 291, 293, 297, 301, 307, 309, 313, 314, 315, 316, 317, 318, 319, 320, 345, 347, 348, 349, 350, 351, 352, 365, 369, 396, 399, 415, 417, 418, 420, 421, 422, 423, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 467, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "output_dim": [7, 340, 369, 399], "output_directori": 2, "output_dtyp": [1, 147], "output_fil": 6, "output_nam": [1, 147], "output_shap": [1, 147], "output_strip_trailing_whitespac": 4, "output_vari": 4, "outsid": [147, 164], "over": [0, 2, 6, 7, 16, 18, 27, 28, 29, 30, 100, 101, 102, 103, 104, 105, 106, 110, 111, 112, 113, 153, 156, 159, 162, 177, 198, 202, 204, 214, 216, 218, 232, 244, 246, 272, 286, 287, 293, 297, 304, 306, 314, 345, 347, 348, 349, 350, 351, 352, 361, 367, 400, 441, 486, 489, 498, 500, 502], "overal": 2, "overhead": [497, 503, 507], "overlap": 1, "overload": 19, "overrid": [2, 134], "overview": 3, "overwrit": 6, "own": [9, 498, 504], "owndata": 504, "p": [9, 196, 251, 340, 353, 354, 355, 452, 476, 478], "pack": [169, 248, 249], "packag": [2, 5, 7, 9, 334, 467, 498, 502], "package_data": 2, "pad": [0, 1, 100, 101, 102, 103, 104, 105, 106, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 342, 343, 344, 347, 348, 349, 350, 351, 352, 372, 373, 374], "pad_valu": 0, "pad_width": [0, 243], "padding_hi": 0, "padding_lo": 0, "page": [498, 505], "pain": 6, "pair": [0, 2, 243, 383, 404], "pairwis": 452, "pan": 6, "paper": [345, 409, 473, 474, 475, 478, 479], "parallel": [498, 507], "param": [313, 322, 340, 467, 499, 500], "paramet": [0, 1, 2, 5, 6, 7, 13, 14, 15, 16, 17, 18, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 227, 228, 229, 230, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 365, 366, 367, 368, 369, 372, 373, 374, 376, 377, 380, 381, 383, 388, 389, 390, 393, 394, 395, 396, 397, 398, 399, 400, 401, 404, 406, 409, 413, 415, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 466, 467, 470, 472, 473, 474, 475, 476, 477, 478, 479, 480, 481, 483, 484, 485, 486, 487, 488, 489, 490, 492, 497, 498, 499, 500, 503], "parameter_scal": 474, "parametr": [397, 454], "pars": [6, 143], "parse_arg": 6, "parser": 6, "part": [1, 2, 142, 144, 175, 176, 264, 500, 501], "parti": 498, "partial": [394, 395, 497, 503], "particip": [123, 124, 127, 128, 129], "particular": [248, 361], "particularli": 497, "partit": [0, 29], "pass": [1, 2, 6, 7, 66, 80, 242, 243, 313, 321, 323, 325, 326, 327, 340, 381, 393, 394, 395, 406, 497, 498, 499, 502, 503], "password": [498, 502], "path": [3, 4, 9, 133, 142, 143, 144, 176, 230, 276, 277, 322, 327, 383, 498, 502], "pattern": [340, 503], "peak": [224, 226], "penalti": 485, "pep": 504, "per": [6, 7, 118, 150, 169, 248, 249, 321, 322, 345, 361, 365, 367, 400, 492, 497, 498, 502, 503], "perceptron": [8, 499], "perf_count": 497, "perfectli": 503, "perform": [0, 1, 2, 3, 6, 8, 15, 92, 103, 110, 111, 112, 113, 129, 132, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 168, 169, 173, 193, 194, 215, 249, 271, 286, 300, 321, 340, 361, 417, 422, 423, 472, 497, 498, 501, 503, 507], "perhap": [2, 6], "perm": 7, "permtuat": 258, "permuat": 196, "permut": [0, 7], "persist": 9, "pg": 198, "phi": [358, 429], "physic": 498, "pi": [136, 358, 409, 430, 500], "pick": 2, "pip": [2, 4, 9], "pipelin": 2, "pivot": [196, 197], "pixel": 354, "place": [2, 6, 39, 270, 271, 322, 498, 503, 504], "placehold": 497, "plai": [2, 6], "plain": 406, "plan": [2, 497], "platform": 9, "plot": 498, "plu": [0, 208], "png": 498, "point": [0, 2, 5, 6, 9, 84, 163, 166, 249, 332], "pointer": 2, "pool": [342, 343, 344, 372, 373, 374, 507], "popul": 2, "port": 502, "portion": 353, "posinf": [0, 236], "posit": [0, 6, 29, 120, 149, 164, 170, 183, 190, 191, 234, 236, 244, 256, 270, 307, 313, 326, 340, 347, 348, 349, 350, 351, 352, 396, 404, 409, 442, 452, 499], "possibl": [125, 288, 357, 398, 497, 498, 501, 507], "possibli": [6, 15, 92, 168, 215, 324], "postur": 6, "potenti": 228, "power": [0, 500, 504], "practic": [2, 497], "pre": [9, 150, 439], "preced": 361, "precis": [0, 2, 6, 141, 150, 340, 358, 400, 439, 480, 497], "preclud": 340, "pred": [443, 447], "predic": [322, 388], "predict": [439, 442, 443, 444, 445, 446, 447, 449, 450, 451], "prefix": [317, 325], "prelu": 340, "prepar": [2, 6, 498], "prepend": [3, 215], "preprint": [6, 473, 479], "preprocessor": 9, "present": 1, "preserv": [268, 500], "press": [6, 198], "pressur": 2, "pretti": [497, 503], "prevent": [294, 452, 504], "previou": [227, 228, 229], "primal": [1, 2, 114, 185, 316], "primit": 500, "print": [1, 2, 5, 6, 7, 9, 114, 186, 324, 325, 326, 327, 329, 340, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505], "prior": [247, 300, 301], "priorit": 500, "privat": [2, 4], "prng": [251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 494], "prob": 439, "probabl": [9, 259, 353, 354, 355, 399, 439, 441, 445, 507], "problem": [5, 7, 340], "process": [6, 103, 107, 122, 123, 124, 125, 127, 128, 129, 321, 326, 327, 355, 357, 417, 496, 498, 502], "processor": 9, "prod": [0, 1], "produc": [0, 2, 9, 96, 396, 467, 499], "product": [0, 2, 15, 84, 112, 177, 185, 186, 192, 215, 242, 246, 304, 316, 396, 505], "profil": 3, "program": [4, 224], "programmat": 395, "project": [3, 4, 6, 396, 499], "project_source_dir": 2, "promot": [2, 150], "promote_typ": 2, "promoted_dtyp": 2, "prompt": 6, "propag": [500, 501], "properti": [32, 39, 48, 52, 62, 63, 69, 71, 389, 392, 482, 498, 500], "proportion": 324, "protocol": 504, "provid": [0, 2, 6, 84, 118, 142, 143, 170, 258, 270, 304, 313, 321, 326, 328, 334, 340, 376, 381, 383, 393, 394, 395, 398, 399, 417, 418, 466, 470, 498, 499, 506, 508], "pseudo": 494, "pth": 6, "public": [2, 340], "pun": 0, "pure": [1, 114, 340, 472], "purpos": [1, 198, 498], "purs": 6, "push": 2, "push_back": 2, "put": [0, 1, 7, 247, 497, 498], "put_along_axi": [0, 196], "py": [2, 6, 9, 498, 502], "pypi": 9, "python": [1, 3, 4, 6, 51, 69, 79, 138, 321, 325, 326, 327, 328, 329, 470, 480, 481, 483, 496, 498, 499, 500, 502, 504], "python_execut": 4, "python_requir": 2, "pytorch": [6, 8, 358, 361, 500], "pytorch_compat": 361, "q": [150, 199], "quantiz": [0, 118, 169, 205, 249, 398, 399], "quantized_matmul": 0, "quantizedembed": 340, "quantizedlinear": 340, "quarter": 6, "queri": [6, 150, 229, 396], "query_input_dim": 396, "query_proj": 6, "question": [6, 503], "queue": 3, "quick": [2, 8], "quit": [500, 504], "quotient": [0, 130, 131, 166], "r": [2, 6, 199, 313, 354, 360], "r_t": 360, "race": 507, "radian": [0, 117], "rag": 6, "rain": 6, "rais": [0, 6, 114, 198, 228, 245, 288, 383, 499], "ram": 6, "random": [1, 2, 3, 5, 6, 7, 8, 147, 342, 343, 344, 345, 365, 372, 373, 374, 383, 390, 497, 499, 500, 507, 508], "randomli": [5, 6, 258, 353, 354, 355], "rang": [0, 2, 3, 5, 6, 7, 9, 19, 164, 168, 204, 421, 423, 430, 431, 472, 486, 487, 488, 489, 490, 494, 497, 500, 503, 507], "rank": [0, 127, 128, 129, 448, 498, 502], "rate": [5, 472, 473, 474, 475, 476, 477, 478, 479, 484, 485], "rather": [2, 500, 507], "ratio": [0, 25], "rceil": 92, "re": [7, 9, 467], "reachabl": 498, "readabl": 3, "readi": 2, "real": [0, 157, 158, 159, 160, 161, 162, 190, 191, 193, 194], "realli": 367, "reason": [1, 6, 501], "reboot": 9, "receiv": [127, 128, 322, 488, 498, 504], "reciproc": [0, 272], "reclaim": 227, "recommend": [9, 228, 479], "recompil": [96, 497], "reconstruct": 196, "record": [3, 224, 503], "recreat": [329, 472], "rectifi": [368, 402, 403, 422, 423, 436, 455, 456], "recurr": [360, 366, 401], "recurs": [143, 340, 380, 381, 386, 391, 393, 470], "recv": [128, 498], "redirect": 2, "reduc": [0, 1, 9, 16, 18, 27, 28, 124, 214, 216, 218, 232, 246, 293, 297, 314, 321, 328, 345, 417, 447], "reduct": [16, 18, 124, 214, 216, 232, 246, 328, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452], "redund": 500, "refer": [198, 365, 375, 389, 420, 421, 422, 423, 431, 453, 501], "reflect": [389, 497, 501, 504], "regard": 358, "regardless": [84, 150, 498], "regist": [2, 7], "register_librari": 2, "regress": [8, 447], "regular": [39, 354, 453, 477, 497, 499, 501], "regularli": 2, "reimplement": 2, "rel": [17, 178, 474, 497, 498], "relative_step": 474, "relax": 228, "releas": 4, "relev": 2, "reli": [1, 2], "relu": [340, 397, 417, 454, 467], "relu6": 340, "remain": [0, 6, 229, 313, 327, 353, 354, 355, 498], "remaind": [0, 131], "remov": [0, 120, 215, 252, 291, 441], "rep": [0, 305], "repeat": [0, 305], "repeatedli": 5, "repetit": 267, "replac": [0, 6, 236, 394, 395, 417, 451], "replai": 3, "repli": 6, "repo": [5, 7, 9, 497], "report": [222, 228], "repres": [2, 6, 122, 125, 169, 448, 452, 504], "represent": [6, 197, 248, 315, 325, 329], "request": 2, "requir": [1, 2, 4, 6, 340, 498, 502, 503, 504], "requires_grad": 500, "rerun": [497, 503], "rescal": 324, "research": 8, "reset": 226, "reset_peak_memori": 224, "reshap": [0, 6, 198, 418, 497, 501], "resid": 229, "resolv": 2, "resourc": 2, "resource_limit": 221, "respect": [2, 5, 7, 114, 146, 148, 168, 169, 170, 248, 313, 326, 340, 345, 358, 361, 365, 367, 470, 498, 500, 502, 505], "respons": 2, "rest": [6, 149, 326, 327, 404, 502], "restart": 9, "restor": 270, "result": [0, 6, 15, 19, 39, 79, 84, 96, 143, 146, 148, 169, 186, 198, 215, 249, 256, 267, 292, 326, 327, 328, 332, 409, 439, 497, 498, 500, 504], "resum": 6, "return": [0, 1, 2, 4, 5, 6, 7, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 51, 69, 79, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 142, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 223, 227, 228, 229, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 271, 272, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 322, 323, 324, 325, 326, 327, 328, 329, 340, 360, 366, 376, 377, 378, 380, 381, 382, 383, 384, 385, 386, 390, 391, 393, 394, 395, 401, 419, 420, 421, 422, 423, 424, 425, 426, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 467, 470, 480, 496, 497, 498, 499, 500, 501, 503, 504, 506, 507], "return_metadata": 205, "revers": [0, 2, 42, 43, 44, 45, 84, 110, 111, 112, 113, 308, 409], "rf": 9, "rfft": 157, "rfft2": 158, "rfftn": 159, "rho": 473, "rhs_indic": [0, 168, 169], "rhs_mask": 92, "right": [0, 1, 2, 9, 248, 269, 270, 358, 418, 430, 431, 442, 444, 452], "right_shift": 0, "ring": 125, "rm": [6, 9, 148, 474], "rmsnorm": [6, 340], "rmsprop": 472, "rnn": [340, 360], "roadcast": 259, "robust": 447, "roform": [6, 404], "roll": 0, "root": [0, 6, 148, 272, 289, 400], "rope": [6, 340], "rosetta": 9, "rotari": [6, 149, 404], "rotat": [149, 404], "round": [0, 248], "routin": 2, "row": [0, 1, 2, 84, 145, 147, 174, 248, 309], "row_contigu": 2, "rpath": 2, "rsqrt": 0, "rtol": [0, 17, 178], "rule": [2, 472], "run": [1, 2, 3, 4, 6, 7, 8, 9, 10, 147, 242, 330, 345, 376, 473, 474, 476, 477, 478, 497, 499, 502, 503, 507, 508], "runtim": [6, 125, 334, 497, 498], "runtime_error": 2, "safetensor": [9, 205, 275, 383, 387, 472, 503, 506], "sai": [2, 6, 467, 503], "said": 6, "sake": 500, "same": [0, 2, 6, 9, 17, 39, 83, 93, 96, 101, 102, 103, 105, 106, 107, 123, 146, 148, 157, 160, 161, 162, 169, 170, 178, 185, 243, 252, 270, 271, 285, 315, 316, 318, 321, 327, 340, 343, 344, 345, 353, 361, 365, 373, 374, 398, 419, 420, 421, 422, 423, 424, 425, 426, 441, 452, 470, 480, 494, 497, 498, 499, 501, 502, 507], "sampl": [2, 5, 6, 204, 251, 252, 253, 255, 256, 259, 262, 263, 420, 421, 422, 423, 425, 426, 442, 448, 452, 494, 497, 499], "sat": 6, "save": [3, 6, 8, 205, 230, 248, 274, 275, 276, 277, 387, 499, 503], "save_gguf": 506, "save_safetensor": [387, 472, 506], "save_weight": 340, "savez": [6, 387, 506], "savez_compress": 506, "saw": [6, 500], "scalar": [0, 2, 14, 15, 17, 31, 51, 79, 83, 88, 89, 90, 91, 92, 93, 95, 130, 131, 135, 166, 167, 170, 171, 172, 173, 178, 187, 188, 189, 204, 210, 211, 212, 213, 215, 217, 233, 235, 236, 239, 243, 245, 251, 259, 262, 263, 266, 269, 274, 296, 313, 315, 318, 323, 452, 499, 500, 503, 505], "scale": [0, 2, 6, 15, 118, 146, 148, 149, 150, 169, 173, 248, 249, 255, 257, 324, 354, 355, 367, 396, 404, 405, 409, 418, 457, 474], "scale_arr": 2, "scale_factor": 418, "scale_paramet": 474, "scatter": 0, "scatter_add": 0, "scatter_add_axi": 0, "scatter_max": 0, "scatter_min": 0, "scatter_prod": 0, "schedul": [2, 228, 472, 486, 487, 488, 489, 490, 492, 507], "schema": [3, 502], "scipi": [173, 196], "scope": 340, "score": [6, 150, 448], "script": [498, 502], "sdk": 9, "se": 1, "second": [6, 9, 120, 184, 186, 187, 211, 213, 215, 269, 298, 307, 313, 343, 344, 373, 374, 440, 448, 474, 478, 497, 499, 500, 507], "second_layer_a": 503, "second_layer_b": 503, "secret": 6, "section": [1, 6, 9, 288, 452, 497, 498, 500], "see": [1, 2, 4, 6, 7, 9, 11, 12, 33, 34, 35, 36, 37, 40, 41, 42, 43, 44, 45, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 198, 227, 274, 275, 322, 332, 340, 345, 346, 354, 356, 358, 362, 363, 364, 370, 371, 379, 397, 398, 399, 402, 403, 404, 405, 407, 409, 410, 411, 412, 413, 414, 416, 418, 420, 421, 422, 423, 429, 430, 431, 457, 497, 498, 499, 500, 501, 502, 505, 507], "seed": 254, "seen": [498, 504], "select": [0, 3, 9, 193, 194, 306, 318, 376, 380, 388, 502], "self": [6, 7, 10, 31, 32, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 51, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 114, 163, 340, 453, 470], "selu": 340, "semant": [14, 88, 90, 91, 93, 130, 131, 135, 171, 172, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296, 507], "semi": [190, 191, 256], "send": 498, "sender": 498, "sennrich": 6, "sensit": 447, "sentencepiec": 6, "separ": [6, 66, 80, 361, 448], "sequenc": [6, 16, 18, 34, 35, 57, 58, 59, 60, 64, 72, 75, 76, 77, 81, 84, 93, 103, 127, 140, 147, 152, 153, 155, 156, 158, 159, 161, 162, 167, 170, 214, 216, 218, 232, 240, 246, 251, 252, 253, 255, 256, 257, 259, 262, 263, 268, 284, 285, 286, 288, 291, 293, 297, 304, 305, 308, 312, 313, 314, 319, 345, 347, 350, 360, 366, 401, 417, 494, 507], "sequenti": [340, 467], "seri": 9, "serial": 472, "set": [2, 4, 6, 7, 9, 96, 114, 121, 123, 124, 125, 127, 128, 129, 134, 146, 148, 149, 221, 227, 228, 229, 278, 279, 295, 321, 358, 367, 369, 379, 381, 388, 389, 390, 393, 394, 399, 404, 415, 440, 452, 464, 470, 472, 474, 476, 477, 481, 494, 499, 500, 503], "set_byt": 2, "set_compute_pipeline_st": 2, "set_data": 2, "set_default_devic": 2, "set_dtyp": 340, "set_input_arrai": 2, "set_memory_limit": 227, "set_output_arrai": 2, "set_vector_byt": 2, "setup": [2, 4, 5, 7, 9, 497, 498, 499], "sever": [6, 9, 100, 101, 102, 103, 104, 105, 106, 276, 277, 321, 497, 498, 502, 506], "sgd": [5, 7, 472, 479, 481, 486, 487, 490, 497], "shade": [1, 2], "shall": 6, "shape": [0, 2, 3, 6, 7, 66, 83, 84, 92, 93, 96, 100, 101, 102, 103, 104, 105, 106, 120, 123, 127, 128, 142, 144, 147, 150, 151, 154, 157, 160, 161, 162, 167, 168, 173, 185, 195, 203, 215, 240, 241, 251, 252, 253, 255, 256, 257, 259, 262, 263, 268, 270, 285, 312, 315, 316, 318, 319, 320, 340, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 354, 355, 360, 365, 366, 369, 372, 373, 374, 383, 401, 419, 420, 421, 422, 423, 424, 425, 426, 441, 452, 472, 497, 499, 500, 501, 505, 507], "shapeless": [0, 96, 142, 144], "share": [8, 118, 169, 248, 249, 315, 498], "shazeer": 6, "shift": [0, 187, 269, 270, 345], "shop": 6, "should": [1, 2, 4, 5, 6, 7, 9, 84, 120, 123, 146, 147, 148, 150, 185, 220, 229, 230, 247, 248, 301, 307, 313, 316, 321, 322, 325, 340, 347, 348, 349, 350, 351, 352, 354, 355, 390, 396, 406, 441, 443, 448, 470, 496, 497, 498, 499, 500, 503, 504, 508], "show": [9, 332, 497], "shown": 2, "shuffl": 7, "side": [0, 243, 342, 343, 344, 372, 373, 374, 497], "sigma": [358, 359, 360, 366, 408, 420, 421, 422, 423, 431, 432, 437, 458, 459], "sigmoid": [0, 6, 340, 370, 407, 431, 437, 439, 459], "sign": [0, 17, 178, 332, 479], "signal": [107, 418], "signatur": [1, 147], "signedinteg": [12, 184], "signific": 248, "significantli": 498, "silent": [160, 161, 162], "silicon": [2, 6, 8, 9, 507], "silu": 340, "simd": 1, "simd_sum": 1, "simdgroup": 1, "simdgroup_s": 1, "similar": [6, 169, 184, 326, 394, 395, 396, 440, 498, 504, 506], "similarli": [2, 9, 215, 500, 503], "simpl": [2, 6, 7, 340, 357, 466, 472, 497, 498, 499, 500, 502, 503], "simple_axpbi": 2, "simple_tim": 2, "simplest": [2, 340, 498], "simpli": [2, 6, 9, 356, 368, 402, 428, 436, 455, 465, 470, 497, 498, 500, 502], "simplic": 0, "simplifi": 498, "simultan": 1, "sin": [0, 114, 409, 499, 500, 505], "sinc": [1, 2, 6, 7, 169, 224, 470, 479, 488, 497, 499, 504, 507], "sine": [0, 22, 23, 282, 283, 499, 500], "sing": 198, "singer": 475, "singl": [2, 7, 138, 185, 205, 219, 243, 316, 343, 344, 373, 374, 497, 499, 501, 506], "singleton": [0, 16, 18, 27, 28, 125, 214, 215, 216, 218, 232, 246, 293, 297, 314, 498], "singular": [198, 202], "sinh": 0, "sinusoid": 409, "sinusoidalpositionalencod": 340, "size": [0, 1, 2, 6, 7, 52, 69, 92, 101, 102, 105, 106, 118, 140, 146, 147, 148, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 167, 169, 173, 174, 184, 192, 198, 223, 228, 229, 248, 249, 252, 268, 284, 288, 291, 312, 315, 321, 322, 340, 342, 343, 344, 347, 348, 349, 350, 351, 352, 357, 365, 372, 373, 374, 398, 399, 418, 474, 498, 503, 504], "size_in_megabyt": 229, "size_t": [0, 2], "skip": [3, 84], "slice": [0, 285, 501], "slice_s": [0, 284], "slice_upd": 0, "slide": [342, 343, 344, 372, 373, 374], "slight": [6, 503], "slightli": [404, 507], "slope": 368, "slow": 497, "slowli": 6, "small": [6, 141, 146, 148, 321, 345, 361, 367, 400, 442, 447, 452, 497, 507], "smaller": [0, 9, 244, 321, 479, 497], "smallest": 198, "smile": 6, "smooth": [441, 451, 484], "smooth_l1_loss": 340, "sned": 129, "snippet": 498, "so": [1, 2, 6, 9, 170, 173, 313, 353, 418, 472, 497, 498, 503, 507], "socket": 498, "softmax": [0, 6, 150, 340, 371, 438, 441], "softmin": 340, "softplu": [340, 375, 453], "softshrink": 340, "softsign": 340, "solut": [200, 201], "solv": 340, "some": [0, 2, 5, 6, 7, 143, 381, 393, 472, 481, 497, 498, 499, 500, 502, 503], "someon": 6, "someth": [5, 6, 501], "sometim": 497, "sonoma": 9, "soon": 6, "sort": [0, 29, 30, 244, 306], "sourc": [0, 1, 2, 3, 4, 61, 127, 128, 147, 234, 308, 498], "space": [0, 2, 204, 439, 450], "spars": [0, 219], "spatial": [101, 102, 103, 105, 106, 342, 343, 344, 361, 372, 373, 374, 418], "speak": [6, 198], "special": 2, "specif": [1, 2, 9, 498, 500], "specifi": [0, 2, 19, 38, 101, 102, 103, 105, 106, 120, 158, 159, 167, 170, 192, 198, 204, 234, 240, 247, 252, 267, 298, 300, 301, 304, 307, 308, 313, 317, 319, 345, 415, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 497, 498, 499, 500, 507], "speed": [1, 2], "spent": 6, "split": [0, 359, 361, 432], "splittabl": 494, "sqrt": [0, 6, 136, 150, 173, 345, 358, 361, 365, 367, 369, 400, 409, 420, 421, 422, 423, 430, 473, 475, 476, 477, 484, 497], "squar": [0, 5, 6, 148, 174, 195, 203, 272, 289, 313, 326, 340, 400, 449, 451, 473, 474, 476, 477, 478, 500, 504], "squeez": [0, 418, 497], "src": [0, 127, 128], "ssh": [498, 502], "stabil": [146, 148, 345, 361, 365, 367, 400, 439, 440, 442, 473, 474, 475, 476, 477, 478, 484], "stabl": [210, 214, 286, 447], "stable_abi": 2, "stack": [0, 497], "standard": [0, 1, 4, 7, 51, 79, 215, 253, 257, 293, 417, 420, 422, 425, 498, 505], "starmap": [6, 326], "start": [0, 1, 2, 5, 6, 8, 9, 19, 149, 204, 230, 284, 285, 288, 328, 497, 499, 501, 502, 507], "start_axi": [0, 50, 164], "start_captur": 3, "start_indic": [284, 285], "state": [6, 7, 340, 360, 366, 401, 472, 481, 494, 497], "static": [9, 497], "static_cast": 2, "std": [0, 2, 4, 425, 499], "stderr": 502, "stdout": 502, "step": [0, 3, 4, 6, 7, 19, 321, 340, 360, 366, 401, 474, 481, 486, 488, 489, 490, 497, 498], "step_decai": 472, "step_siz": 490, "still": [6, 9, 198, 497, 503], "stochast": [475, 476, 478, 485, 503], "stood": 6, "stop": [0, 2, 6, 19, 204, 231, 294, 500, 501], "stop_captur": 3, "stop_gradi": [0, 500], "storag": 84, "store": 6, "str": [2, 107, 125, 132, 133, 142, 143, 144, 147, 170, 176, 193, 194, 198, 205, 219, 221, 230, 273, 274, 275, 276, 277, 313, 322, 325, 329, 376, 377, 380, 381, 383, 385, 387, 393, 418, 422, 423, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452], "straight": 6, "strang": 6, "stream": [2, 8, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 116, 117, 118, 119, 120, 123, 124, 127, 128, 129, 130, 131, 132, 135, 136, 137, 139, 140, 141, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 171, 172, 173, 174, 175, 177, 178, 179, 180, 181, 182, 183, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 314, 315, 318, 319, 320, 498, 507], "streamcontext": 295, "streamordevic": [0, 2], "street": 6, "strength": [479, 485], "strict": [125, 171, 188, 381, 383, 393], "strictli": [198, 229], "stride": [0, 2, 84, 100, 101, 102, 103, 104, 105, 106, 342, 343, 344, 347, 348, 349, 350, 351, 352, 372, 373, 374, 404, 501], "string": [0, 2, 133, 142, 147, 176, 221, 243, 499, 504, 506], "stronger": 502, "structur": [2, 321, 480, 500], "stub": 9, "style": [2, 14, 17, 88, 90, 91, 130, 131, 135, 171, 172, 178, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296], "su": 6, "sub": [0, 7, 120, 261, 284, 285, 307, 322], "subarrai": [120, 288], "subclass": 470, "subdivid": 1, "subdtyp": 184, "subgradi": 475, "sublinear": 474, "submodul": [6, 7, 340, 377, 381, 382, 393, 395], "subnetwork": 498, "suboptim": 499, "subscript": [132, 133], "subsect": 6, "subsequ": [125, 472, 498, 502], "subset": [340, 380], "substanti": 9, "subtl": 497, "subtract": [0, 39], "subtyp": [184, 332], "succe": 125, "successfulli": 498, "sudo": [9, 229, 498], "suggest": 498, "sum": [0, 2, 5, 14, 113, 124, 144, 177, 198, 214, 286, 304, 307, 340, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 498, 501, 504], "sum_": [198, 447], "sum_i": 438, "sum_j": [460, 461], "summat": [132, 133], "super": [6, 7, 340, 470], "superset": [326, 480], "support": [1, 2, 6, 8, 9, 17, 92, 102, 105, 106, 150, 164, 173, 178, 190, 191, 193, 194, 195, 199, 202, 203, 205, 215, 248, 256, 498, 500, 501, 504, 506], "suppos": [500, 507], "sure": [2, 3, 6, 9, 340, 497], "surpass": [422, 423], "surpris": 6, "sw": 1, "swap": [0, 107, 228, 298, 395], "swapax": [0, 114], "swiglu": 6, "swish": [407, 459], "switch": 9, "symbol": 479, "symmetr": [101, 102, 105, 106, 190, 191, 193, 194], "symmetri": [193, 194], "synchron": [2, 497], "syntax": [39, 501], "synthet": 5, "sysctl": 229, "system": [4, 6, 9, 200, 201, 221, 222, 223, 229], "t": [0, 1, 2, 4, 6, 9, 136, 147, 150, 169, 190, 191, 249, 313, 340, 360, 366, 401, 473, 474, 475, 476, 477, 478, 479, 484, 485, 497, 499, 500, 507], "t_kv": 150, "t_q": 150, "tabl": [1, 198, 332, 357], "take": [0, 2, 6, 7, 88, 89, 90, 91, 96, 142, 168, 170, 185, 217, 233, 241, 249, 301, 313, 316, 317, 320, 327, 328, 342, 343, 344, 372, 373, 374, 396, 439, 494, 498, 499, 500, 501, 502, 506, 507, 508], "take_along_axi": [0, 196, 501], "taken": [120, 300, 307], "talk": 498, "tan": 0, "tangent": [0, 2, 24, 25, 26, 114, 185, 302, 303, 416, 465], "tangent_i": 2, "tangent_x": 2, "tanh": [0, 340, 358, 360, 366, 375, 401, 430, 453], "target": [2, 313, 439, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 497], "target_include_directori": 2, "target_link_librari": [2, 4], "target_link_opt": 2, "target_sourc": 2, "task": [228, 447], "tau": 485, "tcp": 498, "tediou": 498, "tell": [4, 6, 497, 504], "temp": 6, "templat": [0, 1, 2, 147], "ten": 503, "tend": 479, "tensor": [205, 304, 452, 504], "tensordot": 0, "term": [2, 442, 473, 474, 475, 476, 477, 478, 484], "termin": [9, 502], "test": [7, 9, 498, 502], "test_imag": 7, "test_label": 7, "text": [6, 358, 360, 366, 375, 401, 408, 415, 420, 421, 422, 423, 430, 433, 434, 435, 442, 443, 444, 447, 448, 451, 453, 454, 457, 458, 463, 464, 474, 479], "textrm": [248, 358, 359, 429, 432], "tf": 504, "tgp_size": 2, "th": [110, 111, 112, 113, 119, 145, 193, 488], "than": [1, 2, 6, 79, 107, 120, 131, 149, 168, 171, 172, 188, 189, 190, 191, 193, 194, 195, 196, 202, 203, 215, 227, 229, 324, 326, 404, 415, 418, 448, 451, 464, 474, 479, 497, 499, 500, 507], "thank": 503, "thei": [1, 2, 5, 6, 9, 17, 107, 169, 178, 406, 443, 470, 479, 496, 497, 498, 499, 503, 505, 506, 507], "them": [0, 2, 6, 123, 340, 381, 393, 498, 499, 502, 507], "themselv": [2, 497], "thi": [0, 1, 2, 4, 6, 7, 9, 16, 17, 18, 19, 27, 28, 29, 30, 84, 114, 134, 142, 144, 147, 168, 169, 173, 176, 178, 185, 190, 191, 193, 194, 195, 198, 199, 202, 203, 210, 214, 215, 216, 218, 220, 222, 229, 232, 244, 246, 252, 279, 286, 287, 288, 293, 297, 300, 306, 314, 321, 324, 327, 328, 340, 353, 354, 355, 359, 360, 366, 377, 378, 380, 381, 384, 385, 386, 391, 393, 394, 395, 396, 399, 401, 415, 420, 421, 422, 423, 430, 431, 432, 439, 447, 464, 470, 481, 496, 497, 498, 499, 500, 502, 503, 504, 506], "thin": 502, "thing": [2, 6], "third": [192, 344, 374, 498, 499], "thompson": 354, "those": [2, 6, 340], "though": [2, 6, 497, 499, 503, 504], "thousand": 503, "thread": [1, 2], "thread_index_in_simdgroup": 1, "thread_position_in_grid": [1, 2, 147], "threadgroup": [1, 2, 147], "threads_per_simdgroup": 1, "three": [6, 87, 344, 374, 418], "threefri": 494, "threshold": [415, 444, 451, 464], "through": [1, 2, 294, 417, 479, 497, 498, 499, 500, 504], "throw": [2, 96, 125], "thu": [6, 340], "thumb": 472, "tic": 497, "tieleman": 484, "tile": [0, 150], "time": [2, 6, 9, 228, 305, 340, 360, 366, 401, 497, 498, 500, 503, 507], "timeit": [497, 500], "titl": 2, "tmp": [1, 147], "to_quant": 322, "to_stream": 2, "toc": 497, "togeth": [0, 1, 2, 7, 248, 326, 327, 498], "tok_embed": 6, "token": [6, 357, 398], "told": 6, "toler": [0, 17, 178], "too": [184, 497, 503], "took": 6, "tool": 9, "top": [2, 306, 369, 418], "topk": 0, "torch": [6, 504], "torch_weight": 6, "total": [229, 500], "total_norm": 324, "tpi": 497, "tpng": 498, "trace": [0, 3, 144, 497], "trace_fil": 3, "tracer": 394, "track": [2, 340, 345], "track_running_stat": 345, "trade": 503, "tradit": [6, 149, 354, 355, 404], "train": [6, 7, 340, 345, 353, 354, 355, 379, 381, 393, 420, 421, 499], "train_imag": [7, 472], "train_label": [7, 472], "trainabl": [7, 323, 340, 470], "trainable_paramet": [340, 380, 481], "transfer": 502, "transform": [1, 6, 8, 114, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 173, 323, 340, 345, 361, 367, 369, 380, 381, 393, 399, 404, 501], "transformerencod": 276, "transit": 488, "translat": [146, 367], "transpos": [0, 6, 32, 104, 105, 106, 169, 249, 350, 351, 352], "treat": [0, 2, 114, 158, 159, 161, 162, 300, 418, 497], "tree": [8, 96, 138, 170, 313, 317, 321, 325, 326, 327, 328, 329, 480, 481, 483, 492, 500], "tree_flatten": [276, 326, 329, 340, 472, 499], "tree_map": [327, 340, 498], "tree_unflatten": [6, 472, 499], "trembl": 6, "tri": [0, 125], "triangl": [193, 194, 309], "triangular": [190, 191, 201, 203], "trigger": 497, "tril": 0, "trilinear": 418, "triplet": 452, "triplet_loss": 340, "triu": 0, "true": [0, 1, 2, 4, 5, 6, 17, 42, 43, 44, 45, 83, 96, 110, 111, 112, 113, 147, 149, 169, 178, 184, 190, 191, 198, 202, 205, 219, 228, 249, 286, 318, 322, 325, 326, 327, 328, 332, 340, 345, 347, 348, 349, 350, 351, 352, 360, 361, 365, 366, 367, 369, 380, 381, 383, 390, 393, 399, 401, 404, 409, 417, 418, 439, 447, 474, 476, 477, 497, 499], "truncat": [151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 262], "truth": [5, 441, 451], "try": [2, 9, 498], "tupl": [0, 31, 66, 69, 80, 97, 101, 102, 103, 105, 106, 127, 131, 133, 138, 140, 142, 176, 185, 193, 196, 197, 198, 199, 202, 243, 248, 268, 270, 284, 285, 291, 312, 313, 316, 325, 326, 327, 328, 329, 342, 343, 344, 348, 349, 351, 352, 372, 373, 374, 383, 385, 406, 418, 474, 476, 477, 478, 479, 496, 499, 500], "tutori": 2, "twice": 507, "two": [0, 2, 14, 15, 17, 25, 83, 86, 88, 90, 91, 92, 120, 130, 135, 152, 155, 161, 168, 169, 171, 172, 178, 186, 188, 189, 190, 191, 192, 193, 194, 195, 199, 202, 203, 210, 215, 217, 233, 235, 239, 242, 298, 328, 343, 359, 366, 373, 432, 440, 497, 498, 499, 500, 501, 507], "txt": [2, 4], "type": [0, 1, 2, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 69, 79, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 221, 227, 228, 229, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 271, 272, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 324, 325, 328, 340, 388, 417, 419, 420, 421, 422, 423, 424, 425, 426, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 497, 499, 501, 504], "type_to_nam": 2, "typenam": [0, 1, 2], "typic": [0, 150, 321, 357, 472, 497, 503], "u": [1, 2, 4, 190, 193, 194, 196, 202, 369, 395, 492, 498, 502, 503], "u_": 473, "u_t": 473, "uint": [1, 2, 147], "uint16": [12, 332], "uint3": 1, "uint32": [12, 27, 28, 29, 30, 252, 332], "uint64": [12, 332], "uint8": [12, 332], "ultra": 6, "unabl": 9, "unam": 9, "unari": 497, "unchang": [149, 294, 404], "uncheck": 9, "uncompress": 276, "undefin": [0, 29, 114, 190, 191, 244, 256, 501], "under": [2, 198], "underli": [2, 315], "understand": [6, 420, 421], "unevalu": 143, "unexpect": [2, 19], "unexpectedli": 502, "unflatten": 0, "unfreez": [340, 381], "unfrozen": 393, "unifi": 8, "uniform": [3, 340, 369, 383, 421, 423, 467, 494, 497, 500, 507], "uniformli": 263, "unintend": 0, "union": [19, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 85, 86, 87, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 182, 183, 184, 186, 193, 194, 202, 221, 274, 295], "uniqu": [2, 200, 201, 494, 498], "unique_ptr": 2, "unit": [346, 356, 358, 359, 360, 368, 402, 403, 405, 407, 420, 421, 422, 423, 427, 428, 429, 430, 431, 432, 436, 455, 456, 457, 459], "unittest": 9, "univers": 198, "unless": [6, 17, 178, 198, 470], "unlik": [6, 17, 178, 196, 354, 355, 389], "unnecessari": [2, 6], "unnorm": [252, 439, 441], "unscal": 474, "unsign": [169, 248, 249, 332], "unsignedinteg": 12, "unspecifi": [16, 18, 19, 27, 28, 29, 30, 97, 110, 111, 112, 113, 167, 214, 216, 218, 232, 240, 244, 246, 267, 286, 287, 293, 297, 300, 306, 307, 314, 319, 508], "unsqueez": 6, "unsupport": 205, "until": [2, 321, 503, 505], "unus": 2, "up": [1, 2, 6, 114, 497], "upcast": 2, "updat": [0, 1, 2, 5, 6, 7, 39, 96, 285, 322, 326, 328, 345, 376, 377, 383, 388, 389, 390, 395, 472, 474, 477, 479, 480, 481, 485, 486, 487, 488, 489, 490, 497, 498, 499, 503], "update_modul": 340, "uplo": [193, 194], "upon": [6, 326, 327], "upper": [190, 191, 193, 194, 201, 203, 248, 259, 262, 263, 426], "upsampl": 340, "us": [0, 3, 5, 6, 7, 8, 9, 19, 39, 84, 114, 118, 121, 123, 124, 127, 128, 129, 131, 147, 149, 164, 169, 187, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 215, 222, 223, 224, 227, 229, 248, 249, 267, 268, 269, 270, 299, 312, 321, 325, 328, 332, 334, 340, 343, 344, 354, 357, 358, 360, 366, 369, 373, 374, 376, 380, 387, 394, 396, 398, 399, 401, 404, 409, 417, 418, 422, 423, 430, 431, 440, 467, 470, 472, 473, 474, 476, 477, 478, 479, 480, 481, 494, 496, 497, 498, 499, 500, 501, 502, 505, 507], "usag": [417, 497, 498], "user": [2, 6, 340], "usual": [357, 398, 496, 503], "util": [1, 2, 6, 8, 9, 276, 340, 472, 502], "v": [6, 107, 150, 193, 340, 381, 504], "v_": [473, 475, 476, 477, 478, 484, 485], "v_t": [473, 475, 476, 477, 478, 484, 485], "val": [0, 31, 167], "valid": [7, 107, 164, 317, 325, 381, 393, 496, 498], "valid_parameter_filt": 376, "valu": [0, 1, 5, 6, 12, 13, 17, 19, 27, 28, 51, 79, 83, 95, 125, 142, 145, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 167, 176, 178, 192, 198, 202, 204, 221, 229, 236, 243, 247, 251, 252, 253, 255, 256, 257, 259, 262, 263, 270, 274, 300, 301, 313, 317, 323, 325, 326, 327, 328, 332, 343, 344, 346, 353, 354, 355, 356, 362, 365, 369, 373, 374, 380, 396, 397, 413, 415, 417, 419, 439, 440, 441, 442, 443, 444, 446, 447, 448, 449, 450, 451, 464, 470, 474, 477, 486, 487, 489, 490, 500], "value_and_grad": [7, 114, 340, 394, 470, 472, 483, 497, 500, 504, 505], "value_and_grad_fn": 503, "value_cach": 6, "value_dim": 396, "value_input_dim": 396, "value_output_dim": 396, "value_proj": 6, "valueerror": [114, 198, 383, 500], "values_hat": 6, "van": 198, "var": [0, 345, 361, 365, 367, 442], "variabl": [9, 96, 114, 121, 134, 142, 143, 144, 170, 185, 313, 316, 317, 497, 498, 499], "varianc": [0, 293, 314, 345, 361, 442], "variant": [6, 451, 478], "variou": 198, "vector": [0, 2, 5, 8, 177, 185, 198, 300, 316, 317, 357, 441, 499, 505], "verbos": [1, 147, 498], "veri": [6, 396, 502, 503, 507], "verifi": [5, 9], "versa": 270, "version": [2, 4, 9, 118, 142, 144, 176, 210, 214, 248, 286, 317, 494, 500, 501], "versu": 497, "via": [9, 114, 480, 483, 498, 502, 503, 504], "vice": 270, "video": 355, "view": [0, 3, 84, 504], "virtual": 2, "visual": 143, "vjp": [2, 114, 505], "vmap": [2, 114, 499, 500, 503, 505], "vmap_add": 500, "vocab_s": 6, "vocabulari": [357, 398], "void": [1, 2], "vt": 202, "w": [0, 1, 5, 101, 102, 105, 106, 118, 169, 193, 248, 249, 313, 327, 345, 348, 349, 351, 352, 354, 355, 369, 472, 485, 500], "w1": [6, 324], "w2": [6, 324], "w3": 6, "w_": [360, 366, 401, 473, 474, 475, 476, 477, 478, 479, 484, 485], "w_1": 248, "w_g": 248, "w_i": [118, 248], "w_in": 1, "w_q": 248, "w_star": 5, "w_stride": 1, "w_t": [473, 475, 476, 477, 478, 479, 484, 485], "wa": [4, 6, 84, 127, 128, 498, 499, 503], "wai": [2, 6, 9, 340, 418, 497, 498, 499, 500, 501, 502], "wait": [2, 6, 228], "walk": [6, 499], "walkthrough": 2, "walsh": 173, "want": [1, 6, 498, 499, 500, 502, 507], "warm": [2, 497], "warmup": [488, 489], "warmup_init": 474, "watch": [6, 497], "wd": 479, "we": [0, 1, 2, 5, 6, 7, 114, 118, 127, 128, 169, 248, 249, 340, 357, 398, 406, 477, 479, 494, 496, 497, 498, 499, 500, 502, 503, 507], "weight": [0, 5, 100, 101, 102, 103, 104, 105, 106, 146, 148, 326, 340, 383, 387, 398, 399, 439, 441, 470, 474, 477, 479, 481, 485, 500, 503], "weight_decai": [474, 477, 479, 485], "weight_fil": 6, "weights_fp16": 503, "well": [6, 340, 381, 393, 396, 498, 503], "wen": 6, "went": 6, "were": [6, 507], "wet": 6, "what": [2, 6, 326, 502], "whatsoev": 6, "whc": 354, "when": [0, 1, 2, 6, 8, 9, 96, 103, 114, 129, 190, 191, 193, 194, 195, 198, 202, 203, 205, 347, 348, 349, 350, 351, 352, 418, 422, 423, 439, 445, 451, 470, 472, 488, 494, 497, 498, 499, 507], "where": [0, 4, 7, 145, 178, 191, 248, 313, 317, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 358, 360, 361, 365, 366, 367, 369, 380, 397, 400, 401, 415, 422, 423, 428, 429, 431, 442, 448, 454, 457, 459, 464, 481, 498, 500, 501], "wherea": 500, "whether": [142, 144, 147, 169, 193, 194, 201, 203, 249, 360, 366, 380, 396, 401, 439, 442, 448], "which": [0, 1, 2, 6, 7, 8, 9, 19, 38, 84, 96, 103, 120, 123, 124, 125, 127, 128, 129, 138, 142, 144, 149, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 170, 176, 179, 180, 181, 182, 183, 185, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 205, 219, 230, 248, 252, 253, 267, 268, 270, 273, 274, 275, 276, 277, 291, 292, 300, 307, 312, 313, 316, 317, 322, 343, 344, 354, 355, 358, 373, 374, 376, 380, 404, 439, 441, 444, 448, 451, 467, 480, 481, 494, 497, 498, 499, 500, 501, 502, 503, 507, 508], "while": [2, 3, 6, 9, 268, 404, 503, 504], "whistl": 2, "who": 6, "whose": [145, 322, 323], "why": 6, "wi": 498, "wide": 503, "width": [343, 344, 345, 348, 349, 351, 352, 354, 355, 373, 374, 398, 399], "window": [9, 342, 343, 344, 372, 373, 374], "wipe": 9, "wire": 229, "wired_limit_mb": 229, "wise": [0, 2, 13, 14, 20, 21, 22, 23, 24, 25, 26, 88, 89, 90, 91, 94, 108, 109, 130, 131, 135, 136, 137, 139, 141, 165, 166, 171, 172, 178, 187, 188, 189, 206, 207, 208, 209, 210, 211, 212, 213, 217, 233, 235, 237, 239, 245, 265, 266, 269, 272, 280, 281, 282, 283, 289, 290, 296, 302, 303, 346, 354, 355, 364, 375, 397, 408, 427, 434, 435, 437, 438, 453, 454, 456, 459, 460, 461, 462, 497], "wish": 9, "with_logit": 439, "within": [0, 3, 29, 178], "without": [1, 6, 8, 294, 396, 466, 496, 497, 498, 499, 502, 503, 504, 507], "wk": 6, "wl": 2, "wo": 6, "word": 0, "work": [2, 3, 6, 228, 332, 497, 498, 499, 500, 501, 502, 503], "workhors": 340, "world": [329, 498], "world2": 498, "world_ani": 498, "world_mpi": 498, "world_r": 498, "worri": [1, 503], "would": [2, 6, 418, 498, 499, 501, 503, 504, 507], "wq": 6, "wrap": [114, 340], "wrapper": [499, 502], "write": [0, 1, 2, 6, 340, 504], "written": [2, 499], "wrong": 499, "wrt": 323, "wv": 6, "x": [0, 1, 2, 4, 5, 6, 7, 39, 92, 114, 123, 124, 128, 129, 136, 141, 142, 143, 146, 147, 148, 169, 173, 174, 176, 198, 249, 253, 258, 271, 276, 280, 310, 311, 318, 326, 328, 340, 342, 343, 344, 345, 346, 356, 358, 359, 361, 365, 367, 368, 369, 372, 373, 374, 375, 376, 397, 400, 402, 408, 409, 415, 418, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 451, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 470, 472, 479, 497, 498, 499, 500, 501, 503, 504, 505, 507], "x1": 440, "x2": 440, "x86_64": 9, "x_1": [440, 448], "x_2": [440, 448], "x_cast": 2, "x_grad": 1, "x_i": [438, 460, 461], "x_j": [460, 461], "x_offset": 2, "x_ptr": 2, "x_shape": 1, "x_stride": 2, "x_t": [360, 366, 401], "x_view": 504, "xcode": 9, "xcodeproj": 3, "xcrun": 9, "xf": 366, "xg": 366, "xi": 366, "xn": 360, "xo": 366, "xor": 91, "xr": 360, "xy": [0, 219], "xz": 360, "x\u00b2": 504, "y": [0, 2, 4, 5, 6, 7, 39, 114, 142, 143, 173, 176, 318, 340, 345, 354, 361, 365, 367, 369, 400, 443, 448, 451, 472, 475, 497, 498, 499, 500, 503, 504], "y_": [443, 447], "y_cast": 2, "y_hat": 340, "y_offset": 2, "y_ptr": 2, "y_stride": 2, "ye": 6, "year": 6, "yet": [6, 340, 470, 481, 500, 501, 503, 505], "yield": [6, 7, 494], "you": [2, 3, 4, 6, 7, 8, 9, 229, 340, 409, 417, 467, 494, 497, 498, 499, 500, 501, 502, 504, 506, 507], "your": [2, 6, 9, 470, 498, 500, 503], "z": [2, 360, 497, 499, 503], "z_t": 360, "zeiler": 473, "zero": [0, 142, 145, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 192, 219, 226, 285, 309, 310, 311, 320, 340, 342, 343, 344, 353, 354, 355, 383, 419, 420, 421, 422, 423, 424, 425, 426, 467, 472, 474, 499, 501], "zero_grad": 500, "zeros_lik": [0, 196], "zhang": 6, "zip": [6, 7], "zip_saf": 2}, "titles": ["Operations", "Custom Metal Kernels", "Custom Extensions in MLX", "Metal Debugger", "Using MLX in C++", "Linear Regression", "LLM inference", "Multi-Layer Perceptron", "MLX", "Build and Install", "mlx.core.Device", "mlx.core.Dtype", "mlx.core.DtypeCategory", "mlx.core.abs", "mlx.core.add", "mlx.core.addmm", "mlx.core.all", "mlx.core.allclose", "mlx.core.any", "mlx.core.arange", "mlx.core.arccos", "mlx.core.arccosh", "mlx.core.arcsin", "mlx.core.arcsinh", "mlx.core.arctan", "mlx.core.arctan2", "mlx.core.arctanh", "mlx.core.argmax", "mlx.core.argmin", "mlx.core.argpartition", "mlx.core.argsort", "mlx.core.array", "mlx.core.array.T", "mlx.core.array.abs", "mlx.core.array.all", "mlx.core.array.any", "mlx.core.array.argmax", "mlx.core.array.argmin", "mlx.core.array.astype", "mlx.core.array.at", "mlx.core.array.conj", "mlx.core.array.cos", "mlx.core.array.cummax", "mlx.core.array.cummin", "mlx.core.array.cumprod", "mlx.core.array.cumsum", "mlx.core.array.diag", "mlx.core.array.diagonal", "mlx.core.array.dtype", "mlx.core.array.exp", "mlx.core.array.flatten", "mlx.core.array.item", "mlx.core.array.itemsize", "mlx.core.array.log", "mlx.core.array.log10", "mlx.core.array.log1p", "mlx.core.array.log2", "mlx.core.array.logsumexp", "mlx.core.array.max", "mlx.core.array.mean", "mlx.core.array.min", "mlx.core.array.moveaxis", "mlx.core.array.nbytes", "mlx.core.array.ndim", "mlx.core.array.prod", "mlx.core.array.reciprocal", "mlx.core.array.reshape", "mlx.core.array.round", "mlx.core.array.rsqrt", "mlx.core.array.shape", "mlx.core.array.sin", "mlx.core.array.size", "mlx.core.array.split", "mlx.core.array.sqrt", "mlx.core.array.square", "mlx.core.array.squeeze", "mlx.core.array.std", "mlx.core.array.sum", "mlx.core.array.swapaxes", "mlx.core.array.tolist", "mlx.core.array.transpose", "mlx.core.array.var", "mlx.core.array.view", "mlx.core.array_equal", "mlx.core.as_strided", "mlx.core.atleast_1d", "mlx.core.atleast_2d", "mlx.core.atleast_3d", "mlx.core.bitwise_and", "mlx.core.bitwise_invert", "mlx.core.bitwise_or", "mlx.core.bitwise_xor", "mlx.core.block_masked_mm", "mlx.core.broadcast_to", "mlx.core.ceil", "mlx.core.clip", "mlx.core.compile", "mlx.core.concatenate", "mlx.core.conj", "mlx.core.conjugate", "mlx.core.conv1d", "mlx.core.conv2d", "mlx.core.conv3d", "mlx.core.conv_general", "mlx.core.conv_transpose1d", "mlx.core.conv_transpose2d", "mlx.core.conv_transpose3d", "mlx.core.convolve", "mlx.core.cos", "mlx.core.cosh", "mlx.core.cummax", "mlx.core.cummin", "mlx.core.cumprod", "mlx.core.cumsum", "mlx.core.custom_function", "mlx.core.default_device", "mlx.core.default_stream", "mlx.core.degrees", "mlx.core.dequantize", "mlx.core.diag", "mlx.core.diagonal", "mlx.core.disable_compile", "mlx.core.distributed.Group", "mlx.core.distributed.all_gather", "mlx.core.distributed.all_sum", "mlx.core.distributed.init", "mlx.core.distributed.is_available", "mlx.core.distributed.recv", "mlx.core.distributed.recv_like", "mlx.core.distributed.send", "mlx.core.divide", "mlx.core.divmod", "mlx.core.einsum", "mlx.core.einsum_path", "mlx.core.enable_compile", "mlx.core.equal", "mlx.core.erf", "mlx.core.erfinv", "mlx.core.eval", "mlx.core.exp", "mlx.core.expand_dims", "mlx.core.expm1", "mlx.core.export_function", "mlx.core.export_to_dot", "mlx.core.exporter", "mlx.core.eye", "mlx.core.fast.layer_norm", "mlx.core.fast.metal_kernel", "mlx.core.fast.rms_norm", "mlx.core.fast.rope", "mlx.core.fast.scaled_dot_product_attention", "mlx.core.fft.fft", "mlx.core.fft.fft2", "mlx.core.fft.fftn", "mlx.core.fft.ifft", "mlx.core.fft.ifft2", "mlx.core.fft.ifftn", "mlx.core.fft.irfft", "mlx.core.fft.irfft2", "mlx.core.fft.irfftn", "mlx.core.fft.rfft", "mlx.core.fft.rfft2", "mlx.core.fft.rfftn", "mlx.core.finfo", "mlx.core.flatten", "mlx.core.floor", "mlx.core.floor_divide", "mlx.core.full", "mlx.core.gather_mm", "mlx.core.gather_qmm", "mlx.core.grad", "mlx.core.greater", "mlx.core.greater_equal", "mlx.core.hadamard_transform", "mlx.core.identity", "mlx.core.imag", "mlx.core.import_function", "mlx.core.inner", "mlx.core.isclose", "mlx.core.isfinite", "mlx.core.isinf", "mlx.core.isnan", "mlx.core.isneginf", "mlx.core.isposinf", "mlx.core.issubdtype", "mlx.core.jvp", "mlx.core.kron", "mlx.core.left_shift", "mlx.core.less", "mlx.core.less_equal", "mlx.core.linalg.cholesky", "mlx.core.linalg.cholesky_inv", "mlx.core.linalg.cross", "mlx.core.linalg.eigh", "mlx.core.linalg.eigvalsh", "mlx.core.linalg.inv", "mlx.core.linalg.lu", "mlx.core.linalg.lu_factor", "mlx.core.linalg.norm", "mlx.core.linalg.qr", "mlx.core.linalg.solve", "mlx.core.linalg.solve_triangular", "mlx.core.linalg.svd", "mlx.core.linalg.tri_inv", "mlx.core.linspace", "mlx.core.load", "mlx.core.log", "mlx.core.log10", "mlx.core.log1p", "mlx.core.log2", "mlx.core.logaddexp", "mlx.core.logical_and", "mlx.core.logical_not", "mlx.core.logical_or", "mlx.core.logsumexp", "mlx.core.matmul", "mlx.core.max", "mlx.core.maximum", "mlx.core.mean", "mlx.core.meshgrid", "mlx.core.metal.clear_cache", "mlx.core.metal.device_info", "mlx.core.metal.get_active_memory", "mlx.core.metal.get_cache_memory", "mlx.core.metal.get_peak_memory", "mlx.core.metal.is_available", "mlx.core.metal.reset_peak_memory", "mlx.core.metal.set_cache_limit", "mlx.core.metal.set_memory_limit", "mlx.core.metal.set_wired_limit", "mlx.core.metal.start_capture", "mlx.core.metal.stop_capture", "mlx.core.min", "mlx.core.minimum", "mlx.core.moveaxis", "mlx.core.multiply", "mlx.core.nan_to_num", "mlx.core.negative", "mlx.core.new_stream", "mlx.core.not_equal", "mlx.core.ones", "mlx.core.ones_like", "mlx.core.outer", "mlx.core.pad", "mlx.core.partition", "mlx.core.power", "mlx.core.prod", "mlx.core.put_along_axis", "mlx.core.quantize", "mlx.core.quantized_matmul", "mlx.core.radians", "mlx.core.random.bernoulli", "mlx.core.random.categorical", "mlx.core.random.gumbel", "mlx.core.random.key", "mlx.core.random.laplace", "mlx.core.random.multivariate_normal", "mlx.core.random.normal", "mlx.core.random.permutation", "mlx.core.random.randint", "mlx.core.random.seed", "mlx.core.random.split", "mlx.core.random.truncated_normal", "mlx.core.random.uniform", "mlx.core.real", "mlx.core.reciprocal", "mlx.core.remainder", "mlx.core.repeat", "mlx.core.reshape", "mlx.core.right_shift", "mlx.core.roll", "mlx.core.round", "mlx.core.rsqrt", "mlx.core.save", "mlx.core.save_gguf", "mlx.core.save_safetensors", "mlx.core.savez", "mlx.core.savez_compressed", "mlx.core.set_default_device", "mlx.core.set_default_stream", "mlx.core.sigmoid", "mlx.core.sign", "mlx.core.sin", "mlx.core.sinh", "mlx.core.slice", "mlx.core.slice_update", "mlx.core.softmax", "mlx.core.sort", "mlx.core.split", "mlx.core.sqrt", "mlx.core.square", "mlx.core.squeeze", "mlx.core.stack", "mlx.core.std", "mlx.core.stop_gradient", "mlx.core.stream", "mlx.core.subtract", "mlx.core.sum", "mlx.core.swapaxes", "mlx.core.synchronize", "mlx.core.take", "mlx.core.take_along_axis", "mlx.core.tan", "mlx.core.tanh", "mlx.core.tensordot", "mlx.core.tile", "mlx.core.topk", "mlx.core.trace", "mlx.core.transpose", "mlx.core.tri", "mlx.core.tril", "mlx.core.triu", "mlx.core.unflatten", "mlx.core.value_and_grad", "mlx.core.var", "mlx.core.view", "mlx.core.vjp", "mlx.core.vmap", "mlx.core.where", "mlx.core.zeros", "mlx.core.zeros_like", "mlx.nn.average_gradients", "mlx.nn.quantize", "mlx.nn.value_and_grad", "mlx.optimizers.clip_grad_norm", "mlx.utils.tree_flatten", "mlx.utils.tree_map", "mlx.utils.tree_map_with_path", "mlx.utils.tree_reduce", "mlx.utils.tree_unflatten", "mlx.core.Stream", "Array", "Data Types", "Devices and Streams", "Distributed Communication", "Export Functions", "Fast", "FFT", "Linear Algebra", "Metal", "Neural Networks", "mlx.nn.ALiBi", "mlx.nn.AvgPool1d", "mlx.nn.AvgPool2d", "mlx.nn.AvgPool3d", "mlx.nn.BatchNorm", "mlx.nn.CELU", "mlx.nn.Conv1d", "mlx.nn.Conv2d", "mlx.nn.Conv3d", "mlx.nn.ConvTranspose1d", "mlx.nn.ConvTranspose2d", "mlx.nn.ConvTranspose3d", "mlx.nn.Dropout", "mlx.nn.Dropout2d", "mlx.nn.Dropout3d", "mlx.nn.ELU", "mlx.nn.Embedding", "mlx.nn.GELU", "mlx.nn.GLU", "mlx.nn.GRU", "mlx.nn.GroupNorm", "mlx.nn.HardShrink", "mlx.nn.HardTanh", "mlx.nn.Hardswish", "mlx.nn.InstanceNorm", "mlx.nn.LSTM", "mlx.nn.LayerNorm", "mlx.nn.LeakyReLU", "mlx.nn.Linear", "mlx.nn.LogSigmoid", "mlx.nn.LogSoftmax", "mlx.nn.MaxPool1d", "mlx.nn.MaxPool2d", "mlx.nn.MaxPool3d", "mlx.nn.Mish", "mlx.nn.Module.apply", "mlx.nn.Module.apply_to_modules", "mlx.nn.Module.children", "mlx.nn.Module.eval", "mlx.nn.Module.filter_and_map", "mlx.nn.Module.freeze", "mlx.nn.Module.leaf_modules", "mlx.nn.Module.load_weights", "mlx.nn.Module.modules", "mlx.nn.Module.named_modules", "mlx.nn.Module.parameters", "mlx.nn.Module.save_weights", "mlx.nn.Module.set_dtype", "mlx.nn.Module.state", "mlx.nn.Module.train", "mlx.nn.Module.trainable_parameters", "mlx.nn.Module.training", "mlx.nn.Module.unfreeze", "mlx.nn.Module.update", "mlx.nn.Module.update_modules", "mlx.nn.MultiHeadAttention", "mlx.nn.PReLU", "mlx.nn.QuantizedEmbedding", "mlx.nn.QuantizedLinear", "mlx.nn.RMSNorm", "mlx.nn.RNN", "mlx.nn.ReLU", "mlx.nn.ReLU6", "mlx.nn.RoPE", "mlx.nn.SELU", "mlx.nn.Sequential", "mlx.nn.SiLU", "mlx.nn.Sigmoid", "mlx.nn.SinusoidalPositionalEncoding", "mlx.nn.Softmax", "mlx.nn.Softmin", "mlx.nn.Softplus", "mlx.nn.Softshrink", "mlx.nn.Softsign", "mlx.nn.Step", "mlx.nn.Tanh", "mlx.nn.Transformer", "mlx.nn.Upsample", "mlx.nn.init.constant", "mlx.nn.init.glorot_normal", "mlx.nn.init.glorot_uniform", "mlx.nn.init.he_normal", "mlx.nn.init.he_uniform", "mlx.nn.init.identity", "mlx.nn.init.normal", "mlx.nn.init.uniform", "mlx.nn.celu", "mlx.nn.elu", "mlx.nn.gelu", "mlx.nn.gelu_approx", "mlx.nn.gelu_fast_approx", "mlx.nn.glu", "mlx.nn.hard_shrink", "mlx.nn.hard_tanh", "mlx.nn.hardswish", "mlx.nn.leaky_relu", "mlx.nn.log_sigmoid", "mlx.nn.log_softmax", "mlx.nn.losses.binary_cross_entropy", "mlx.nn.losses.cosine_similarity_loss", "mlx.nn.losses.cross_entropy", "mlx.nn.losses.gaussian_nll_loss", "mlx.nn.losses.hinge_loss", "mlx.nn.losses.huber_loss", "mlx.nn.losses.kl_div_loss", "mlx.nn.losses.l1_loss", "mlx.nn.losses.log_cosh_loss", "mlx.nn.losses.margin_ranking_loss", "mlx.nn.losses.mse_loss", "mlx.nn.losses.nll_loss", "mlx.nn.losses.smooth_l1_loss", "mlx.nn.losses.triplet_loss", "mlx.nn.mish", "mlx.nn.prelu", "mlx.nn.relu", "mlx.nn.relu6", "mlx.nn.selu", "mlx.nn.sigmoid", "mlx.nn.silu", "mlx.nn.softmax", "mlx.nn.softmin", "mlx.nn.softplus", "mlx.nn.softshrink", "mlx.nn.step", "mlx.nn.tanh", "Functions", "Initializers", "Layers", "Loss Functions", "Module", "Operations", "Optimizers", "mlx.optimizers.AdaDelta", "mlx.optimizers.Adafactor", "mlx.optimizers.Adagrad", "mlx.optimizers.Adam", "mlx.optimizers.AdamW", "mlx.optimizers.Adamax", "mlx.optimizers.Lion", "mlx.optimizers.Optimizer.apply_gradients", "mlx.optimizers.Optimizer.init", "mlx.optimizers.Optimizer.state", "mlx.optimizers.Optimizer.update", "mlx.optimizers.RMSprop", "mlx.optimizers.SGD", "mlx.optimizers.cosine_decay", "mlx.optimizers.exponential_decay", "mlx.optimizers.join_schedules", "mlx.optimizers.linear_schedule", "mlx.optimizers.step_decay", "Common Optimizers", "Optimizer", "Schedulers", "Random", "Transforms", "Tree Utils", "Compilation", "Distributed Communication", "Exporting Functions", "Function Transforms", "Indexing Arrays", "Launching Distributed Programs", "Lazy Evaluation", "Conversion to NumPy and Other Frameworks", "Quick Start Guide", "Saving and Loading Arrays", "Unified Memory", "Using Streams"], "titleterms": {"A": 507, "In": 501, "The": 340, "ab": [13, 33], "adadelta": 473, "adafactor": 474, "adagrad": 475, "adam": 476, "adamax": 478, "adamw": 477, "add": 14, "addmm": 15, "algebra": 338, "alibi": 341, "all": [6, 16, 34, 498], "all_gath": 123, "all_sum": 124, "allclos": 17, "ani": [18, 35], "api": [8, 9], "appli": 376, "apply_gradi": 480, "apply_to_modul": 377, "arang": 19, "arcco": 20, "arccosh": 21, "arcsin": 22, "arcsinh": 23, "arctan": 24, "arctan2": 25, "arctanh": 26, "argmax": [27, 36], "argmin": [28, 37], "argpartit": 29, "argsort": 30, "arrai": [31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 331, 501, 506], "array_equ": 83, "as_strid": 84, "astyp": 38, "atleast_1d": 85, "atleast_2d": 86, "atleast_3d": 87, "attent": 6, "automat": 500, "average_gradi": [321, 498], "avgpool1d": 342, "avgpool2d": 343, "avgpool3d": 344, "back": 2, "backend": 498, "basic": [497, 499, 505], "batchnorm": 345, "benchmark": 6, "bernoulli": 251, "binari": 9, "binary_cross_entropi": 439, "bind": 2, "bitwise_and": 88, "bitwise_invert": 89, "bitwise_or": 90, "bitwise_xor": 91, "block_masked_mm": 92, "broadcast_to": 93, "build": [2, 9], "c": [4, 8, 9, 499], "categor": 252, "ceil": 94, "celu": [346, 427], "children": 378, "choleski": 190, "cholesky_inv": 191, "class": 340, "clear_cach": 220, "clip": 95, "clip_grad_norm": 324, "cmake": 2, "co": [41, 108], "code": [2, 6], "common": 491, "commun": [334, 498], "compil": [96, 497], "complex": 1, "comput": 503, "concaten": 97, "conj": [40, 98], "conjug": 99, "constant": 419, "conv1d": [100, 347], "conv2d": [101, 348], "conv3d": [102, 349], "conv_gener": 103, "conv_transpose1d": 104, "conv_transpose2d": 105, "conv_transpose3d": 106, "convers": 504, "convert": 6, "convolv": 107, "convtranspose1d": 350, "convtranspose2d": 351, "convtranspose3d": 352, "core": [10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 330], "cosh": 109, "cosine_decai": 486, "cosine_similarity_loss": 440, "cpu": 2, "cross": 192, "cross_entropi": 441, "cummax": [42, 110], "cummin": [43, 111], "cumprod": [44, 112], "cumsum": [45, 113], "custom": [1, 2], "custom_funct": 114, "data": 332, "debug": 497, "debugg": 3, "default_devic": 115, "default_stream": 116, "defin": 498, "degre": 117, "dequant": 118, "devic": [10, 333], "device_info": 221, "diag": [46, 119], "diagon": [47, 120], "differ": 501, "differenti": 500, "disable_compil": 121, "distribut": [122, 123, 124, 125, 126, 127, 128, 129, 334, 498, 502], "divid": 130, "divmod": 131, "download": [2, 6], "dropout": 353, "dropout2d": 354, "dropout3d": 355, "dtype": [11, 48], "dtypecategori": 12, "eigh": 193, "eigvalsh": 194, "einsum": 132, "einsum_path": 133, "elu": [356, 428], "embed": 357, "enable_compil": 134, "encod": 6, "end": 2, "equal": 135, "erf": 136, "erfinv": 137, "eval": [138, 379], "evalu": 503, "exampl": [1, 2, 8, 497, 498, 499, 507], "exp": [49, 139], "expand_dim": 140, "expm1": 141, "exponential_decai": 487, "export": [144, 335, 499], "export_funct": 142, "export_to_dot": 143, "extens": 2, "ey": 145, "fast": [146, 147, 148, 149, 150, 336], "fft": [151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 337], "fft2": 152, "fftn": 153, "filter_and_map": 380, "finfo": 163, "flatten": [50, 164], "floor": 165, "floor_divid": 166, "format": 506, "found": 9, "framework": 504, "freez": 381, "from": [9, 501], "full": [6, 167], "function": [335, 466, 469, 497, 499, 500, 505], "further": 8, "gather_mm": 168, "gather_qmm": 169, "gaussian_nll_loss": 442, "gelu": [358, 429], "gelu_approx": 430, "gelu_fast_approx": 431, "gener": 6, "get": 498, "get_active_memori": 222, "get_cache_memori": 223, "get_peak_memori": 224, "glorot_norm": 420, "glorot_uniform": 421, "glu": [359, 432], "gpu": 2, "grad": [170, 340], "graph": [497, 503, 505], "greater": 171, "greater_equ": 172, "grid": 1, "group": 122, "groupnorm": 361, "gru": 360, "guid": 505, "gumbel": 253, "hadamard_transform": 173, "hard_shrink": 433, "hard_tanh": 434, "hardshrink": 362, "hardswish": [364, 435], "hardtanh": 363, "he_norm": 422, "he_uniform": 423, "hinge_loss": 443, "host": [498, 502], "huber_loss": 444, "ident": [174, 424], "ifft": 154, "ifft2": 155, "ifftn": 156, "imag": 175, "implement": [2, 6], "import": 499, "import_funct": 176, "index": 501, "infer": 6, "init": [125, 419, 420, 421, 422, 423, 424, 425, 426, 481], "initi": 467, "inner": 177, "inspect": 340, "instal": [8, 9, 498], "instancenorm": 365, "introduc": 2, "inv": 195, "irfft": 157, "irfft2": 158, "irfftn": 159, "is_avail": [126, 225], "isclos": 178, "isfinit": 179, "isinf": 180, "isnan": 181, "isneginf": 182, "isposinf": 183, "issubdtyp": 184, "item": 51, "items": 52, "jax": 504, "join_schedul": 488, "jvp": 185, "kei": 254, "kernel": 1, "kl_div_loss": 445, "kron": 186, "l1_loss": 446, "laplac": 255, "launch": 502, "layer": [6, 7, 468], "layer_norm": 146, "layernorm": 367, "lazi": 503, "leaf_modul": 382, "leaky_relu": 436, "leakyrelu": 368, "left_shift": 187, "less": 188, "less_equ": 189, "linalg": [190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203], "linear": [5, 338, 369], "linear_schedul": 489, "linspac": 204, "lion": 479, "llm": 6, "load": [6, 205, 472, 506], "load_weight": 383, "log": [53, 206], "log10": [54, 207], "log1p": [55, 208], "log2": [56, 209], "log_cosh_loss": 447, "log_sigmoid": 437, "log_softmax": 438, "logaddexp": 210, "logical_and": 211, "logical_not": 212, "logical_or": 213, "logsigmoid": 370, "logsoftmax": 371, "logsumexp": [57, 214], "loss": [439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 469], "lstm": 366, "lu": 196, "lu_factor": 197, "margin_ranking_loss": 448, "matmul": 215, "max": [58, 216], "maximum": 217, "maxpool1d": 372, "maxpool2d": 373, "maxpool3d": 374, "mean": [59, 218], "memori": 507, "meshgrid": 219, "metal": [1, 3, 9, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 339], "metal_kernel": 147, "min": [60, 232], "minim": 9, "minimum": 233, "mish": [375, 453], "mlx": [2, 4, 8, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483, 484, 485, 486, 487, 488, 489, 490], "model": 6, "modul": [340, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 470, 499], "more": 499, "moveaxi": [61, 234], "mpi": [498, 502], "mse_loss": 449, "multi": 7, "multiheadattent": 396, "multipl": 499, "multipli": 235, "multivariate_norm": 256, "named_modul": 385, "nan_to_num": 236, "nbyte": 62, "ndim": 63, "neg": 237, "network": 340, "neural": 340, "new_stream": 238, "nll_loss": 450, "nn": [321, 322, 323, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 498], "norm": 198, "normal": [257, 425], "not_equ": 239, "numpi": [501, 504], "ones": 240, "ones_lik": 241, "onli": 503, "oper": [0, 2, 471], "optim": [324, 472, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483, 484, 485, 486, 487, 488, 489, 490, 491, 492], "option": 9, "other": 504, "outer": 242, "packag": 4, "pad": 243, "paramet": [340, 386], "partit": 244, "perceptron": 7, "permut": 258, "place": 501, "power": 245, "prelu": [397, 454], "primit": 2, "prod": [64, 246], "program": [498, 502], "provid": 502, "pure": 497, "put": 6, "put_along_axi": 247, "python": [2, 8, 9], "pytorch": 504, "qr": 199, "quantiz": [248, 322], "quantized_matmul": 249, "quantizedembed": 398, "quantizedlinear": 399, "quick": [340, 505], "radian": 250, "randint": 259, "random": [251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 494], "read": 8, "real": 264, "reciproc": [65, 265], "recv": 127, "recv_lik": 128, "reduc": 498, "refer": 8, "regress": 5, "relu": [402, 455], "relu6": [403, 456], "remaind": 266, "remot": [498, 502], "repeat": 267, "requir": 9, "reset_peak_memori": 226, "reshap": [66, 268], "result": 2, "rfft": 160, "rfft2": 161, "rfftn": 162, "right_shift": 269, "ring": [498, 502], "rms_norm": 148, "rmsnorm": 400, "rmsprop": 484, "rnn": 401, "roll": 270, "rope": [149, 404], "round": [67, 271], "rsqrt": [68, 272], "run": 498, "sampl": 1, "save": [273, 472, 506], "save_gguf": 274, "save_safetensor": 275, "save_weight": 387, "savez": 276, "savez_compress": 277, "scaled_dot_product_attent": 150, "schedul": 493, "script": [2, 6], "seed": 260, "select": 498, "selu": [405, 457], "send": 129, "sequenti": 406, "serial": 506, "set": [498, 502], "set_cache_limit": 227, "set_default_devic": 278, "set_default_stream": 279, "set_dtyp": 388, "set_memory_limit": 228, "set_wired_limit": 229, "setuptool": 2, "sgd": 485, "shape": [1, 69], "shapeless": [497, 499], "shell": 9, "sigmoid": [280, 408, 458], "sign": 281, "silu": [407, 459], "simpl": [1, 507], "sin": [70, 282], "sinh": 283, "sinusoidalpositionalencod": 409, "size": [9, 71], "slice": 284, "slice_upd": 285, "smooth_l1_loss": 451, "softmax": [286, 410, 460], "softmin": [411, 461], "softplu": [412, 462], "softshrink": [413, 463], "softsign": 414, "solv": 200, "solve_triangular": 201, "sort": 287, "sourc": 9, "specif": 502, "specifi": 508, "speedup": 497, "split": [72, 261, 288], "sqrt": [73, 289], "squar": [74, 290], "squeez": [75, 291], "stack": 292, "start": [340, 498, 505], "start_captur": 230, "state": [389, 482], "std": [76, 293], "step": [415, 464], "step_decai": 490, "stop_captur": 231, "stop_gradi": 294, "stream": [295, 330, 333, 508], "stride": 1, "subtract": 296, "sum": [77, 297], "support": 332, "svd": 202, "swapax": [78, 298], "synchron": 299, "t": 32, "take": 300, "take_along_axi": 301, "tan": 302, "tanh": [303, 416, 465], "tensordot": 304, "tensorflow": 504, "thunderbolt": 498, "tile": 305, "togeth": 6, "tolist": 79, "topk": 306, "trace": [307, 499], "train": [390, 392, 497, 498], "trainable_paramet": 391, "transform": [2, 417, 495, 497, 499, 500, 503, 505], "transpos": [80, 308], "tree": 496, "tree_flatten": 325, "tree_map": 326, "tree_map_with_path": 327, "tree_reduc": 328, "tree_unflatten": 329, "tri": 309, "tri_inv": 203, "tril": 310, "triplet_loss": 452, "triu": 311, "troubleshoot": 9, "truncated_norm": 262, "tune": 498, "type": 332, "unflatten": 312, "unfreez": 393, "unifi": 507, "uniform": [263, 426], "up": [498, 502], "updat": [340, 394, 483, 501], "update_modul": 395, "upsampl": 418, "us": [1, 2, 4, 503, 508], "usag": [2, 8, 502], "util": [325, 326, 327, 328, 329, 496, 498], "valu": 340, "value_and_grad": [313, 323], "var": [81, 314], "variabl": 4, "vector": 500, "view": [82, 315], "vjp": [1, 316], "vmap": 317, "weight": 6, "what": 503, "when": 503, "where": 318, "why": 503, "workflow": 3, "x86": 9, "xcode": 3, "you": 503, "zero": 319, "zeros_lik": 320}}) \ No newline at end of file +Search.setIndex({"alltitles": {"A Simple Example": [[507, "a-simple-example"]], "Array": [[331, null]], "Attention layer": [[6, "attention-layer"]], "Automatic Differentiation": [[500, "automatic-differentiation"]], "Automatic Vectorization": [[500, "automatic-vectorization"]], "Basics": [[505, "basics"]], "Basics of Compile": [[497, "basics-of-compile"]], "Basics of Exporting": [[499, "basics-of-exporting"]], "Binary Size Minimization": [[9, "binary-size-minimization"]], "Binding to Python": [[2, "binding-to-python"]], "Build Options": [[9, "id4"]], "Build Requirements": [[9, "build-requirements"]], "Build and Install": [[9, null]], "Build from source": [[9, "build-from-source"]], "Building and Binding": [[2, "building-and-binding"]], "Building with CMake": [[2, "building-with-cmake"]], "Building with setuptools": [[2, "building-with-setuptools"]], "C++ API": [[9, "c-api"]], "C++ API Reference": [[8, null]], "Common Optimizers": [[491, null]], "Compilation": [[497, null]], "Compiling Training Graphs": [[497, "compiling-training-graphs"]], "Complex Example": [[1, "complex-example"]], "Conversion to NumPy and Other Frameworks": [[504, null]], "Converting the weights": [[6, "converting-the-weights"]], "Custom Extensions in MLX": [[2, null]], "Custom Metal Kernels": [[1, null]], "Data Types": [[332, null]], "Debugging": [[497, "debugging"]], "Defining a Ring": [[498, "defining-a-ring"]], "Devices and Streams": [[333, null]], "Differences from NumPy": [[501, "differences-from-numpy"]], "Distributed Communication": [[334, null], [498, null]], "Download the code": [[2, null], [6, null]], "Encoder layer": [[6, "encoder-layer"]], "Example Speedup": [[497, "example-speedup"]], "Examples": [[8, null]], "Export Functions": [[335, null]], "Exporting Functions": [[499, null]], "Exporting Modules": [[499, "exporting-modules"]], "Exporting Multiple Traces": [[499, "exporting-multiple-traces"]], "FFT": [[337, null]], "Fast": [[336, null]], "Full model": [[6, "full-model"]], "Function Transforms": [[500, null]], "Function and Graph Transformations": [[505, "function-and-graph-transformations"]], "Functions": [[466, null]], "Further Reading": [[8, null]], "Generation": [[6, "generation"]], "Getting Started": [[498, "getting-started"]], "Getting Started with MPI": [[498, "getting-started-with-mpi"]], "Getting Started with Ring": [[498, "getting-started-with-ring"]], "Grid Sample VJP": [[1, "grid-sample-vjp"]], "Implementing the CPU Back-end": [[2, "implementing-the-cpu-back-end"]], "Implementing the GPU Back-end": [[2, "implementing-the-gpu-back-end"]], "Implementing the Primitive": [[2, "implementing-the-primitive"]], "Implementing the model": [[6, "implementing-the-model"]], "Importing Functions in C++": [[499, "importing-functions-in-c"]], "In Place Updates": [[501, "in-place-updates"]], "Indexing Arrays": [[501, null]], "Initializers": [[467, null]], "Inspecting Modules": [[340, "inspecting-modules"]], "Install": [[8, null]], "Installing MPI": [[498, "installing-mpi"]], "Introducing the Example": [[2, "introducing-the-example"]], "JAX": [[504, "jax"]], "LLM inference": [[6, null]], "Launching Distributed Programs": [[502, null]], "Layers": [[468, null]], "Lazy Evaluation": [[503, null]], "Linear Algebra": [[338, null]], "Linear Regression": [[5, null]], "Loss Functions": [[469, null]], "MLX": [[8, null]], "MPI Specifics": [[502, "mpi-specifics"]], "Metal": [[339, null]], "Metal Debugger": [[3, null]], "Metal not found": [[9, "metal-not-found"]], "Module": [[470, null]], "More Examples": [[499, "more-examples"]], "Multi-Layer Perceptron": [[7, null]], "Neural Networks": [[340, null]], "Only Compute What You Use": [[503, "only-compute-what-you-use"]], "Operations": [[0, null], [2, "operations"], [471, null]], "Operations and Primitives": [[2, "operations-and-primitives"]], "Optimizer": [[492, null]], "Optimizers": [[472, null]], "Package Variables": [[4, "id1"]], "Parameters": [[340, "parameters"]], "Primitive Transforms": [[2, "primitive-transforms"]], "Primitives": [[2, "primitives"]], "Providing Hosts": [[502, "providing-hosts"]], "Pure Functions": [[497, "pure-functions"]], "Putting it all together": [[6, "putting-it-all-together"]], "PyTorch": [[504, "pytorch"]], "Python API": [[9, "python-api"]], "Python API Reference": [[8, null]], "Python Installation": [[9, "python-installation"]], "Quick Start Guide": [[505, null]], "Quick Start with Neural Networks": [[340, "quick-start-with-neural-networks"]], "Random": [[494, null]], "Results": [[2, "results"]], "Ring Specifics": [[502, "ring-specifics"]], "Running Distributed Programs": [[498, "running-distributed-programs"]], "Saving and Loading": [[472, "saving-and-loading"]], "Saving and Loading Arrays": [[506, null]], "Schedulers": [[493, null]], "Scripts": [[2, "scripts"], [6, "scripts"]], "Selecting Backend": [[498, "selecting-backend"]], "Serialization Formats": [[506, "id1"]], "Setting up Remote Hosts": [[498, "setting-up-remote-hosts"], [502, "setting-up-remote-hosts"]], "Shapeless Compilation": [[497, "shapeless-compilation"]], "Shapeless Exports": [[499, "shapeless-exports"]], "Simple Example": [[1, "simple-example"]], "Specifying the Stream": [[508, "specifying-the-stream"]], "Supported Data Types": [[332, "id2"]], "TensorFlow": [[504, "tensorflow"]], "The Module Class": [[340, "the-module-class"]], "Thunderbolt Ring": [[498, "thunderbolt-ring"]], "Training Example": [[498, "training-example"]], "Transformations with Compile": [[497, "transformations-with-compile"]], "Transformations with Imported Functions": [[499, "transformations-with-imported-functions"]], "Transforming Compute Graphs": [[503, "transforming-compute-graphs"]], "Transforms": [[495, null]], "Tree Utils": [[496, null]], "Troubleshooting": [[9, "troubleshooting"], [9, "id3"]], "Tuning MPI All Reduce": [[498, "tuning-mpi-all-reduce"]], "Unified Memory": [[507, null]], "Updating the Parameters": [[340, "updating-the-parameters"]], "Usage": [[2, "usage"], [8, null], [502, "usage"]], "Using MLX in C++": [[4, null]], "Using Shape/Strides": [[1, "using-shape-strides"]], "Using Streams": [[508, null]], "Using the Primitive": [[2, "using-the-primitive"]], "Utilizing nn.average_gradients": [[498, "utilizing-nn-average-gradients"]], "Value and Grad": [[340, "value-and-grad"]], "Weight loading and benchmarking": [[6, "weight-loading-and-benchmarking"]], "When to Evaluate": [[503, "when-to-evaluate"]], "Why Lazy Evaluation": [[503, "why-lazy-evaluation"]], "Xcode Workflow": [[3, "xcode-workflow"]], "mlx.core.Device": [[10, null]], "mlx.core.Dtype": [[11, null]], "mlx.core.DtypeCategory": [[12, null]], "mlx.core.Stream": [[330, null]], "mlx.core.abs": [[13, null]], "mlx.core.add": [[14, null]], "mlx.core.addmm": [[15, null]], "mlx.core.all": [[16, null]], "mlx.core.allclose": [[17, null]], "mlx.core.any": [[18, null]], "mlx.core.arange": [[19, null]], "mlx.core.arccos": [[20, null]], "mlx.core.arccosh": [[21, null]], "mlx.core.arcsin": [[22, null]], "mlx.core.arcsinh": [[23, null]], "mlx.core.arctan": [[24, null]], "mlx.core.arctan2": [[25, null]], "mlx.core.arctanh": [[26, null]], "mlx.core.argmax": [[27, null]], "mlx.core.argmin": [[28, null]], "mlx.core.argpartition": [[29, null]], "mlx.core.argsort": [[30, null]], "mlx.core.array": [[31, null]], "mlx.core.array.T": [[32, null]], "mlx.core.array.abs": [[33, null]], "mlx.core.array.all": [[34, null]], "mlx.core.array.any": [[35, null]], "mlx.core.array.argmax": [[36, null]], "mlx.core.array.argmin": [[37, null]], "mlx.core.array.astype": [[38, null]], "mlx.core.array.at": [[39, null]], "mlx.core.array.conj": [[40, null]], "mlx.core.array.cos": [[41, null]], "mlx.core.array.cummax": [[42, null]], "mlx.core.array.cummin": [[43, null]], "mlx.core.array.cumprod": [[44, null]], "mlx.core.array.cumsum": [[45, null]], "mlx.core.array.diag": [[46, null]], "mlx.core.array.diagonal": [[47, null]], "mlx.core.array.dtype": [[48, null]], "mlx.core.array.exp": [[49, null]], "mlx.core.array.flatten": [[50, null]], "mlx.core.array.item": [[51, null]], "mlx.core.array.itemsize": [[52, null]], "mlx.core.array.log": [[53, null]], "mlx.core.array.log10": [[54, null]], "mlx.core.array.log1p": [[55, null]], "mlx.core.array.log2": [[56, null]], "mlx.core.array.logsumexp": [[57, null]], "mlx.core.array.max": [[58, null]], "mlx.core.array.mean": [[59, null]], "mlx.core.array.min": [[60, null]], "mlx.core.array.moveaxis": [[61, null]], "mlx.core.array.nbytes": [[62, null]], "mlx.core.array.ndim": [[63, null]], "mlx.core.array.prod": [[64, null]], "mlx.core.array.reciprocal": [[65, null]], "mlx.core.array.reshape": [[66, null]], "mlx.core.array.round": [[67, null]], "mlx.core.array.rsqrt": [[68, null]], "mlx.core.array.shape": [[69, null]], "mlx.core.array.sin": [[70, null]], "mlx.core.array.size": [[71, null]], "mlx.core.array.split": [[72, null]], "mlx.core.array.sqrt": [[73, null]], "mlx.core.array.square": [[74, null]], "mlx.core.array.squeeze": [[75, null]], "mlx.core.array.std": [[76, null]], "mlx.core.array.sum": [[77, null]], "mlx.core.array.swapaxes": [[78, null]], "mlx.core.array.tolist": [[79, null]], "mlx.core.array.transpose": [[80, null]], "mlx.core.array.var": [[81, null]], "mlx.core.array.view": [[82, null]], "mlx.core.array_equal": [[83, null]], "mlx.core.as_strided": [[84, null]], "mlx.core.atleast_1d": [[85, null]], "mlx.core.atleast_2d": [[86, null]], "mlx.core.atleast_3d": [[87, null]], "mlx.core.bitwise_and": [[88, null]], "mlx.core.bitwise_invert": [[89, null]], "mlx.core.bitwise_or": [[90, null]], "mlx.core.bitwise_xor": [[91, null]], "mlx.core.block_masked_mm": [[92, null]], "mlx.core.broadcast_to": [[93, null]], "mlx.core.ceil": [[94, null]], "mlx.core.clip": [[95, null]], "mlx.core.compile": [[96, null]], "mlx.core.concatenate": [[97, null]], "mlx.core.conj": [[98, null]], "mlx.core.conjugate": [[99, null]], "mlx.core.conv1d": [[100, null]], "mlx.core.conv2d": [[101, null]], "mlx.core.conv3d": [[102, null]], "mlx.core.conv_general": [[103, null]], "mlx.core.conv_transpose1d": [[104, null]], "mlx.core.conv_transpose2d": [[105, null]], "mlx.core.conv_transpose3d": [[106, null]], "mlx.core.convolve": [[107, null]], "mlx.core.cos": [[108, null]], "mlx.core.cosh": [[109, null]], "mlx.core.cummax": [[110, null]], "mlx.core.cummin": [[111, null]], "mlx.core.cumprod": [[112, null]], "mlx.core.cumsum": [[113, null]], "mlx.core.custom_function": [[114, null]], "mlx.core.default_device": [[115, null]], "mlx.core.default_stream": [[116, null]], "mlx.core.degrees": [[117, null]], "mlx.core.dequantize": [[118, null]], "mlx.core.diag": [[119, null]], "mlx.core.diagonal": [[120, null]], "mlx.core.disable_compile": [[121, null]], "mlx.core.distributed.Group": [[122, null]], "mlx.core.distributed.all_gather": [[123, null]], "mlx.core.distributed.all_sum": [[124, null]], "mlx.core.distributed.init": [[125, null]], "mlx.core.distributed.is_available": [[126, null]], "mlx.core.distributed.recv": [[127, null]], "mlx.core.distributed.recv_like": [[128, null]], "mlx.core.distributed.send": [[129, null]], "mlx.core.divide": [[130, null]], "mlx.core.divmod": [[131, null]], "mlx.core.einsum": [[132, null]], "mlx.core.einsum_path": [[133, null]], "mlx.core.enable_compile": [[134, null]], "mlx.core.equal": [[135, null]], "mlx.core.erf": [[136, null]], "mlx.core.erfinv": [[137, null]], "mlx.core.eval": [[138, null]], "mlx.core.exp": [[139, null]], "mlx.core.expand_dims": [[140, null]], "mlx.core.expm1": [[141, null]], "mlx.core.export_function": [[142, null]], "mlx.core.export_to_dot": [[143, null]], "mlx.core.exporter": [[144, null]], "mlx.core.eye": [[145, null]], "mlx.core.fast.layer_norm": [[146, null]], "mlx.core.fast.metal_kernel": [[147, null]], "mlx.core.fast.rms_norm": [[148, null]], "mlx.core.fast.rope": [[149, null]], "mlx.core.fast.scaled_dot_product_attention": [[150, null]], "mlx.core.fft.fft": [[151, null]], "mlx.core.fft.fft2": [[152, null]], "mlx.core.fft.fftn": [[153, null]], "mlx.core.fft.ifft": [[154, null]], "mlx.core.fft.ifft2": [[155, null]], "mlx.core.fft.ifftn": [[156, null]], "mlx.core.fft.irfft": [[157, null]], "mlx.core.fft.irfft2": [[158, null]], "mlx.core.fft.irfftn": [[159, null]], "mlx.core.fft.rfft": [[160, null]], "mlx.core.fft.rfft2": [[161, null]], "mlx.core.fft.rfftn": [[162, null]], "mlx.core.finfo": [[163, null]], "mlx.core.flatten": [[164, null]], "mlx.core.floor": [[165, null]], "mlx.core.floor_divide": [[166, null]], "mlx.core.full": [[167, null]], "mlx.core.gather_mm": [[168, null]], "mlx.core.gather_qmm": [[169, null]], "mlx.core.grad": [[170, null]], "mlx.core.greater": [[171, null]], "mlx.core.greater_equal": [[172, null]], "mlx.core.hadamard_transform": [[173, null]], "mlx.core.identity": [[174, null]], "mlx.core.imag": [[175, null]], "mlx.core.import_function": [[176, null]], "mlx.core.inner": [[177, null]], "mlx.core.isclose": [[178, null]], "mlx.core.isfinite": [[179, null]], "mlx.core.isinf": [[180, null]], "mlx.core.isnan": [[181, null]], "mlx.core.isneginf": [[182, null]], "mlx.core.isposinf": [[183, null]], "mlx.core.issubdtype": [[184, null]], "mlx.core.jvp": [[185, null]], "mlx.core.kron": [[186, null]], "mlx.core.left_shift": [[187, null]], "mlx.core.less": [[188, null]], "mlx.core.less_equal": [[189, null]], "mlx.core.linalg.cholesky": [[190, null]], "mlx.core.linalg.cholesky_inv": [[191, null]], "mlx.core.linalg.cross": [[192, null]], "mlx.core.linalg.eigh": [[193, null]], "mlx.core.linalg.eigvalsh": [[194, null]], "mlx.core.linalg.inv": [[195, null]], "mlx.core.linalg.lu": [[196, null]], "mlx.core.linalg.lu_factor": [[197, null]], "mlx.core.linalg.norm": [[198, null]], "mlx.core.linalg.qr": [[199, null]], "mlx.core.linalg.solve": [[200, null]], "mlx.core.linalg.solve_triangular": [[201, null]], "mlx.core.linalg.svd": [[202, null]], "mlx.core.linalg.tri_inv": [[203, null]], "mlx.core.linspace": [[204, null]], "mlx.core.load": [[205, null]], "mlx.core.log": [[206, null]], "mlx.core.log10": [[207, null]], "mlx.core.log1p": [[208, null]], "mlx.core.log2": [[209, null]], "mlx.core.logaddexp": [[210, null]], "mlx.core.logical_and": [[211, null]], "mlx.core.logical_not": [[212, null]], "mlx.core.logical_or": [[213, null]], "mlx.core.logsumexp": [[214, null]], "mlx.core.matmul": [[215, null]], "mlx.core.max": [[216, null]], "mlx.core.maximum": [[217, null]], "mlx.core.mean": [[218, null]], "mlx.core.meshgrid": [[219, null]], "mlx.core.metal.clear_cache": [[220, null]], "mlx.core.metal.device_info": [[221, null]], "mlx.core.metal.get_active_memory": [[222, null]], "mlx.core.metal.get_cache_memory": [[223, null]], "mlx.core.metal.get_peak_memory": [[224, null]], "mlx.core.metal.is_available": [[225, null]], "mlx.core.metal.reset_peak_memory": [[226, null]], "mlx.core.metal.set_cache_limit": [[227, null]], "mlx.core.metal.set_memory_limit": [[228, null]], "mlx.core.metal.set_wired_limit": [[229, null]], "mlx.core.metal.start_capture": [[230, null]], "mlx.core.metal.stop_capture": [[231, null]], "mlx.core.min": [[232, null]], "mlx.core.minimum": [[233, null]], "mlx.core.moveaxis": [[234, null]], "mlx.core.multiply": [[235, null]], "mlx.core.nan_to_num": [[236, null]], "mlx.core.negative": [[237, null]], "mlx.core.new_stream": [[238, null]], "mlx.core.not_equal": [[239, null]], "mlx.core.ones": [[240, null]], "mlx.core.ones_like": [[241, null]], "mlx.core.outer": [[242, null]], "mlx.core.pad": [[243, null]], "mlx.core.partition": [[244, null]], "mlx.core.power": [[245, null]], "mlx.core.prod": [[246, null]], "mlx.core.put_along_axis": [[247, null]], "mlx.core.quantize": [[248, null]], "mlx.core.quantized_matmul": [[249, null]], "mlx.core.radians": [[250, null]], "mlx.core.random.bernoulli": [[251, null]], "mlx.core.random.categorical": [[252, null]], "mlx.core.random.gumbel": [[253, null]], "mlx.core.random.key": [[254, null]], "mlx.core.random.laplace": [[255, null]], "mlx.core.random.multivariate_normal": [[256, null]], "mlx.core.random.normal": [[257, null]], "mlx.core.random.permutation": [[258, null]], "mlx.core.random.randint": [[259, null]], "mlx.core.random.seed": [[260, null]], "mlx.core.random.split": [[261, null]], "mlx.core.random.truncated_normal": [[262, null]], "mlx.core.random.uniform": [[263, null]], "mlx.core.real": [[264, null]], "mlx.core.reciprocal": [[265, null]], "mlx.core.remainder": [[266, null]], "mlx.core.repeat": [[267, null]], "mlx.core.reshape": [[268, null]], "mlx.core.right_shift": [[269, null]], "mlx.core.roll": [[270, null]], "mlx.core.round": [[271, null]], "mlx.core.rsqrt": [[272, null]], "mlx.core.save": [[273, null]], "mlx.core.save_gguf": [[274, null]], "mlx.core.save_safetensors": [[275, null]], "mlx.core.savez": [[276, null]], "mlx.core.savez_compressed": [[277, null]], "mlx.core.set_default_device": [[278, null]], "mlx.core.set_default_stream": [[279, null]], "mlx.core.sigmoid": [[280, null]], "mlx.core.sign": [[281, null]], "mlx.core.sin": [[282, null]], "mlx.core.sinh": [[283, null]], "mlx.core.slice": [[284, null]], "mlx.core.slice_update": [[285, null]], "mlx.core.softmax": [[286, null]], "mlx.core.sort": [[287, null]], "mlx.core.split": [[288, null]], "mlx.core.sqrt": [[289, null]], "mlx.core.square": [[290, null]], "mlx.core.squeeze": [[291, null]], "mlx.core.stack": [[292, null]], "mlx.core.std": [[293, null]], "mlx.core.stop_gradient": [[294, null]], "mlx.core.stream": [[295, null]], "mlx.core.subtract": [[296, null]], "mlx.core.sum": [[297, null]], "mlx.core.swapaxes": [[298, null]], "mlx.core.synchronize": [[299, null]], "mlx.core.take": [[300, null]], "mlx.core.take_along_axis": [[301, null]], "mlx.core.tan": [[302, null]], "mlx.core.tanh": [[303, null]], "mlx.core.tensordot": [[304, null]], "mlx.core.tile": [[305, null]], "mlx.core.topk": [[306, null]], "mlx.core.trace": [[307, null]], "mlx.core.transpose": [[308, null]], "mlx.core.tri": [[309, null]], "mlx.core.tril": [[310, null]], "mlx.core.triu": [[311, null]], "mlx.core.unflatten": [[312, null]], "mlx.core.value_and_grad": [[313, null]], "mlx.core.var": [[314, null]], "mlx.core.view": [[315, null]], "mlx.core.vjp": [[316, null]], "mlx.core.vmap": [[317, null]], "mlx.core.where": [[318, null]], "mlx.core.zeros": [[319, null]], "mlx.core.zeros_like": [[320, null]], "mlx.nn.ALiBi": [[341, null]], "mlx.nn.AvgPool1d": [[342, null]], "mlx.nn.AvgPool2d": [[343, null]], "mlx.nn.AvgPool3d": [[344, null]], "mlx.nn.BatchNorm": [[345, null]], "mlx.nn.CELU": [[346, null]], "mlx.nn.Conv1d": [[347, null]], "mlx.nn.Conv2d": [[348, null]], "mlx.nn.Conv3d": [[349, null]], "mlx.nn.ConvTranspose1d": [[350, null]], "mlx.nn.ConvTranspose2d": [[351, null]], "mlx.nn.ConvTranspose3d": [[352, null]], "mlx.nn.Dropout": [[353, null]], "mlx.nn.Dropout2d": [[354, null]], "mlx.nn.Dropout3d": [[355, null]], "mlx.nn.ELU": [[356, null]], "mlx.nn.Embedding": [[357, null]], "mlx.nn.GELU": [[358, null]], "mlx.nn.GLU": [[359, null]], "mlx.nn.GRU": [[360, null]], "mlx.nn.GroupNorm": [[361, null]], "mlx.nn.HardShrink": [[362, null]], "mlx.nn.HardTanh": [[363, null]], "mlx.nn.Hardswish": [[364, null]], "mlx.nn.InstanceNorm": [[365, null]], "mlx.nn.LSTM": [[366, null]], "mlx.nn.LayerNorm": [[367, null]], "mlx.nn.LeakyReLU": [[368, null]], "mlx.nn.Linear": [[369, null]], "mlx.nn.LogSigmoid": [[370, null]], "mlx.nn.LogSoftmax": [[371, null]], "mlx.nn.MaxPool1d": [[372, null]], "mlx.nn.MaxPool2d": [[373, null]], "mlx.nn.MaxPool3d": [[374, null]], "mlx.nn.Mish": [[375, null]], "mlx.nn.Module.apply": [[376, null]], "mlx.nn.Module.apply_to_modules": [[377, null]], "mlx.nn.Module.children": [[378, null]], "mlx.nn.Module.eval": [[379, null]], "mlx.nn.Module.filter_and_map": [[380, null]], "mlx.nn.Module.freeze": [[381, null]], "mlx.nn.Module.leaf_modules": [[382, null]], "mlx.nn.Module.load_weights": [[383, null]], "mlx.nn.Module.modules": [[384, null]], "mlx.nn.Module.named_modules": [[385, null]], "mlx.nn.Module.parameters": [[386, null]], "mlx.nn.Module.save_weights": [[387, null]], "mlx.nn.Module.set_dtype": [[388, null]], "mlx.nn.Module.state": [[389, null]], "mlx.nn.Module.train": [[390, null]], "mlx.nn.Module.trainable_parameters": [[391, null]], "mlx.nn.Module.training": [[392, null]], "mlx.nn.Module.unfreeze": [[393, null]], "mlx.nn.Module.update": [[394, null]], "mlx.nn.Module.update_modules": [[395, null]], "mlx.nn.MultiHeadAttention": [[396, null]], "mlx.nn.PReLU": [[397, null]], "mlx.nn.QuantizedEmbedding": [[398, null]], "mlx.nn.QuantizedLinear": [[399, null]], "mlx.nn.RMSNorm": [[400, null]], "mlx.nn.RNN": [[401, null]], "mlx.nn.ReLU": [[402, null]], "mlx.nn.ReLU6": [[403, null]], "mlx.nn.RoPE": [[404, null]], "mlx.nn.SELU": [[405, null]], "mlx.nn.Sequential": [[406, null]], "mlx.nn.SiLU": [[407, null]], "mlx.nn.Sigmoid": [[408, null]], "mlx.nn.SinusoidalPositionalEncoding": [[409, null]], "mlx.nn.Softmax": [[410, null]], "mlx.nn.Softmin": [[411, null]], "mlx.nn.Softplus": [[412, null]], "mlx.nn.Softshrink": [[413, null]], "mlx.nn.Softsign": [[414, null]], "mlx.nn.Step": [[415, null]], "mlx.nn.Tanh": [[416, null]], "mlx.nn.Transformer": [[417, null]], "mlx.nn.Upsample": [[418, null]], "mlx.nn.average_gradients": [[321, null]], "mlx.nn.celu": [[427, null]], "mlx.nn.elu": [[428, null]], "mlx.nn.gelu": [[429, null]], "mlx.nn.gelu_approx": [[430, null]], "mlx.nn.gelu_fast_approx": [[431, null]], "mlx.nn.glu": [[432, null]], "mlx.nn.hard_shrink": [[433, null]], "mlx.nn.hard_tanh": [[434, null]], "mlx.nn.hardswish": [[435, null]], "mlx.nn.init.constant": [[419, null]], "mlx.nn.init.glorot_normal": [[420, null]], "mlx.nn.init.glorot_uniform": [[421, null]], "mlx.nn.init.he_normal": [[422, null]], "mlx.nn.init.he_uniform": [[423, null]], "mlx.nn.init.identity": [[424, null]], "mlx.nn.init.normal": [[425, null]], "mlx.nn.init.uniform": [[426, null]], "mlx.nn.leaky_relu": [[436, null]], "mlx.nn.log_sigmoid": [[437, null]], "mlx.nn.log_softmax": [[438, null]], "mlx.nn.losses.binary_cross_entropy": [[439, null]], "mlx.nn.losses.cosine_similarity_loss": [[440, null]], "mlx.nn.losses.cross_entropy": [[441, null]], "mlx.nn.losses.gaussian_nll_loss": [[442, null]], "mlx.nn.losses.hinge_loss": [[443, null]], "mlx.nn.losses.huber_loss": [[444, null]], "mlx.nn.losses.kl_div_loss": [[445, null]], "mlx.nn.losses.l1_loss": [[446, null]], "mlx.nn.losses.log_cosh_loss": [[447, null]], "mlx.nn.losses.margin_ranking_loss": [[448, null]], "mlx.nn.losses.mse_loss": [[449, null]], "mlx.nn.losses.nll_loss": [[450, null]], "mlx.nn.losses.smooth_l1_loss": [[451, null]], "mlx.nn.losses.triplet_loss": [[452, null]], "mlx.nn.mish": [[453, null]], "mlx.nn.prelu": [[454, null]], "mlx.nn.quantize": [[322, null]], "mlx.nn.relu": [[455, null]], "mlx.nn.relu6": [[456, null]], "mlx.nn.selu": [[457, null]], "mlx.nn.sigmoid": [[458, null]], "mlx.nn.silu": [[459, null]], "mlx.nn.softmax": [[460, null]], "mlx.nn.softmin": [[461, null]], "mlx.nn.softplus": [[462, null]], "mlx.nn.softshrink": [[463, null]], "mlx.nn.step": [[464, null]], "mlx.nn.tanh": [[465, null]], "mlx.nn.value_and_grad": [[323, null]], "mlx.optimizers.AdaDelta": [[473, null]], "mlx.optimizers.Adafactor": [[474, null]], "mlx.optimizers.Adagrad": [[475, null]], "mlx.optimizers.Adam": [[476, null]], "mlx.optimizers.AdamW": [[477, null]], "mlx.optimizers.Adamax": [[478, null]], "mlx.optimizers.Lion": [[479, null]], "mlx.optimizers.Optimizer.apply_gradients": [[480, null]], "mlx.optimizers.Optimizer.init": [[481, null]], "mlx.optimizers.Optimizer.state": [[482, null]], "mlx.optimizers.Optimizer.update": [[483, null]], "mlx.optimizers.RMSprop": [[484, null]], "mlx.optimizers.SGD": [[485, null]], "mlx.optimizers.clip_grad_norm": [[324, null]], "mlx.optimizers.cosine_decay": [[486, null]], "mlx.optimizers.exponential_decay": [[487, null]], "mlx.optimizers.join_schedules": [[488, null]], "mlx.optimizers.linear_schedule": [[489, null]], "mlx.optimizers.step_decay": [[490, null]], "mlx.utils.tree_flatten": [[325, null]], "mlx.utils.tree_map": [[326, null]], "mlx.utils.tree_map_with_path": [[327, null]], "mlx.utils.tree_reduce": [[328, null]], "mlx.utils.tree_unflatten": [[329, null]], "x86 Shell": [[9, "x86-shell"]]}, "docnames": ["cpp/ops", "dev/custom_metal_kernels", "dev/extensions", "dev/metal_debugger", "dev/mlx_in_cpp", "examples/linear_regression", "examples/llama-inference", "examples/mlp", "index", "install", "python/_autosummary/mlx.core.Device", "python/_autosummary/mlx.core.Dtype", "python/_autosummary/mlx.core.DtypeCategory", "python/_autosummary/mlx.core.abs", "python/_autosummary/mlx.core.add", "python/_autosummary/mlx.core.addmm", "python/_autosummary/mlx.core.all", "python/_autosummary/mlx.core.allclose", "python/_autosummary/mlx.core.any", "python/_autosummary/mlx.core.arange", "python/_autosummary/mlx.core.arccos", "python/_autosummary/mlx.core.arccosh", "python/_autosummary/mlx.core.arcsin", "python/_autosummary/mlx.core.arcsinh", "python/_autosummary/mlx.core.arctan", "python/_autosummary/mlx.core.arctan2", "python/_autosummary/mlx.core.arctanh", "python/_autosummary/mlx.core.argmax", "python/_autosummary/mlx.core.argmin", "python/_autosummary/mlx.core.argpartition", "python/_autosummary/mlx.core.argsort", "python/_autosummary/mlx.core.array", "python/_autosummary/mlx.core.array.T", "python/_autosummary/mlx.core.array.abs", "python/_autosummary/mlx.core.array.all", "python/_autosummary/mlx.core.array.any", "python/_autosummary/mlx.core.array.argmax", "python/_autosummary/mlx.core.array.argmin", "python/_autosummary/mlx.core.array.astype", "python/_autosummary/mlx.core.array.at", "python/_autosummary/mlx.core.array.conj", "python/_autosummary/mlx.core.array.cos", "python/_autosummary/mlx.core.array.cummax", "python/_autosummary/mlx.core.array.cummin", "python/_autosummary/mlx.core.array.cumprod", "python/_autosummary/mlx.core.array.cumsum", "python/_autosummary/mlx.core.array.diag", "python/_autosummary/mlx.core.array.diagonal", "python/_autosummary/mlx.core.array.dtype", "python/_autosummary/mlx.core.array.exp", "python/_autosummary/mlx.core.array.flatten", "python/_autosummary/mlx.core.array.item", "python/_autosummary/mlx.core.array.itemsize", "python/_autosummary/mlx.core.array.log", "python/_autosummary/mlx.core.array.log10", "python/_autosummary/mlx.core.array.log1p", "python/_autosummary/mlx.core.array.log2", "python/_autosummary/mlx.core.array.logsumexp", "python/_autosummary/mlx.core.array.max", "python/_autosummary/mlx.core.array.mean", "python/_autosummary/mlx.core.array.min", "python/_autosummary/mlx.core.array.moveaxis", "python/_autosummary/mlx.core.array.nbytes", "python/_autosummary/mlx.core.array.ndim", "python/_autosummary/mlx.core.array.prod", "python/_autosummary/mlx.core.array.reciprocal", "python/_autosummary/mlx.core.array.reshape", "python/_autosummary/mlx.core.array.round", "python/_autosummary/mlx.core.array.rsqrt", "python/_autosummary/mlx.core.array.shape", "python/_autosummary/mlx.core.array.sin", "python/_autosummary/mlx.core.array.size", "python/_autosummary/mlx.core.array.split", "python/_autosummary/mlx.core.array.sqrt", "python/_autosummary/mlx.core.array.square", "python/_autosummary/mlx.core.array.squeeze", "python/_autosummary/mlx.core.array.std", "python/_autosummary/mlx.core.array.sum", "python/_autosummary/mlx.core.array.swapaxes", "python/_autosummary/mlx.core.array.tolist", "python/_autosummary/mlx.core.array.transpose", "python/_autosummary/mlx.core.array.var", "python/_autosummary/mlx.core.array.view", "python/_autosummary/mlx.core.array_equal", "python/_autosummary/mlx.core.as_strided", "python/_autosummary/mlx.core.atleast_1d", "python/_autosummary/mlx.core.atleast_2d", "python/_autosummary/mlx.core.atleast_3d", "python/_autosummary/mlx.core.bitwise_and", "python/_autosummary/mlx.core.bitwise_invert", "python/_autosummary/mlx.core.bitwise_or", "python/_autosummary/mlx.core.bitwise_xor", "python/_autosummary/mlx.core.block_masked_mm", "python/_autosummary/mlx.core.broadcast_to", "python/_autosummary/mlx.core.ceil", "python/_autosummary/mlx.core.clip", "python/_autosummary/mlx.core.compile", "python/_autosummary/mlx.core.concatenate", "python/_autosummary/mlx.core.conj", "python/_autosummary/mlx.core.conjugate", "python/_autosummary/mlx.core.conv1d", "python/_autosummary/mlx.core.conv2d", "python/_autosummary/mlx.core.conv3d", "python/_autosummary/mlx.core.conv_general", "python/_autosummary/mlx.core.conv_transpose1d", "python/_autosummary/mlx.core.conv_transpose2d", "python/_autosummary/mlx.core.conv_transpose3d", "python/_autosummary/mlx.core.convolve", "python/_autosummary/mlx.core.cos", "python/_autosummary/mlx.core.cosh", "python/_autosummary/mlx.core.cummax", "python/_autosummary/mlx.core.cummin", "python/_autosummary/mlx.core.cumprod", "python/_autosummary/mlx.core.cumsum", "python/_autosummary/mlx.core.custom_function", "python/_autosummary/mlx.core.default_device", "python/_autosummary/mlx.core.default_stream", "python/_autosummary/mlx.core.degrees", "python/_autosummary/mlx.core.dequantize", "python/_autosummary/mlx.core.diag", "python/_autosummary/mlx.core.diagonal", "python/_autosummary/mlx.core.disable_compile", "python/_autosummary/mlx.core.distributed.Group", "python/_autosummary/mlx.core.distributed.all_gather", "python/_autosummary/mlx.core.distributed.all_sum", "python/_autosummary/mlx.core.distributed.init", "python/_autosummary/mlx.core.distributed.is_available", "python/_autosummary/mlx.core.distributed.recv", "python/_autosummary/mlx.core.distributed.recv_like", "python/_autosummary/mlx.core.distributed.send", "python/_autosummary/mlx.core.divide", "python/_autosummary/mlx.core.divmod", "python/_autosummary/mlx.core.einsum", "python/_autosummary/mlx.core.einsum_path", "python/_autosummary/mlx.core.enable_compile", "python/_autosummary/mlx.core.equal", "python/_autosummary/mlx.core.erf", "python/_autosummary/mlx.core.erfinv", "python/_autosummary/mlx.core.eval", "python/_autosummary/mlx.core.exp", "python/_autosummary/mlx.core.expand_dims", "python/_autosummary/mlx.core.expm1", "python/_autosummary/mlx.core.export_function", "python/_autosummary/mlx.core.export_to_dot", "python/_autosummary/mlx.core.exporter", "python/_autosummary/mlx.core.eye", "python/_autosummary/mlx.core.fast.layer_norm", "python/_autosummary/mlx.core.fast.metal_kernel", "python/_autosummary/mlx.core.fast.rms_norm", "python/_autosummary/mlx.core.fast.rope", "python/_autosummary/mlx.core.fast.scaled_dot_product_attention", "python/_autosummary/mlx.core.fft.fft", "python/_autosummary/mlx.core.fft.fft2", "python/_autosummary/mlx.core.fft.fftn", "python/_autosummary/mlx.core.fft.ifft", "python/_autosummary/mlx.core.fft.ifft2", "python/_autosummary/mlx.core.fft.ifftn", "python/_autosummary/mlx.core.fft.irfft", "python/_autosummary/mlx.core.fft.irfft2", "python/_autosummary/mlx.core.fft.irfftn", "python/_autosummary/mlx.core.fft.rfft", "python/_autosummary/mlx.core.fft.rfft2", "python/_autosummary/mlx.core.fft.rfftn", "python/_autosummary/mlx.core.finfo", "python/_autosummary/mlx.core.flatten", "python/_autosummary/mlx.core.floor", "python/_autosummary/mlx.core.floor_divide", "python/_autosummary/mlx.core.full", "python/_autosummary/mlx.core.gather_mm", "python/_autosummary/mlx.core.gather_qmm", "python/_autosummary/mlx.core.grad", "python/_autosummary/mlx.core.greater", "python/_autosummary/mlx.core.greater_equal", "python/_autosummary/mlx.core.hadamard_transform", "python/_autosummary/mlx.core.identity", "python/_autosummary/mlx.core.imag", "python/_autosummary/mlx.core.import_function", "python/_autosummary/mlx.core.inner", "python/_autosummary/mlx.core.isclose", "python/_autosummary/mlx.core.isfinite", "python/_autosummary/mlx.core.isinf", "python/_autosummary/mlx.core.isnan", "python/_autosummary/mlx.core.isneginf", "python/_autosummary/mlx.core.isposinf", "python/_autosummary/mlx.core.issubdtype", "python/_autosummary/mlx.core.jvp", "python/_autosummary/mlx.core.kron", "python/_autosummary/mlx.core.left_shift", "python/_autosummary/mlx.core.less", "python/_autosummary/mlx.core.less_equal", "python/_autosummary/mlx.core.linalg.cholesky", "python/_autosummary/mlx.core.linalg.cholesky_inv", "python/_autosummary/mlx.core.linalg.cross", "python/_autosummary/mlx.core.linalg.eigh", "python/_autosummary/mlx.core.linalg.eigvalsh", "python/_autosummary/mlx.core.linalg.inv", "python/_autosummary/mlx.core.linalg.lu", "python/_autosummary/mlx.core.linalg.lu_factor", "python/_autosummary/mlx.core.linalg.norm", "python/_autosummary/mlx.core.linalg.qr", "python/_autosummary/mlx.core.linalg.solve", "python/_autosummary/mlx.core.linalg.solve_triangular", "python/_autosummary/mlx.core.linalg.svd", "python/_autosummary/mlx.core.linalg.tri_inv", "python/_autosummary/mlx.core.linspace", "python/_autosummary/mlx.core.load", "python/_autosummary/mlx.core.log", "python/_autosummary/mlx.core.log10", "python/_autosummary/mlx.core.log1p", "python/_autosummary/mlx.core.log2", "python/_autosummary/mlx.core.logaddexp", "python/_autosummary/mlx.core.logical_and", "python/_autosummary/mlx.core.logical_not", "python/_autosummary/mlx.core.logical_or", "python/_autosummary/mlx.core.logsumexp", "python/_autosummary/mlx.core.matmul", "python/_autosummary/mlx.core.max", "python/_autosummary/mlx.core.maximum", "python/_autosummary/mlx.core.mean", "python/_autosummary/mlx.core.meshgrid", "python/_autosummary/mlx.core.metal.clear_cache", "python/_autosummary/mlx.core.metal.device_info", "python/_autosummary/mlx.core.metal.get_active_memory", "python/_autosummary/mlx.core.metal.get_cache_memory", "python/_autosummary/mlx.core.metal.get_peak_memory", "python/_autosummary/mlx.core.metal.is_available", "python/_autosummary/mlx.core.metal.reset_peak_memory", "python/_autosummary/mlx.core.metal.set_cache_limit", "python/_autosummary/mlx.core.metal.set_memory_limit", "python/_autosummary/mlx.core.metal.set_wired_limit", "python/_autosummary/mlx.core.metal.start_capture", "python/_autosummary/mlx.core.metal.stop_capture", "python/_autosummary/mlx.core.min", "python/_autosummary/mlx.core.minimum", "python/_autosummary/mlx.core.moveaxis", "python/_autosummary/mlx.core.multiply", "python/_autosummary/mlx.core.nan_to_num", "python/_autosummary/mlx.core.negative", "python/_autosummary/mlx.core.new_stream", "python/_autosummary/mlx.core.not_equal", "python/_autosummary/mlx.core.ones", "python/_autosummary/mlx.core.ones_like", "python/_autosummary/mlx.core.outer", "python/_autosummary/mlx.core.pad", "python/_autosummary/mlx.core.partition", "python/_autosummary/mlx.core.power", "python/_autosummary/mlx.core.prod", "python/_autosummary/mlx.core.put_along_axis", "python/_autosummary/mlx.core.quantize", "python/_autosummary/mlx.core.quantized_matmul", "python/_autosummary/mlx.core.radians", "python/_autosummary/mlx.core.random.bernoulli", "python/_autosummary/mlx.core.random.categorical", "python/_autosummary/mlx.core.random.gumbel", "python/_autosummary/mlx.core.random.key", "python/_autosummary/mlx.core.random.laplace", "python/_autosummary/mlx.core.random.multivariate_normal", "python/_autosummary/mlx.core.random.normal", "python/_autosummary/mlx.core.random.permutation", "python/_autosummary/mlx.core.random.randint", "python/_autosummary/mlx.core.random.seed", "python/_autosummary/mlx.core.random.split", "python/_autosummary/mlx.core.random.truncated_normal", "python/_autosummary/mlx.core.random.uniform", "python/_autosummary/mlx.core.real", "python/_autosummary/mlx.core.reciprocal", "python/_autosummary/mlx.core.remainder", "python/_autosummary/mlx.core.repeat", "python/_autosummary/mlx.core.reshape", "python/_autosummary/mlx.core.right_shift", "python/_autosummary/mlx.core.roll", "python/_autosummary/mlx.core.round", "python/_autosummary/mlx.core.rsqrt", "python/_autosummary/mlx.core.save", "python/_autosummary/mlx.core.save_gguf", "python/_autosummary/mlx.core.save_safetensors", "python/_autosummary/mlx.core.savez", "python/_autosummary/mlx.core.savez_compressed", "python/_autosummary/mlx.core.set_default_device", "python/_autosummary/mlx.core.set_default_stream", "python/_autosummary/mlx.core.sigmoid", "python/_autosummary/mlx.core.sign", "python/_autosummary/mlx.core.sin", "python/_autosummary/mlx.core.sinh", "python/_autosummary/mlx.core.slice", "python/_autosummary/mlx.core.slice_update", "python/_autosummary/mlx.core.softmax", "python/_autosummary/mlx.core.sort", "python/_autosummary/mlx.core.split", "python/_autosummary/mlx.core.sqrt", "python/_autosummary/mlx.core.square", "python/_autosummary/mlx.core.squeeze", "python/_autosummary/mlx.core.stack", "python/_autosummary/mlx.core.std", "python/_autosummary/mlx.core.stop_gradient", "python/_autosummary/mlx.core.stream", "python/_autosummary/mlx.core.subtract", "python/_autosummary/mlx.core.sum", "python/_autosummary/mlx.core.swapaxes", "python/_autosummary/mlx.core.synchronize", "python/_autosummary/mlx.core.take", "python/_autosummary/mlx.core.take_along_axis", "python/_autosummary/mlx.core.tan", "python/_autosummary/mlx.core.tanh", "python/_autosummary/mlx.core.tensordot", "python/_autosummary/mlx.core.tile", "python/_autosummary/mlx.core.topk", "python/_autosummary/mlx.core.trace", "python/_autosummary/mlx.core.transpose", "python/_autosummary/mlx.core.tri", "python/_autosummary/mlx.core.tril", "python/_autosummary/mlx.core.triu", "python/_autosummary/mlx.core.unflatten", "python/_autosummary/mlx.core.value_and_grad", "python/_autosummary/mlx.core.var", "python/_autosummary/mlx.core.view", "python/_autosummary/mlx.core.vjp", "python/_autosummary/mlx.core.vmap", "python/_autosummary/mlx.core.where", "python/_autosummary/mlx.core.zeros", "python/_autosummary/mlx.core.zeros_like", "python/_autosummary/mlx.nn.average_gradients", "python/_autosummary/mlx.nn.quantize", "python/_autosummary/mlx.nn.value_and_grad", "python/_autosummary/mlx.optimizers.clip_grad_norm", "python/_autosummary/mlx.utils.tree_flatten", "python/_autosummary/mlx.utils.tree_map", "python/_autosummary/mlx.utils.tree_map_with_path", "python/_autosummary/mlx.utils.tree_reduce", "python/_autosummary/mlx.utils.tree_unflatten", "python/_autosummary/stream_class", "python/array", "python/data_types", "python/devices_and_streams", "python/distributed", "python/export", "python/fast", "python/fft", "python/linalg", "python/metal", "python/nn", "python/nn/_autosummary/mlx.nn.ALiBi", "python/nn/_autosummary/mlx.nn.AvgPool1d", "python/nn/_autosummary/mlx.nn.AvgPool2d", "python/nn/_autosummary/mlx.nn.AvgPool3d", "python/nn/_autosummary/mlx.nn.BatchNorm", "python/nn/_autosummary/mlx.nn.CELU", "python/nn/_autosummary/mlx.nn.Conv1d", "python/nn/_autosummary/mlx.nn.Conv2d", "python/nn/_autosummary/mlx.nn.Conv3d", "python/nn/_autosummary/mlx.nn.ConvTranspose1d", "python/nn/_autosummary/mlx.nn.ConvTranspose2d", "python/nn/_autosummary/mlx.nn.ConvTranspose3d", "python/nn/_autosummary/mlx.nn.Dropout", "python/nn/_autosummary/mlx.nn.Dropout2d", "python/nn/_autosummary/mlx.nn.Dropout3d", "python/nn/_autosummary/mlx.nn.ELU", "python/nn/_autosummary/mlx.nn.Embedding", "python/nn/_autosummary/mlx.nn.GELU", "python/nn/_autosummary/mlx.nn.GLU", "python/nn/_autosummary/mlx.nn.GRU", "python/nn/_autosummary/mlx.nn.GroupNorm", "python/nn/_autosummary/mlx.nn.HardShrink", "python/nn/_autosummary/mlx.nn.HardTanh", "python/nn/_autosummary/mlx.nn.Hardswish", "python/nn/_autosummary/mlx.nn.InstanceNorm", "python/nn/_autosummary/mlx.nn.LSTM", "python/nn/_autosummary/mlx.nn.LayerNorm", "python/nn/_autosummary/mlx.nn.LeakyReLU", "python/nn/_autosummary/mlx.nn.Linear", "python/nn/_autosummary/mlx.nn.LogSigmoid", "python/nn/_autosummary/mlx.nn.LogSoftmax", "python/nn/_autosummary/mlx.nn.MaxPool1d", "python/nn/_autosummary/mlx.nn.MaxPool2d", "python/nn/_autosummary/mlx.nn.MaxPool3d", "python/nn/_autosummary/mlx.nn.Mish", "python/nn/_autosummary/mlx.nn.Module.apply", "python/nn/_autosummary/mlx.nn.Module.apply_to_modules", "python/nn/_autosummary/mlx.nn.Module.children", "python/nn/_autosummary/mlx.nn.Module.eval", "python/nn/_autosummary/mlx.nn.Module.filter_and_map", "python/nn/_autosummary/mlx.nn.Module.freeze", "python/nn/_autosummary/mlx.nn.Module.leaf_modules", "python/nn/_autosummary/mlx.nn.Module.load_weights", "python/nn/_autosummary/mlx.nn.Module.modules", "python/nn/_autosummary/mlx.nn.Module.named_modules", "python/nn/_autosummary/mlx.nn.Module.parameters", "python/nn/_autosummary/mlx.nn.Module.save_weights", "python/nn/_autosummary/mlx.nn.Module.set_dtype", "python/nn/_autosummary/mlx.nn.Module.state", "python/nn/_autosummary/mlx.nn.Module.train", "python/nn/_autosummary/mlx.nn.Module.trainable_parameters", "python/nn/_autosummary/mlx.nn.Module.training", "python/nn/_autosummary/mlx.nn.Module.unfreeze", "python/nn/_autosummary/mlx.nn.Module.update", "python/nn/_autosummary/mlx.nn.Module.update_modules", "python/nn/_autosummary/mlx.nn.MultiHeadAttention", "python/nn/_autosummary/mlx.nn.PReLU", "python/nn/_autosummary/mlx.nn.QuantizedEmbedding", "python/nn/_autosummary/mlx.nn.QuantizedLinear", "python/nn/_autosummary/mlx.nn.RMSNorm", "python/nn/_autosummary/mlx.nn.RNN", "python/nn/_autosummary/mlx.nn.ReLU", "python/nn/_autosummary/mlx.nn.ReLU6", "python/nn/_autosummary/mlx.nn.RoPE", "python/nn/_autosummary/mlx.nn.SELU", "python/nn/_autosummary/mlx.nn.Sequential", "python/nn/_autosummary/mlx.nn.SiLU", "python/nn/_autosummary/mlx.nn.Sigmoid", "python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding", "python/nn/_autosummary/mlx.nn.Softmax", "python/nn/_autosummary/mlx.nn.Softmin", "python/nn/_autosummary/mlx.nn.Softplus", "python/nn/_autosummary/mlx.nn.Softshrink", "python/nn/_autosummary/mlx.nn.Softsign", "python/nn/_autosummary/mlx.nn.Step", "python/nn/_autosummary/mlx.nn.Tanh", "python/nn/_autosummary/mlx.nn.Transformer", "python/nn/_autosummary/mlx.nn.Upsample", "python/nn/_autosummary/mlx.nn.init.constant", "python/nn/_autosummary/mlx.nn.init.glorot_normal", "python/nn/_autosummary/mlx.nn.init.glorot_uniform", "python/nn/_autosummary/mlx.nn.init.he_normal", "python/nn/_autosummary/mlx.nn.init.he_uniform", "python/nn/_autosummary/mlx.nn.init.identity", "python/nn/_autosummary/mlx.nn.init.normal", "python/nn/_autosummary/mlx.nn.init.uniform", "python/nn/_autosummary_functions/mlx.nn.celu", "python/nn/_autosummary_functions/mlx.nn.elu", "python/nn/_autosummary_functions/mlx.nn.gelu", "python/nn/_autosummary_functions/mlx.nn.gelu_approx", "python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx", "python/nn/_autosummary_functions/mlx.nn.glu", "python/nn/_autosummary_functions/mlx.nn.hard_shrink", "python/nn/_autosummary_functions/mlx.nn.hard_tanh", "python/nn/_autosummary_functions/mlx.nn.hardswish", "python/nn/_autosummary_functions/mlx.nn.leaky_relu", "python/nn/_autosummary_functions/mlx.nn.log_sigmoid", "python/nn/_autosummary_functions/mlx.nn.log_softmax", "python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy", "python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss", "python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy", "python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss", "python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss", "python/nn/_autosummary_functions/mlx.nn.losses.huber_loss", "python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss", "python/nn/_autosummary_functions/mlx.nn.losses.l1_loss", "python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss", "python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss", "python/nn/_autosummary_functions/mlx.nn.losses.mse_loss", "python/nn/_autosummary_functions/mlx.nn.losses.nll_loss", "python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss", "python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss", "python/nn/_autosummary_functions/mlx.nn.mish", "python/nn/_autosummary_functions/mlx.nn.prelu", "python/nn/_autosummary_functions/mlx.nn.relu", "python/nn/_autosummary_functions/mlx.nn.relu6", "python/nn/_autosummary_functions/mlx.nn.selu", "python/nn/_autosummary_functions/mlx.nn.sigmoid", "python/nn/_autosummary_functions/mlx.nn.silu", "python/nn/_autosummary_functions/mlx.nn.softmax", "python/nn/_autosummary_functions/mlx.nn.softmin", "python/nn/_autosummary_functions/mlx.nn.softplus", "python/nn/_autosummary_functions/mlx.nn.softshrink", "python/nn/_autosummary_functions/mlx.nn.step", "python/nn/_autosummary_functions/mlx.nn.tanh", "python/nn/functions", "python/nn/init", "python/nn/layers", "python/nn/losses", "python/nn/module", "python/ops", "python/optimizers", "python/optimizers/_autosummary/mlx.optimizers.AdaDelta", "python/optimizers/_autosummary/mlx.optimizers.Adafactor", "python/optimizers/_autosummary/mlx.optimizers.Adagrad", "python/optimizers/_autosummary/mlx.optimizers.Adam", "python/optimizers/_autosummary/mlx.optimizers.AdamW", "python/optimizers/_autosummary/mlx.optimizers.Adamax", "python/optimizers/_autosummary/mlx.optimizers.Lion", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.init", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.state", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.update", "python/optimizers/_autosummary/mlx.optimizers.RMSprop", "python/optimizers/_autosummary/mlx.optimizers.SGD", "python/optimizers/_autosummary/mlx.optimizers.cosine_decay", "python/optimizers/_autosummary/mlx.optimizers.exponential_decay", "python/optimizers/_autosummary/mlx.optimizers.join_schedules", "python/optimizers/_autosummary/mlx.optimizers.linear_schedule", "python/optimizers/_autosummary/mlx.optimizers.step_decay", "python/optimizers/common_optimizers", "python/optimizers/optimizer", "python/optimizers/schedulers", "python/random", "python/transforms", "python/tree_utils", "usage/compile", "usage/distributed", "usage/export", "usage/function_transforms", "usage/indexing", "usage/launching_distributed", "usage/lazy_evaluation", "usage/numpy", "usage/quick_start", "usage/saving_and_loading", "usage/unified_memory", "usage/using_streams"], "envversion": {"sphinx": 62, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1}, "filenames": ["cpp/ops.rst", "dev/custom_metal_kernels.rst", "dev/extensions.rst", "dev/metal_debugger.rst", "dev/mlx_in_cpp.rst", "examples/linear_regression.rst", "examples/llama-inference.rst", "examples/mlp.rst", "index.rst", "install.rst", "python/_autosummary/mlx.core.Device.rst", "python/_autosummary/mlx.core.Dtype.rst", "python/_autosummary/mlx.core.DtypeCategory.rst", "python/_autosummary/mlx.core.abs.rst", "python/_autosummary/mlx.core.add.rst", "python/_autosummary/mlx.core.addmm.rst", "python/_autosummary/mlx.core.all.rst", "python/_autosummary/mlx.core.allclose.rst", "python/_autosummary/mlx.core.any.rst", "python/_autosummary/mlx.core.arange.rst", "python/_autosummary/mlx.core.arccos.rst", "python/_autosummary/mlx.core.arccosh.rst", "python/_autosummary/mlx.core.arcsin.rst", "python/_autosummary/mlx.core.arcsinh.rst", "python/_autosummary/mlx.core.arctan.rst", "python/_autosummary/mlx.core.arctan2.rst", "python/_autosummary/mlx.core.arctanh.rst", "python/_autosummary/mlx.core.argmax.rst", "python/_autosummary/mlx.core.argmin.rst", "python/_autosummary/mlx.core.argpartition.rst", "python/_autosummary/mlx.core.argsort.rst", "python/_autosummary/mlx.core.array.rst", "python/_autosummary/mlx.core.array.T.rst", "python/_autosummary/mlx.core.array.abs.rst", "python/_autosummary/mlx.core.array.all.rst", "python/_autosummary/mlx.core.array.any.rst", "python/_autosummary/mlx.core.array.argmax.rst", "python/_autosummary/mlx.core.array.argmin.rst", "python/_autosummary/mlx.core.array.astype.rst", "python/_autosummary/mlx.core.array.at.rst", "python/_autosummary/mlx.core.array.conj.rst", "python/_autosummary/mlx.core.array.cos.rst", "python/_autosummary/mlx.core.array.cummax.rst", "python/_autosummary/mlx.core.array.cummin.rst", "python/_autosummary/mlx.core.array.cumprod.rst", "python/_autosummary/mlx.core.array.cumsum.rst", "python/_autosummary/mlx.core.array.diag.rst", "python/_autosummary/mlx.core.array.diagonal.rst", "python/_autosummary/mlx.core.array.dtype.rst", "python/_autosummary/mlx.core.array.exp.rst", "python/_autosummary/mlx.core.array.flatten.rst", "python/_autosummary/mlx.core.array.item.rst", "python/_autosummary/mlx.core.array.itemsize.rst", "python/_autosummary/mlx.core.array.log.rst", "python/_autosummary/mlx.core.array.log10.rst", "python/_autosummary/mlx.core.array.log1p.rst", "python/_autosummary/mlx.core.array.log2.rst", "python/_autosummary/mlx.core.array.logsumexp.rst", "python/_autosummary/mlx.core.array.max.rst", "python/_autosummary/mlx.core.array.mean.rst", "python/_autosummary/mlx.core.array.min.rst", "python/_autosummary/mlx.core.array.moveaxis.rst", "python/_autosummary/mlx.core.array.nbytes.rst", "python/_autosummary/mlx.core.array.ndim.rst", "python/_autosummary/mlx.core.array.prod.rst", "python/_autosummary/mlx.core.array.reciprocal.rst", "python/_autosummary/mlx.core.array.reshape.rst", "python/_autosummary/mlx.core.array.round.rst", "python/_autosummary/mlx.core.array.rsqrt.rst", "python/_autosummary/mlx.core.array.shape.rst", "python/_autosummary/mlx.core.array.sin.rst", "python/_autosummary/mlx.core.array.size.rst", "python/_autosummary/mlx.core.array.split.rst", "python/_autosummary/mlx.core.array.sqrt.rst", "python/_autosummary/mlx.core.array.square.rst", "python/_autosummary/mlx.core.array.squeeze.rst", "python/_autosummary/mlx.core.array.std.rst", "python/_autosummary/mlx.core.array.sum.rst", "python/_autosummary/mlx.core.array.swapaxes.rst", "python/_autosummary/mlx.core.array.tolist.rst", "python/_autosummary/mlx.core.array.transpose.rst", "python/_autosummary/mlx.core.array.var.rst", "python/_autosummary/mlx.core.array.view.rst", "python/_autosummary/mlx.core.array_equal.rst", "python/_autosummary/mlx.core.as_strided.rst", "python/_autosummary/mlx.core.atleast_1d.rst", "python/_autosummary/mlx.core.atleast_2d.rst", "python/_autosummary/mlx.core.atleast_3d.rst", "python/_autosummary/mlx.core.bitwise_and.rst", "python/_autosummary/mlx.core.bitwise_invert.rst", "python/_autosummary/mlx.core.bitwise_or.rst", "python/_autosummary/mlx.core.bitwise_xor.rst", "python/_autosummary/mlx.core.block_masked_mm.rst", "python/_autosummary/mlx.core.broadcast_to.rst", "python/_autosummary/mlx.core.ceil.rst", "python/_autosummary/mlx.core.clip.rst", "python/_autosummary/mlx.core.compile.rst", "python/_autosummary/mlx.core.concatenate.rst", "python/_autosummary/mlx.core.conj.rst", "python/_autosummary/mlx.core.conjugate.rst", "python/_autosummary/mlx.core.conv1d.rst", "python/_autosummary/mlx.core.conv2d.rst", "python/_autosummary/mlx.core.conv3d.rst", "python/_autosummary/mlx.core.conv_general.rst", "python/_autosummary/mlx.core.conv_transpose1d.rst", "python/_autosummary/mlx.core.conv_transpose2d.rst", "python/_autosummary/mlx.core.conv_transpose3d.rst", "python/_autosummary/mlx.core.convolve.rst", "python/_autosummary/mlx.core.cos.rst", "python/_autosummary/mlx.core.cosh.rst", "python/_autosummary/mlx.core.cummax.rst", "python/_autosummary/mlx.core.cummin.rst", "python/_autosummary/mlx.core.cumprod.rst", "python/_autosummary/mlx.core.cumsum.rst", "python/_autosummary/mlx.core.custom_function.rst", "python/_autosummary/mlx.core.default_device.rst", "python/_autosummary/mlx.core.default_stream.rst", "python/_autosummary/mlx.core.degrees.rst", "python/_autosummary/mlx.core.dequantize.rst", "python/_autosummary/mlx.core.diag.rst", "python/_autosummary/mlx.core.diagonal.rst", "python/_autosummary/mlx.core.disable_compile.rst", "python/_autosummary/mlx.core.distributed.Group.rst", "python/_autosummary/mlx.core.distributed.all_gather.rst", "python/_autosummary/mlx.core.distributed.all_sum.rst", "python/_autosummary/mlx.core.distributed.init.rst", "python/_autosummary/mlx.core.distributed.is_available.rst", "python/_autosummary/mlx.core.distributed.recv.rst", "python/_autosummary/mlx.core.distributed.recv_like.rst", "python/_autosummary/mlx.core.distributed.send.rst", "python/_autosummary/mlx.core.divide.rst", "python/_autosummary/mlx.core.divmod.rst", "python/_autosummary/mlx.core.einsum.rst", "python/_autosummary/mlx.core.einsum_path.rst", "python/_autosummary/mlx.core.enable_compile.rst", "python/_autosummary/mlx.core.equal.rst", "python/_autosummary/mlx.core.erf.rst", "python/_autosummary/mlx.core.erfinv.rst", "python/_autosummary/mlx.core.eval.rst", "python/_autosummary/mlx.core.exp.rst", "python/_autosummary/mlx.core.expand_dims.rst", "python/_autosummary/mlx.core.expm1.rst", "python/_autosummary/mlx.core.export_function.rst", "python/_autosummary/mlx.core.export_to_dot.rst", "python/_autosummary/mlx.core.exporter.rst", "python/_autosummary/mlx.core.eye.rst", "python/_autosummary/mlx.core.fast.layer_norm.rst", "python/_autosummary/mlx.core.fast.metal_kernel.rst", "python/_autosummary/mlx.core.fast.rms_norm.rst", "python/_autosummary/mlx.core.fast.rope.rst", "python/_autosummary/mlx.core.fast.scaled_dot_product_attention.rst", "python/_autosummary/mlx.core.fft.fft.rst", "python/_autosummary/mlx.core.fft.fft2.rst", "python/_autosummary/mlx.core.fft.fftn.rst", "python/_autosummary/mlx.core.fft.ifft.rst", "python/_autosummary/mlx.core.fft.ifft2.rst", "python/_autosummary/mlx.core.fft.ifftn.rst", "python/_autosummary/mlx.core.fft.irfft.rst", "python/_autosummary/mlx.core.fft.irfft2.rst", "python/_autosummary/mlx.core.fft.irfftn.rst", "python/_autosummary/mlx.core.fft.rfft.rst", "python/_autosummary/mlx.core.fft.rfft2.rst", "python/_autosummary/mlx.core.fft.rfftn.rst", "python/_autosummary/mlx.core.finfo.rst", "python/_autosummary/mlx.core.flatten.rst", "python/_autosummary/mlx.core.floor.rst", "python/_autosummary/mlx.core.floor_divide.rst", "python/_autosummary/mlx.core.full.rst", "python/_autosummary/mlx.core.gather_mm.rst", "python/_autosummary/mlx.core.gather_qmm.rst", "python/_autosummary/mlx.core.grad.rst", "python/_autosummary/mlx.core.greater.rst", "python/_autosummary/mlx.core.greater_equal.rst", "python/_autosummary/mlx.core.hadamard_transform.rst", "python/_autosummary/mlx.core.identity.rst", "python/_autosummary/mlx.core.imag.rst", "python/_autosummary/mlx.core.import_function.rst", "python/_autosummary/mlx.core.inner.rst", "python/_autosummary/mlx.core.isclose.rst", "python/_autosummary/mlx.core.isfinite.rst", "python/_autosummary/mlx.core.isinf.rst", "python/_autosummary/mlx.core.isnan.rst", "python/_autosummary/mlx.core.isneginf.rst", "python/_autosummary/mlx.core.isposinf.rst", "python/_autosummary/mlx.core.issubdtype.rst", "python/_autosummary/mlx.core.jvp.rst", "python/_autosummary/mlx.core.kron.rst", "python/_autosummary/mlx.core.left_shift.rst", "python/_autosummary/mlx.core.less.rst", "python/_autosummary/mlx.core.less_equal.rst", "python/_autosummary/mlx.core.linalg.cholesky.rst", "python/_autosummary/mlx.core.linalg.cholesky_inv.rst", "python/_autosummary/mlx.core.linalg.cross.rst", "python/_autosummary/mlx.core.linalg.eigh.rst", "python/_autosummary/mlx.core.linalg.eigvalsh.rst", "python/_autosummary/mlx.core.linalg.inv.rst", "python/_autosummary/mlx.core.linalg.lu.rst", "python/_autosummary/mlx.core.linalg.lu_factor.rst", "python/_autosummary/mlx.core.linalg.norm.rst", "python/_autosummary/mlx.core.linalg.qr.rst", "python/_autosummary/mlx.core.linalg.solve.rst", "python/_autosummary/mlx.core.linalg.solve_triangular.rst", "python/_autosummary/mlx.core.linalg.svd.rst", "python/_autosummary/mlx.core.linalg.tri_inv.rst", "python/_autosummary/mlx.core.linspace.rst", "python/_autosummary/mlx.core.load.rst", "python/_autosummary/mlx.core.log.rst", "python/_autosummary/mlx.core.log10.rst", "python/_autosummary/mlx.core.log1p.rst", "python/_autosummary/mlx.core.log2.rst", "python/_autosummary/mlx.core.logaddexp.rst", "python/_autosummary/mlx.core.logical_and.rst", "python/_autosummary/mlx.core.logical_not.rst", "python/_autosummary/mlx.core.logical_or.rst", "python/_autosummary/mlx.core.logsumexp.rst", "python/_autosummary/mlx.core.matmul.rst", "python/_autosummary/mlx.core.max.rst", "python/_autosummary/mlx.core.maximum.rst", "python/_autosummary/mlx.core.mean.rst", "python/_autosummary/mlx.core.meshgrid.rst", "python/_autosummary/mlx.core.metal.clear_cache.rst", "python/_autosummary/mlx.core.metal.device_info.rst", "python/_autosummary/mlx.core.metal.get_active_memory.rst", "python/_autosummary/mlx.core.metal.get_cache_memory.rst", "python/_autosummary/mlx.core.metal.get_peak_memory.rst", "python/_autosummary/mlx.core.metal.is_available.rst", "python/_autosummary/mlx.core.metal.reset_peak_memory.rst", "python/_autosummary/mlx.core.metal.set_cache_limit.rst", "python/_autosummary/mlx.core.metal.set_memory_limit.rst", "python/_autosummary/mlx.core.metal.set_wired_limit.rst", "python/_autosummary/mlx.core.metal.start_capture.rst", "python/_autosummary/mlx.core.metal.stop_capture.rst", "python/_autosummary/mlx.core.min.rst", "python/_autosummary/mlx.core.minimum.rst", "python/_autosummary/mlx.core.moveaxis.rst", "python/_autosummary/mlx.core.multiply.rst", "python/_autosummary/mlx.core.nan_to_num.rst", "python/_autosummary/mlx.core.negative.rst", "python/_autosummary/mlx.core.new_stream.rst", "python/_autosummary/mlx.core.not_equal.rst", "python/_autosummary/mlx.core.ones.rst", "python/_autosummary/mlx.core.ones_like.rst", "python/_autosummary/mlx.core.outer.rst", "python/_autosummary/mlx.core.pad.rst", "python/_autosummary/mlx.core.partition.rst", "python/_autosummary/mlx.core.power.rst", "python/_autosummary/mlx.core.prod.rst", "python/_autosummary/mlx.core.put_along_axis.rst", "python/_autosummary/mlx.core.quantize.rst", "python/_autosummary/mlx.core.quantized_matmul.rst", "python/_autosummary/mlx.core.radians.rst", "python/_autosummary/mlx.core.random.bernoulli.rst", "python/_autosummary/mlx.core.random.categorical.rst", "python/_autosummary/mlx.core.random.gumbel.rst", "python/_autosummary/mlx.core.random.key.rst", "python/_autosummary/mlx.core.random.laplace.rst", "python/_autosummary/mlx.core.random.multivariate_normal.rst", "python/_autosummary/mlx.core.random.normal.rst", "python/_autosummary/mlx.core.random.permutation.rst", "python/_autosummary/mlx.core.random.randint.rst", "python/_autosummary/mlx.core.random.seed.rst", "python/_autosummary/mlx.core.random.split.rst", "python/_autosummary/mlx.core.random.truncated_normal.rst", "python/_autosummary/mlx.core.random.uniform.rst", "python/_autosummary/mlx.core.real.rst", "python/_autosummary/mlx.core.reciprocal.rst", "python/_autosummary/mlx.core.remainder.rst", "python/_autosummary/mlx.core.repeat.rst", "python/_autosummary/mlx.core.reshape.rst", "python/_autosummary/mlx.core.right_shift.rst", "python/_autosummary/mlx.core.roll.rst", "python/_autosummary/mlx.core.round.rst", "python/_autosummary/mlx.core.rsqrt.rst", "python/_autosummary/mlx.core.save.rst", "python/_autosummary/mlx.core.save_gguf.rst", "python/_autosummary/mlx.core.save_safetensors.rst", "python/_autosummary/mlx.core.savez.rst", "python/_autosummary/mlx.core.savez_compressed.rst", "python/_autosummary/mlx.core.set_default_device.rst", "python/_autosummary/mlx.core.set_default_stream.rst", "python/_autosummary/mlx.core.sigmoid.rst", "python/_autosummary/mlx.core.sign.rst", "python/_autosummary/mlx.core.sin.rst", "python/_autosummary/mlx.core.sinh.rst", "python/_autosummary/mlx.core.slice.rst", "python/_autosummary/mlx.core.slice_update.rst", "python/_autosummary/mlx.core.softmax.rst", "python/_autosummary/mlx.core.sort.rst", "python/_autosummary/mlx.core.split.rst", "python/_autosummary/mlx.core.sqrt.rst", "python/_autosummary/mlx.core.square.rst", "python/_autosummary/mlx.core.squeeze.rst", "python/_autosummary/mlx.core.stack.rst", "python/_autosummary/mlx.core.std.rst", "python/_autosummary/mlx.core.stop_gradient.rst", "python/_autosummary/mlx.core.stream.rst", "python/_autosummary/mlx.core.subtract.rst", "python/_autosummary/mlx.core.sum.rst", "python/_autosummary/mlx.core.swapaxes.rst", "python/_autosummary/mlx.core.synchronize.rst", "python/_autosummary/mlx.core.take.rst", "python/_autosummary/mlx.core.take_along_axis.rst", "python/_autosummary/mlx.core.tan.rst", "python/_autosummary/mlx.core.tanh.rst", "python/_autosummary/mlx.core.tensordot.rst", "python/_autosummary/mlx.core.tile.rst", "python/_autosummary/mlx.core.topk.rst", "python/_autosummary/mlx.core.trace.rst", "python/_autosummary/mlx.core.transpose.rst", "python/_autosummary/mlx.core.tri.rst", "python/_autosummary/mlx.core.tril.rst", "python/_autosummary/mlx.core.triu.rst", "python/_autosummary/mlx.core.unflatten.rst", "python/_autosummary/mlx.core.value_and_grad.rst", "python/_autosummary/mlx.core.var.rst", "python/_autosummary/mlx.core.view.rst", "python/_autosummary/mlx.core.vjp.rst", "python/_autosummary/mlx.core.vmap.rst", "python/_autosummary/mlx.core.where.rst", "python/_autosummary/mlx.core.zeros.rst", "python/_autosummary/mlx.core.zeros_like.rst", "python/_autosummary/mlx.nn.average_gradients.rst", "python/_autosummary/mlx.nn.quantize.rst", "python/_autosummary/mlx.nn.value_and_grad.rst", "python/_autosummary/mlx.optimizers.clip_grad_norm.rst", "python/_autosummary/mlx.utils.tree_flatten.rst", "python/_autosummary/mlx.utils.tree_map.rst", "python/_autosummary/mlx.utils.tree_map_with_path.rst", "python/_autosummary/mlx.utils.tree_reduce.rst", "python/_autosummary/mlx.utils.tree_unflatten.rst", "python/_autosummary/stream_class.rst", "python/array.rst", "python/data_types.rst", "python/devices_and_streams.rst", "python/distributed.rst", "python/export.rst", "python/fast.rst", "python/fft.rst", "python/linalg.rst", "python/metal.rst", "python/nn.rst", "python/nn/_autosummary/mlx.nn.ALiBi.rst", "python/nn/_autosummary/mlx.nn.AvgPool1d.rst", "python/nn/_autosummary/mlx.nn.AvgPool2d.rst", "python/nn/_autosummary/mlx.nn.AvgPool3d.rst", "python/nn/_autosummary/mlx.nn.BatchNorm.rst", "python/nn/_autosummary/mlx.nn.CELU.rst", "python/nn/_autosummary/mlx.nn.Conv1d.rst", "python/nn/_autosummary/mlx.nn.Conv2d.rst", "python/nn/_autosummary/mlx.nn.Conv3d.rst", "python/nn/_autosummary/mlx.nn.ConvTranspose1d.rst", "python/nn/_autosummary/mlx.nn.ConvTranspose2d.rst", "python/nn/_autosummary/mlx.nn.ConvTranspose3d.rst", "python/nn/_autosummary/mlx.nn.Dropout.rst", "python/nn/_autosummary/mlx.nn.Dropout2d.rst", "python/nn/_autosummary/mlx.nn.Dropout3d.rst", "python/nn/_autosummary/mlx.nn.ELU.rst", "python/nn/_autosummary/mlx.nn.Embedding.rst", "python/nn/_autosummary/mlx.nn.GELU.rst", "python/nn/_autosummary/mlx.nn.GLU.rst", "python/nn/_autosummary/mlx.nn.GRU.rst", "python/nn/_autosummary/mlx.nn.GroupNorm.rst", "python/nn/_autosummary/mlx.nn.HardShrink.rst", "python/nn/_autosummary/mlx.nn.HardTanh.rst", "python/nn/_autosummary/mlx.nn.Hardswish.rst", "python/nn/_autosummary/mlx.nn.InstanceNorm.rst", "python/nn/_autosummary/mlx.nn.LSTM.rst", "python/nn/_autosummary/mlx.nn.LayerNorm.rst", "python/nn/_autosummary/mlx.nn.LeakyReLU.rst", "python/nn/_autosummary/mlx.nn.Linear.rst", "python/nn/_autosummary/mlx.nn.LogSigmoid.rst", "python/nn/_autosummary/mlx.nn.LogSoftmax.rst", "python/nn/_autosummary/mlx.nn.MaxPool1d.rst", "python/nn/_autosummary/mlx.nn.MaxPool2d.rst", "python/nn/_autosummary/mlx.nn.MaxPool3d.rst", "python/nn/_autosummary/mlx.nn.Mish.rst", "python/nn/_autosummary/mlx.nn.Module.apply.rst", "python/nn/_autosummary/mlx.nn.Module.apply_to_modules.rst", "python/nn/_autosummary/mlx.nn.Module.children.rst", "python/nn/_autosummary/mlx.nn.Module.eval.rst", "python/nn/_autosummary/mlx.nn.Module.filter_and_map.rst", "python/nn/_autosummary/mlx.nn.Module.freeze.rst", "python/nn/_autosummary/mlx.nn.Module.leaf_modules.rst", "python/nn/_autosummary/mlx.nn.Module.load_weights.rst", "python/nn/_autosummary/mlx.nn.Module.modules.rst", "python/nn/_autosummary/mlx.nn.Module.named_modules.rst", "python/nn/_autosummary/mlx.nn.Module.parameters.rst", "python/nn/_autosummary/mlx.nn.Module.save_weights.rst", "python/nn/_autosummary/mlx.nn.Module.set_dtype.rst", "python/nn/_autosummary/mlx.nn.Module.state.rst", "python/nn/_autosummary/mlx.nn.Module.train.rst", "python/nn/_autosummary/mlx.nn.Module.trainable_parameters.rst", "python/nn/_autosummary/mlx.nn.Module.training.rst", "python/nn/_autosummary/mlx.nn.Module.unfreeze.rst", "python/nn/_autosummary/mlx.nn.Module.update.rst", "python/nn/_autosummary/mlx.nn.Module.update_modules.rst", "python/nn/_autosummary/mlx.nn.MultiHeadAttention.rst", "python/nn/_autosummary/mlx.nn.PReLU.rst", "python/nn/_autosummary/mlx.nn.QuantizedEmbedding.rst", "python/nn/_autosummary/mlx.nn.QuantizedLinear.rst", "python/nn/_autosummary/mlx.nn.RMSNorm.rst", "python/nn/_autosummary/mlx.nn.RNN.rst", "python/nn/_autosummary/mlx.nn.ReLU.rst", "python/nn/_autosummary/mlx.nn.ReLU6.rst", "python/nn/_autosummary/mlx.nn.RoPE.rst", "python/nn/_autosummary/mlx.nn.SELU.rst", "python/nn/_autosummary/mlx.nn.Sequential.rst", "python/nn/_autosummary/mlx.nn.SiLU.rst", "python/nn/_autosummary/mlx.nn.Sigmoid.rst", "python/nn/_autosummary/mlx.nn.SinusoidalPositionalEncoding.rst", "python/nn/_autosummary/mlx.nn.Softmax.rst", "python/nn/_autosummary/mlx.nn.Softmin.rst", "python/nn/_autosummary/mlx.nn.Softplus.rst", "python/nn/_autosummary/mlx.nn.Softshrink.rst", "python/nn/_autosummary/mlx.nn.Softsign.rst", "python/nn/_autosummary/mlx.nn.Step.rst", "python/nn/_autosummary/mlx.nn.Tanh.rst", "python/nn/_autosummary/mlx.nn.Transformer.rst", "python/nn/_autosummary/mlx.nn.Upsample.rst", "python/nn/_autosummary/mlx.nn.init.constant.rst", "python/nn/_autosummary/mlx.nn.init.glorot_normal.rst", "python/nn/_autosummary/mlx.nn.init.glorot_uniform.rst", "python/nn/_autosummary/mlx.nn.init.he_normal.rst", "python/nn/_autosummary/mlx.nn.init.he_uniform.rst", "python/nn/_autosummary/mlx.nn.init.identity.rst", "python/nn/_autosummary/mlx.nn.init.normal.rst", "python/nn/_autosummary/mlx.nn.init.uniform.rst", "python/nn/_autosummary_functions/mlx.nn.celu.rst", "python/nn/_autosummary_functions/mlx.nn.elu.rst", "python/nn/_autosummary_functions/mlx.nn.gelu.rst", "python/nn/_autosummary_functions/mlx.nn.gelu_approx.rst", "python/nn/_autosummary_functions/mlx.nn.gelu_fast_approx.rst", "python/nn/_autosummary_functions/mlx.nn.glu.rst", "python/nn/_autosummary_functions/mlx.nn.hard_shrink.rst", "python/nn/_autosummary_functions/mlx.nn.hard_tanh.rst", "python/nn/_autosummary_functions/mlx.nn.hardswish.rst", "python/nn/_autosummary_functions/mlx.nn.leaky_relu.rst", "python/nn/_autosummary_functions/mlx.nn.log_sigmoid.rst", "python/nn/_autosummary_functions/mlx.nn.log_softmax.rst", "python/nn/_autosummary_functions/mlx.nn.losses.binary_cross_entropy.rst", "python/nn/_autosummary_functions/mlx.nn.losses.cosine_similarity_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.cross_entropy.rst", "python/nn/_autosummary_functions/mlx.nn.losses.gaussian_nll_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.hinge_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.huber_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.kl_div_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.l1_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.log_cosh_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.margin_ranking_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.mse_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.nll_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.smooth_l1_loss.rst", "python/nn/_autosummary_functions/mlx.nn.losses.triplet_loss.rst", "python/nn/_autosummary_functions/mlx.nn.mish.rst", "python/nn/_autosummary_functions/mlx.nn.prelu.rst", "python/nn/_autosummary_functions/mlx.nn.relu.rst", "python/nn/_autosummary_functions/mlx.nn.relu6.rst", "python/nn/_autosummary_functions/mlx.nn.selu.rst", "python/nn/_autosummary_functions/mlx.nn.sigmoid.rst", "python/nn/_autosummary_functions/mlx.nn.silu.rst", "python/nn/_autosummary_functions/mlx.nn.softmax.rst", "python/nn/_autosummary_functions/mlx.nn.softmin.rst", "python/nn/_autosummary_functions/mlx.nn.softplus.rst", "python/nn/_autosummary_functions/mlx.nn.softshrink.rst", "python/nn/_autosummary_functions/mlx.nn.step.rst", "python/nn/_autosummary_functions/mlx.nn.tanh.rst", "python/nn/functions.rst", "python/nn/init.rst", "python/nn/layers.rst", "python/nn/losses.rst", "python/nn/module.rst", "python/ops.rst", "python/optimizers.rst", "python/optimizers/_autosummary/mlx.optimizers.AdaDelta.rst", "python/optimizers/_autosummary/mlx.optimizers.Adafactor.rst", "python/optimizers/_autosummary/mlx.optimizers.Adagrad.rst", "python/optimizers/_autosummary/mlx.optimizers.Adam.rst", "python/optimizers/_autosummary/mlx.optimizers.AdamW.rst", "python/optimizers/_autosummary/mlx.optimizers.Adamax.rst", "python/optimizers/_autosummary/mlx.optimizers.Lion.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.apply_gradients.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.init.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.state.rst", "python/optimizers/_autosummary/mlx.optimizers.Optimizer.update.rst", "python/optimizers/_autosummary/mlx.optimizers.RMSprop.rst", "python/optimizers/_autosummary/mlx.optimizers.SGD.rst", "python/optimizers/_autosummary/mlx.optimizers.cosine_decay.rst", "python/optimizers/_autosummary/mlx.optimizers.exponential_decay.rst", "python/optimizers/_autosummary/mlx.optimizers.join_schedules.rst", "python/optimizers/_autosummary/mlx.optimizers.linear_schedule.rst", "python/optimizers/_autosummary/mlx.optimizers.step_decay.rst", "python/optimizers/common_optimizers.rst", "python/optimizers/optimizer.rst", "python/optimizers/schedulers.rst", "python/random.rst", "python/transforms.rst", "python/tree_utils.rst", "usage/compile.rst", "usage/distributed.rst", "usage/export.rst", "usage/function_transforms.rst", "usage/indexing.rst", "usage/launching_distributed.rst", "usage/lazy_evaluation.rst", "usage/numpy.rst", "usage/quick_start.rst", "usage/saving_and_loading.rst", "usage/unified_memory.rst", "usage/using_streams.rst"], "indexentries": {"__init__() (array method)": [[31, "mlx.core.array.__init__", false]], "__init__() (custom_function method)": [[114, "mlx.core.custom_function.__init__", false]], "__init__() (device method)": [[10, "mlx.core.Device.__init__", false]], "__init__() (dtype method)": [[11, "mlx.core.Dtype.__init__", false]], "__init__() (dtypecategory method)": [[12, "mlx.core.DtypeCategory.__init__", false]], "__init__() (finfo method)": [[163, "mlx.core.finfo.__init__", false]], "__init__() (group method)": [[122, "mlx.core.distributed.Group.__init__", false]], "__init__() (stream method)": [[330, "mlx.core.Stream.__init__", false]], "abs (c++ function)": [[0, "_CPPv43absRK5array14StreamOrDevice", false]], "abs() (array method)": [[33, "mlx.core.array.abs", false]], "abs() (in module mlx.core)": [[13, "mlx.core.abs", false]], "adadelta (class in mlx.optimizers)": [[473, "mlx.optimizers.AdaDelta", false]], "adafactor (class in mlx.optimizers)": [[474, "mlx.optimizers.Adafactor", false]], "adagrad (class in mlx.optimizers)": [[475, "mlx.optimizers.Adagrad", false]], "adam (class in mlx.optimizers)": [[476, "mlx.optimizers.Adam", false]], "adamax (class in mlx.optimizers)": [[478, "mlx.optimizers.Adamax", false]], "adamw (class in mlx.optimizers)": [[477, "mlx.optimizers.AdamW", false]], "add (c++ function)": [[0, "_CPPv43addRK5arrayRK5array14StreamOrDevice", false]], "add() (in module mlx.core)": [[14, "mlx.core.add", false]], "addmm (c++ function)": [[0, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", false]], "addmm() (in module mlx.core)": [[15, "mlx.core.addmm", false]], "alibi (class in mlx.nn)": [[341, "mlx.nn.ALiBi", false]], "all (c++ function)": [[0, "_CPPv43allRK5array14StreamOrDevice", false], [0, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43allRK5arrayb14StreamOrDevice", false], [0, "_CPPv43allRK5arrayib14StreamOrDevice", false]], "all() (array method)": [[34, "mlx.core.array.all", false]], "all() (in module mlx.core)": [[16, "mlx.core.all", false]], "all_gather() (in module mlx.core.distributed)": [[123, "mlx.core.distributed.all_gather", false]], "all_sum() (in module mlx.core.distributed)": [[124, "mlx.core.distributed.all_sum", false]], "allclose (c++ function)": [[0, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", false]], "allclose() (in module mlx.core)": [[17, "mlx.core.allclose", false]], "any (c++ function)": [[0, "_CPPv43anyRK5array14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayb14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayib14StreamOrDevice", false]], "any() (array method)": [[35, "mlx.core.array.any", false]], "any() (in module mlx.core)": [[18, "mlx.core.any", false]], "apply() (module method)": [[376, "mlx.nn.Module.apply", false]], "apply_gradients() (optimizer method)": [[480, "mlx.optimizers.Optimizer.apply_gradients", false]], "apply_to_modules() (module method)": [[377, "mlx.nn.Module.apply_to_modules", false]], "arange (c++ function)": [[0, "_CPPv46aranged14StreamOrDevice", false], [0, "_CPPv46aranged5Dtype14StreamOrDevice", false], [0, "_CPPv46arangedd14StreamOrDevice", false], [0, "_CPPv46arangedd5Dtype14StreamOrDevice", false], [0, "_CPPv46arangeddd14StreamOrDevice", false], [0, "_CPPv46arangeddd5Dtype14StreamOrDevice", false], [0, "_CPPv46arangei14StreamOrDevice", false], [0, "_CPPv46arangeii14StreamOrDevice", false], [0, "_CPPv46arangeiii14StreamOrDevice", false]], "arange() (in module mlx.core)": [[19, "mlx.core.arange", false]], "arccos (c++ function)": [[0, "_CPPv46arccosRK5array14StreamOrDevice", false]], "arccos() (in module mlx.core)": [[20, "mlx.core.arccos", false]], "arccosh (c++ function)": [[0, "_CPPv47arccoshRK5array14StreamOrDevice", false]], "arccosh() (in module mlx.core)": [[21, "mlx.core.arccosh", false]], "arcsin (c++ function)": [[0, "_CPPv46arcsinRK5array14StreamOrDevice", false]], "arcsin() (in module mlx.core)": [[22, "mlx.core.arcsin", false]], "arcsinh (c++ function)": [[0, "_CPPv47arcsinhRK5array14StreamOrDevice", false]], "arcsinh() (in module mlx.core)": [[23, "mlx.core.arcsinh", false]], "arctan (c++ function)": [[0, "_CPPv46arctanRK5array14StreamOrDevice", false]], "arctan() (in module mlx.core)": [[24, "mlx.core.arctan", false]], "arctan2 (c++ function)": [[0, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", false]], "arctan2() (in module mlx.core)": [[25, "mlx.core.arctan2", false]], "arctanh (c++ function)": [[0, "_CPPv47arctanhRK5array14StreamOrDevice", false]], "arctanh() (in module mlx.core)": [[26, "mlx.core.arctanh", false]], "argmax (c++ function)": [[0, "_CPPv46argmaxRK5array14StreamOrDevice", false], [0, "_CPPv46argmaxRK5arrayb14StreamOrDevice", false], [0, "_CPPv46argmaxRK5arrayib14StreamOrDevice", false]], "argmax() (array method)": [[36, "mlx.core.array.argmax", false]], "argmax() (in module mlx.core)": [[27, "mlx.core.argmax", false]], "argmin (c++ function)": [[0, "_CPPv46argminRK5array14StreamOrDevice", false], [0, "_CPPv46argminRK5arrayb14StreamOrDevice", false], [0, "_CPPv46argminRK5arrayib14StreamOrDevice", false]], "argmin() (array method)": [[37, "mlx.core.array.argmin", false]], "argmin() (in module mlx.core)": [[28, "mlx.core.argmin", false]], "argpartition (c++ function)": [[0, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", false], [0, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", false]], "argpartition() (in module mlx.core)": [[29, "mlx.core.argpartition", false]], "argsort (c++ function)": [[0, "_CPPv47argsortRK5array14StreamOrDevice", false], [0, "_CPPv47argsortRK5arrayi14StreamOrDevice", false]], "argsort() (in module mlx.core)": [[30, "mlx.core.argsort", false]], "array (class in mlx.core)": [[31, "mlx.core.array", false]], "array_equal (c++ function)": [[0, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", false], [0, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", false]], "array_equal() (in module mlx.core)": [[83, "mlx.core.array_equal", false]], "as_strided (c++ function)": [[0, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", false]], "as_strided() (in module mlx.core)": [[84, "mlx.core.as_strided", false]], "astype (c++ function)": [[0, "_CPPv46astype5array5Dtype14StreamOrDevice", false]], "astype() (array method)": [[38, "mlx.core.array.astype", false]], "at (array property)": [[39, "mlx.core.array.at", false]], "atleast_1d (c++ function)": [[0, "_CPPv410atleast_1dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_1d() (in module mlx.core)": [[85, "mlx.core.atleast_1d", false]], "atleast_2d (c++ function)": [[0, "_CPPv410atleast_2dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_2d() (in module mlx.core)": [[86, "mlx.core.atleast_2d", false]], "atleast_3d (c++ function)": [[0, "_CPPv410atleast_3dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_3d() (in module mlx.core)": [[87, "mlx.core.atleast_3d", false]], "average_gradients() (in module mlx.nn)": [[321, "mlx.nn.average_gradients", false]], "avgpool1d (class in mlx.nn)": [[342, "mlx.nn.AvgPool1d", false]], "avgpool2d (class in mlx.nn)": [[343, "mlx.nn.AvgPool2d", false]], "avgpool3d (class in mlx.nn)": [[344, "mlx.nn.AvgPool3d", false]], "batchnorm (class in mlx.nn)": [[345, "mlx.nn.BatchNorm", false]], "bernoulli() (in module mlx.core.random)": [[251, "mlx.core.random.bernoulli", false]], "binary_cross_entropy (class in mlx.nn.losses)": [[439, "mlx.nn.losses.binary_cross_entropy", false]], "bitwise_and (c++ function)": [[0, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", false]], "bitwise_and() (in module mlx.core)": [[88, "mlx.core.bitwise_and", false]], "bitwise_invert (c++ function)": [[0, "_CPPv414bitwise_invertRK5array14StreamOrDevice", false]], "bitwise_invert() (in module mlx.core)": [[89, "mlx.core.bitwise_invert", false]], "bitwise_or (c++ function)": [[0, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", false]], "bitwise_or() (in module mlx.core)": [[90, "mlx.core.bitwise_or", false]], "bitwise_xor (c++ function)": [[0, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", false]], "bitwise_xor() (in module mlx.core)": [[91, "mlx.core.bitwise_xor", false]], "block_masked_mm (c++ function)": [[0, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", false]], "block_masked_mm() (in module mlx.core)": [[92, "mlx.core.block_masked_mm", false]], "broadcast_arrays (c++ function)": [[0, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "broadcast_to (c++ function)": [[0, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", false]], "broadcast_to() (in module mlx.core)": [[93, "mlx.core.broadcast_to", false]], "categorical() (in module mlx.core.random)": [[252, "mlx.core.random.categorical", false]], "ceil (c++ function)": [[0, "_CPPv44ceilRK5array14StreamOrDevice", false]], "ceil() (in module mlx.core)": [[94, "mlx.core.ceil", false]], "celu (class in mlx.nn)": [[346, "mlx.nn.CELU", false], [427, "mlx.nn.celu", false]], "children() (module method)": [[378, "mlx.nn.Module.children", false]], "cholesky() (in module mlx.core.linalg)": [[190, "mlx.core.linalg.cholesky", false]], "cholesky_inv() (in module mlx.core.linalg)": [[191, "mlx.core.linalg.cholesky_inv", false]], "clear_cache() (in module mlx.core.metal)": [[220, "mlx.core.metal.clear_cache", false]], "clip (c++ function)": [[0, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", false]], "clip() (in module mlx.core)": [[95, "mlx.core.clip", false]], "clip_grad_norm() (in module mlx.optimizers)": [[324, "mlx.optimizers.clip_grad_norm", false]], "compile() (in module mlx.core)": [[96, "mlx.core.compile", false]], "concatenate (c++ function)": [[0, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", false], [0, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", false]], "concatenate() (in module mlx.core)": [[97, "mlx.core.concatenate", false]], "conj() (array method)": [[40, "mlx.core.array.conj", false]], "conj() (in module mlx.core)": [[98, "mlx.core.conj", false]], "conjugate (c++ function)": [[0, "_CPPv49conjugateRK5array14StreamOrDevice", false]], "conjugate() (in module mlx.core)": [[99, "mlx.core.conjugate", false]], "constant() (in module mlx.nn.init)": [[419, "mlx.nn.init.constant", false]], "contiguous (c++ function)": [[0, "_CPPv410contiguousRK5arrayb14StreamOrDevice", false]], "conv1d (c++ function)": [[0, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", false]], "conv1d (class in mlx.nn)": [[347, "mlx.nn.Conv1d", false]], "conv1d() (in module mlx.core)": [[100, "mlx.core.conv1d", false]], "conv2d (c++ function)": [[0, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", false]], "conv2d (class in mlx.nn)": [[348, "mlx.nn.Conv2d", false]], "conv2d() (in module mlx.core)": [[101, "mlx.core.conv2d", false]], "conv3d (c++ function)": [[0, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", false]], "conv3d (class in mlx.nn)": [[349, "mlx.nn.Conv3d", false]], "conv3d() (in module mlx.core)": [[102, "mlx.core.conv3d", false]], "conv_general (c++ function)": [[0, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", false], [0, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", false]], "conv_general() (in module mlx.core)": [[103, "mlx.core.conv_general", false]], "conv_transpose1d (c++ function)": [[0, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", false]], "conv_transpose1d() (in module mlx.core)": [[104, "mlx.core.conv_transpose1d", false]], "conv_transpose2d (c++ function)": [[0, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", false]], "conv_transpose2d() (in module mlx.core)": [[105, "mlx.core.conv_transpose2d", false]], "conv_transpose3d (c++ function)": [[0, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", false]], "conv_transpose3d() (in module mlx.core)": [[106, "mlx.core.conv_transpose3d", false]], "convolve() (in module mlx.core)": [[107, "mlx.core.convolve", false]], "convtranspose1d (class in mlx.nn)": [[350, "mlx.nn.ConvTranspose1d", false]], "convtranspose2d (class in mlx.nn)": [[351, "mlx.nn.ConvTranspose2d", false]], "convtranspose3d (class in mlx.nn)": [[352, "mlx.nn.ConvTranspose3d", false]], "copy (c++ function)": [[0, "_CPPv44copy5array14StreamOrDevice", false]], "cos (c++ function)": [[0, "_CPPv43cosRK5array14StreamOrDevice", false]], "cos() (array method)": [[41, "mlx.core.array.cos", false]], "cos() (in module mlx.core)": [[108, "mlx.core.cos", false]], "cosh (c++ function)": [[0, "_CPPv44coshRK5array14StreamOrDevice", false]], "cosh() (in module mlx.core)": [[109, "mlx.core.cosh", false]], "cosine_decay() (in module mlx.optimizers)": [[486, "mlx.optimizers.cosine_decay", false]], "cosine_similarity_loss (class in mlx.nn.losses)": [[440, "mlx.nn.losses.cosine_similarity_loss", false]], "cross() (in module mlx.core.linalg)": [[192, "mlx.core.linalg.cross", false]], "cross_entropy (class in mlx.nn.losses)": [[441, "mlx.nn.losses.cross_entropy", false]], "cummax (c++ function)": [[0, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", false]], "cummax() (array method)": [[42, "mlx.core.array.cummax", false]], "cummax() (in module mlx.core)": [[110, "mlx.core.cummax", false]], "cummin (c++ function)": [[0, "_CPPv46cumminRK5arrayibb14StreamOrDevice", false]], "cummin() (array method)": [[43, "mlx.core.array.cummin", false]], "cummin() (in module mlx.core)": [[111, "mlx.core.cummin", false]], "cumprod (c++ function)": [[0, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", false]], "cumprod() (array method)": [[44, "mlx.core.array.cumprod", false]], "cumprod() (in module mlx.core)": [[112, "mlx.core.cumprod", false]], "cumsum (c++ function)": [[0, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", false]], "cumsum() (array method)": [[45, "mlx.core.array.cumsum", false]], "cumsum() (in module mlx.core)": [[113, "mlx.core.cumsum", false]], "custom_function (class in mlx.core)": [[114, "mlx.core.custom_function", false]], "default_device() (in module mlx.core)": [[115, "mlx.core.default_device", false]], "default_stream() (in module mlx.core)": [[116, "mlx.core.default_stream", false]], "degrees (c++ function)": [[0, "_CPPv47degreesRK5array14StreamOrDevice", false]], "degrees() (in module mlx.core)": [[117, "mlx.core.degrees", false]], "depends (c++ function)": [[0, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", false]], "dequantize (c++ function)": [[0, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", false]], "dequantize() (in module mlx.core)": [[118, "mlx.core.dequantize", false]], "device (class in mlx.core)": [[10, "mlx.core.Device", false]], "device_info() (in module mlx.core.metal)": [[221, "mlx.core.metal.device_info", false]], "diag (c++ function)": [[0, "_CPPv44diagRK5arrayi14StreamOrDevice", false]], "diag() (array method)": [[46, "mlx.core.array.diag", false]], "diag() (in module mlx.core)": [[119, "mlx.core.diag", false]], "diagonal (c++ function)": [[0, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", false]], "diagonal() (array method)": [[47, "mlx.core.array.diagonal", false]], "diagonal() (in module mlx.core)": [[120, "mlx.core.diagonal", false]], "disable_compile() (in module mlx.core)": [[121, "mlx.core.disable_compile", false]], "divide (c++ function)": [[0, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", false]], "divide() (in module mlx.core)": [[130, "mlx.core.divide", false]], "divmod (c++ function)": [[0, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", false]], "divmod() (in module mlx.core)": [[131, "mlx.core.divmod", false]], "dropout (class in mlx.nn)": [[353, "mlx.nn.Dropout", false]], "dropout2d (class in mlx.nn)": [[354, "mlx.nn.Dropout2d", false]], "dropout3d (class in mlx.nn)": [[355, "mlx.nn.Dropout3d", false]], "dtype (array property)": [[48, "mlx.core.array.dtype", false]], "dtype (class in mlx.core)": [[11, "mlx.core.Dtype", false]], "dtypecategory (class in mlx.core)": [[12, "mlx.core.DtypeCategory", false]], "eigh() (in module mlx.core.linalg)": [[193, "mlx.core.linalg.eigh", false]], "eigvalsh() (in module mlx.core.linalg)": [[194, "mlx.core.linalg.eigvalsh", false]], "einsum() (in module mlx.core)": [[132, "mlx.core.einsum", false]], "einsum_path() (in module mlx.core)": [[133, "mlx.core.einsum_path", false]], "elu (class in mlx.nn)": [[356, "mlx.nn.ELU", false], [428, "mlx.nn.elu", false]], "embedding (class in mlx.nn)": [[357, "mlx.nn.Embedding", false]], "enable_compile() (in module mlx.core)": [[134, "mlx.core.enable_compile", false]], "equal (c++ function)": [[0, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", false]], "equal() (in module mlx.core)": [[135, "mlx.core.equal", false]], "erf (c++ function)": [[0, "_CPPv43erfRK5array14StreamOrDevice", false]], "erf() (in module mlx.core)": [[136, "mlx.core.erf", false]], "erfinv (c++ function)": [[0, "_CPPv46erfinvRK5array14StreamOrDevice", false]], "erfinv() (in module mlx.core)": [[137, "mlx.core.erfinv", false]], "eval() (in module mlx.core)": [[138, "mlx.core.eval", false]], "eval() (module method)": [[379, "mlx.nn.Module.eval", false]], "exp (c++ function)": [[0, "_CPPv43expRK5array14StreamOrDevice", false]], "exp() (array method)": [[49, "mlx.core.array.exp", false]], "exp() (in module mlx.core)": [[139, "mlx.core.exp", false]], "expand_dims (c++ function)": [[0, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", false]], "expand_dims() (in module mlx.core)": [[140, "mlx.core.expand_dims", false]], "expm1 (c++ function)": [[0, "_CPPv45expm1RK5array14StreamOrDevice", false]], "expm1() (in module mlx.core)": [[141, "mlx.core.expm1", false]], "exponential_decay() (in module mlx.optimizers)": [[487, "mlx.optimizers.exponential_decay", false]], "export_function() (in module mlx.core)": [[142, "mlx.core.export_function", false]], "export_to_dot() (in module mlx.core)": [[143, "mlx.core.export_to_dot", false]], "exporter() (in module mlx.core)": [[144, "mlx.core.exporter", false]], "eye (c++ function)": [[0, "_CPPv43eyei14StreamOrDevice", false], [0, "_CPPv43eyei5Dtype14StreamOrDevice", false], [0, "_CPPv43eyeii14StreamOrDevice", false], [0, "_CPPv43eyeiii14StreamOrDevice", false], [0, "_CPPv43eyeiii5Dtype14StreamOrDevice", false]], "eye() (in module mlx.core)": [[145, "mlx.core.eye", false]], "fft() (in module mlx.core.fft)": [[151, "mlx.core.fft.fft", false]], "fft2() (in module mlx.core.fft)": [[152, "mlx.core.fft.fft2", false]], "fftn() (in module mlx.core.fft)": [[153, "mlx.core.fft.fftn", false]], "filter_and_map() (module method)": [[380, "mlx.nn.Module.filter_and_map", false]], "finfo (class in mlx.core)": [[163, "mlx.core.finfo", false]], "flatten (c++ function)": [[0, "_CPPv47flattenRK5array14StreamOrDevice", false], [0, "_CPPv47flattenRK5arrayii14StreamOrDevice", false]], "flatten() (array method)": [[50, "mlx.core.array.flatten", false]], "flatten() (in module mlx.core)": [[164, "mlx.core.flatten", false]], "floor (c++ function)": [[0, "_CPPv45floorRK5array14StreamOrDevice", false]], "floor() (in module mlx.core)": [[165, "mlx.core.floor", false]], "floor_divide (c++ function)": [[0, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", false]], "floor_divide() (in module mlx.core)": [[166, "mlx.core.floor_divide", false]], "freeze() (module method)": [[381, "mlx.nn.Module.freeze", false]], "full (c++ function)": [[0, "_CPPv44full5Shape5array14StreamOrDevice", false], [0, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", false], [0, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", false], [0, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", false]], "full() (in module mlx.core)": [[167, "mlx.core.full", false]], "gather (c++ function)": [[0, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", false], [0, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", false]], "gather_mm (c++ function)": [[0, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", false]], "gather_mm() (in module mlx.core)": [[168, "mlx.core.gather_mm", false]], "gather_qmm (c++ function)": [[0, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", false]], "gather_qmm() (in module mlx.core)": [[169, "mlx.core.gather_qmm", false]], "gaussian_nll_loss (class in mlx.nn.losses)": [[442, "mlx.nn.losses.gaussian_nll_loss", false]], "gelu (class in mlx.nn)": [[358, "mlx.nn.GELU", false], [429, "mlx.nn.gelu", false]], "gelu_approx (class in mlx.nn)": [[430, "mlx.nn.gelu_approx", false]], "gelu_fast_approx (class in mlx.nn)": [[431, "mlx.nn.gelu_fast_approx", false]], "get_active_memory() (in module mlx.core.metal)": [[222, "mlx.core.metal.get_active_memory", false]], "get_cache_memory() (in module mlx.core.metal)": [[223, "mlx.core.metal.get_cache_memory", false]], "get_peak_memory() (in module mlx.core.metal)": [[224, "mlx.core.metal.get_peak_memory", false]], "glorot_normal() (in module mlx.nn.init)": [[420, "mlx.nn.init.glorot_normal", false]], "glorot_uniform() (in module mlx.nn.init)": [[421, "mlx.nn.init.glorot_uniform", false]], "glu (class in mlx.nn)": [[359, "mlx.nn.GLU", false], [432, "mlx.nn.glu", false]], "grad() (in module mlx.core)": [[170, "mlx.core.grad", false]], "greater (c++ function)": [[0, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", false]], "greater() (in module mlx.core)": [[171, "mlx.core.greater", false]], "greater_equal (c++ function)": [[0, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", false]], "greater_equal() (in module mlx.core)": [[172, "mlx.core.greater_equal", false]], "group (class in mlx.core.distributed)": [[122, "mlx.core.distributed.Group", false]], "groupnorm (class in mlx.nn)": [[361, "mlx.nn.GroupNorm", false]], "gru (class in mlx.nn)": [[360, "mlx.nn.GRU", false]], "gumbel() (in module mlx.core.random)": [[253, "mlx.core.random.gumbel", false]], "hadamard_transform (c++ function)": [[0, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", false]], "hadamard_transform() (in module mlx.core)": [[173, "mlx.core.hadamard_transform", false]], "hard_shrink (class in mlx.nn)": [[433, "mlx.nn.hard_shrink", false]], "hard_tanh (class in mlx.nn)": [[434, "mlx.nn.hard_tanh", false]], "hardshrink (class in mlx.nn)": [[362, "mlx.nn.HardShrink", false]], "hardswish (class in mlx.nn)": [[364, "mlx.nn.Hardswish", false], [435, "mlx.nn.hardswish", false]], "hardtanh (class in mlx.nn)": [[363, "mlx.nn.HardTanh", false]], "he_normal() (in module mlx.nn.init)": [[422, "mlx.nn.init.he_normal", false]], "he_uniform() (in module mlx.nn.init)": [[423, "mlx.nn.init.he_uniform", false]], "hinge_loss (class in mlx.nn.losses)": [[443, "mlx.nn.losses.hinge_loss", false]], "huber_loss (class in mlx.nn.losses)": [[444, "mlx.nn.losses.huber_loss", false]], "identity (c++ function)": [[0, "_CPPv48identityi14StreamOrDevice", false], [0, "_CPPv48identityi5Dtype14StreamOrDevice", false]], "identity() (in module mlx.core)": [[174, "mlx.core.identity", false]], "identity() (in module mlx.nn.init)": [[424, "mlx.nn.init.identity", false]], "ifft() (in module mlx.core.fft)": [[154, "mlx.core.fft.ifft", false]], "ifft2() (in module mlx.core.fft)": [[155, "mlx.core.fft.ifft2", false]], "ifftn() (in module mlx.core.fft)": [[156, "mlx.core.fft.ifftn", false]], "imag (c++ function)": [[0, "_CPPv44imagRK5array14StreamOrDevice", false]], "imag() (in module mlx.core)": [[175, "mlx.core.imag", false]], "import_function() (in module mlx.core)": [[176, "mlx.core.import_function", false]], "init() (in module mlx.core.distributed)": [[125, "mlx.core.distributed.init", false]], "init() (optimizer method)": [[481, "mlx.optimizers.Optimizer.init", false]], "inner (c++ function)": [[0, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", false]], "inner() (in module mlx.core)": [[177, "mlx.core.inner", false]], "instancenorm (class in mlx.nn)": [[365, "mlx.nn.InstanceNorm", false]], "inv() (in module mlx.core.linalg)": [[195, "mlx.core.linalg.inv", false]], "irfft() (in module mlx.core.fft)": [[157, "mlx.core.fft.irfft", false]], "irfft2() (in module mlx.core.fft)": [[158, "mlx.core.fft.irfft2", false]], "irfftn() (in module mlx.core.fft)": [[159, "mlx.core.fft.irfftn", false]], "is_available() (in module mlx.core.distributed)": [[126, "mlx.core.distributed.is_available", false]], "is_available() (in module mlx.core.metal)": [[225, "mlx.core.metal.is_available", false]], "isclose (c++ function)": [[0, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", false]], "isclose() (in module mlx.core)": [[178, "mlx.core.isclose", false]], "isfinite (c++ function)": [[0, "_CPPv48isfiniteRK5array14StreamOrDevice", false]], "isfinite() (in module mlx.core)": [[179, "mlx.core.isfinite", false]], "isinf (c++ function)": [[0, "_CPPv45isinfRK5array14StreamOrDevice", false]], "isinf() (in module mlx.core)": [[180, "mlx.core.isinf", false]], "isnan (c++ function)": [[0, "_CPPv45isnanRK5array14StreamOrDevice", false]], "isnan() (in module mlx.core)": [[181, "mlx.core.isnan", false]], "isneginf (c++ function)": [[0, "_CPPv48isneginfRK5array14StreamOrDevice", false]], "isneginf() (in module mlx.core)": [[182, "mlx.core.isneginf", false]], "isposinf (c++ function)": [[0, "_CPPv48isposinfRK5array14StreamOrDevice", false]], "isposinf() (in module mlx.core)": [[183, "mlx.core.isposinf", false]], "issubdtype() (in module mlx.core)": [[184, "mlx.core.issubdtype", false]], "item() (array method)": [[51, "mlx.core.array.item", false]], "itemsize (array property)": [[52, "mlx.core.array.itemsize", false]], "join_schedules() (in module mlx.optimizers)": [[488, "mlx.optimizers.join_schedules", false]], "jvp() (in module mlx.core)": [[185, "mlx.core.jvp", false]], "key() (in module mlx.core.random)": [[254, "mlx.core.random.key", false]], "kl_div_loss (class in mlx.nn.losses)": [[445, "mlx.nn.losses.kl_div_loss", false]], "kron (c++ function)": [[0, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", false]], "kron() (in module mlx.core)": [[186, "mlx.core.kron", false]], "l1_loss (class in mlx.nn.losses)": [[446, "mlx.nn.losses.l1_loss", false]], "laplace() (in module mlx.core.random)": [[255, "mlx.core.random.laplace", false]], "layer_norm() (in module mlx.core.fast)": [[146, "mlx.core.fast.layer_norm", false]], "layernorm (class in mlx.nn)": [[367, "mlx.nn.LayerNorm", false]], "leaf_modules() (module method)": [[382, "mlx.nn.Module.leaf_modules", false]], "leaky_relu (class in mlx.nn)": [[436, "mlx.nn.leaky_relu", false]], "leakyrelu (class in mlx.nn)": [[368, "mlx.nn.LeakyReLU", false]], "left_shift (c++ function)": [[0, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", false]], "left_shift() (in module mlx.core)": [[187, "mlx.core.left_shift", false]], "less (c++ function)": [[0, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", false]], "less() (in module mlx.core)": [[188, "mlx.core.less", false]], "less_equal (c++ function)": [[0, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", false]], "less_equal() (in module mlx.core)": [[189, "mlx.core.less_equal", false]], "linear (class in mlx.nn)": [[369, "mlx.nn.Linear", false]], "linear_schedule() (in module mlx.optimizers)": [[489, "mlx.optimizers.linear_schedule", false]], "linspace (c++ function)": [[0, "_CPPv48linspaceddi5Dtype14StreamOrDevice", false]], "linspace() (in module mlx.core)": [[204, "mlx.core.linspace", false]], "lion (class in mlx.optimizers)": [[479, "mlx.optimizers.Lion", false]], "load() (in module mlx.core)": [[205, "mlx.core.load", false]], "load_weights() (module method)": [[383, "mlx.nn.Module.load_weights", false]], "log (c++ function)": [[0, "_CPPv43logRK5array14StreamOrDevice", false]], "log() (array method)": [[53, "mlx.core.array.log", false]], "log() (in module mlx.core)": [[206, "mlx.core.log", false]], "log10 (c++ function)": [[0, "_CPPv45log10RK5array14StreamOrDevice", false]], "log10() (array method)": [[54, "mlx.core.array.log10", false]], "log10() (in module mlx.core)": [[207, "mlx.core.log10", false]], "log1p (c++ function)": [[0, "_CPPv45log1pRK5array14StreamOrDevice", false]], "log1p() (array method)": [[55, "mlx.core.array.log1p", false]], "log1p() (in module mlx.core)": [[208, "mlx.core.log1p", false]], "log2 (c++ function)": [[0, "_CPPv44log2RK5array14StreamOrDevice", false]], "log2() (array method)": [[56, "mlx.core.array.log2", false]], "log2() (in module mlx.core)": [[209, "mlx.core.log2", false]], "log_cosh_loss (class in mlx.nn.losses)": [[447, "mlx.nn.losses.log_cosh_loss", false]], "log_sigmoid (class in mlx.nn)": [[437, "mlx.nn.log_sigmoid", false]], "log_softmax (class in mlx.nn)": [[438, "mlx.nn.log_softmax", false]], "logaddexp (c++ function)": [[0, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", false]], "logaddexp() (in module mlx.core)": [[210, "mlx.core.logaddexp", false]], "logical_and (c++ function)": [[0, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", false]], "logical_and() (in module mlx.core)": [[211, "mlx.core.logical_and", false]], "logical_not (c++ function)": [[0, "_CPPv411logical_notRK5array14StreamOrDevice", false]], "logical_not() (in module mlx.core)": [[212, "mlx.core.logical_not", false]], "logical_or (c++ function)": [[0, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", false]], "logical_or() (in module mlx.core)": [[213, "mlx.core.logical_or", false]], "logsigmoid (class in mlx.nn)": [[370, "mlx.nn.LogSigmoid", false]], "logsoftmax (class in mlx.nn)": [[371, "mlx.nn.LogSoftmax", false]], "logsumexp (c++ function)": [[0, "_CPPv49logsumexpRK5array14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", false]], "logsumexp() (array method)": [[57, "mlx.core.array.logsumexp", false]], "logsumexp() (in module mlx.core)": [[214, "mlx.core.logsumexp", false]], "lstm (class in mlx.nn)": [[366, "mlx.nn.LSTM", false]], "lu() (in module mlx.core.linalg)": [[196, "mlx.core.linalg.lu", false]], "lu_factor() (in module mlx.core.linalg)": [[197, "mlx.core.linalg.lu_factor", false]], "margin_ranking_loss (class in mlx.nn.losses)": [[448, "mlx.nn.losses.margin_ranking_loss", false]], "matmul (c++ function)": [[0, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", false]], "matmul() (in module mlx.core)": [[215, "mlx.core.matmul", false]], "max (c++ function)": [[0, "_CPPv43maxRK5array14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayb14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayib14StreamOrDevice", false]], "max() (array method)": [[58, "mlx.core.array.max", false]], "max() (in module mlx.core)": [[216, "mlx.core.max", false]], "maximum (c++ function)": [[0, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", false]], "maximum() (in module mlx.core)": [[217, "mlx.core.maximum", false]], "maxpool1d (class in mlx.nn)": [[372, "mlx.nn.MaxPool1d", false]], "maxpool2d (class in mlx.nn)": [[373, "mlx.nn.MaxPool2d", false]], "maxpool3d (class in mlx.nn)": [[374, "mlx.nn.MaxPool3d", false]], "mean (c++ function)": [[0, "_CPPv44meanRK5array14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayb14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayib14StreamOrDevice", false]], "mean() (array method)": [[59, "mlx.core.array.mean", false]], "mean() (in module mlx.core)": [[218, "mlx.core.mean", false]], "meshgrid (c++ function)": [[0, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", false]], "meshgrid() (in module mlx.core)": [[219, "mlx.core.meshgrid", false]], "metal_kernel() (in module mlx.core.fast)": [[147, "mlx.core.fast.metal_kernel", false]], "min (c++ function)": [[0, "_CPPv43minRK5array14StreamOrDevice", false], [0, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43minRK5arrayb14StreamOrDevice", false], [0, "_CPPv43minRK5arrayib14StreamOrDevice", false]], "min() (array method)": [[60, "mlx.core.array.min", false]], "min() (in module mlx.core)": [[232, "mlx.core.min", false]], "minimum (c++ function)": [[0, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", false]], "minimum() (in module mlx.core)": [[233, "mlx.core.minimum", false]], "mish (class in mlx.nn)": [[375, "mlx.nn.Mish", false], [453, "mlx.nn.mish", false]], "module (class in mlx.nn)": [[470, "mlx.nn.Module", false]], "modules() (module method)": [[384, "mlx.nn.Module.modules", false]], "moveaxis (c++ function)": [[0, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", false]], "moveaxis() (array method)": [[61, "mlx.core.array.moveaxis", false]], "moveaxis() (in module mlx.core)": [[234, "mlx.core.moveaxis", false]], "mse_loss (class in mlx.nn.losses)": [[449, "mlx.nn.losses.mse_loss", false]], "multiheadattention (class in mlx.nn)": [[396, "mlx.nn.MultiHeadAttention", false]], "multiply (c++ function)": [[0, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", false]], "multiply() (in module mlx.core)": [[235, "mlx.core.multiply", false]], "multivariate_normal() (in module mlx.core.random)": [[256, "mlx.core.random.multivariate_normal", false]], "named_modules() (module method)": [[385, "mlx.nn.Module.named_modules", false]], "nan_to_num (c++ function)": [[0, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", false]], "nan_to_num() (in module mlx.core)": [[236, "mlx.core.nan_to_num", false]], "nbytes (array property)": [[62, "mlx.core.array.nbytes", false]], "ndim (array property)": [[63, "mlx.core.array.ndim", false]], "negative (c++ function)": [[0, "_CPPv48negativeRK5array14StreamOrDevice", false]], "negative() (in module mlx.core)": [[237, "mlx.core.negative", false]], "new_stream() (in module mlx.core)": [[238, "mlx.core.new_stream", false]], "nll_loss (class in mlx.nn.losses)": [[450, "mlx.nn.losses.nll_loss", false]], "norm() (in module mlx.core.linalg)": [[198, "mlx.core.linalg.norm", false]], "normal() (in module mlx.core.random)": [[257, "mlx.core.random.normal", false]], "normal() (in module mlx.nn.init)": [[425, "mlx.nn.init.normal", false]], "not_equal (c++ function)": [[0, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", false]], "not_equal() (in module mlx.core)": [[239, "mlx.core.not_equal", false]], "number_of_elements (c++ function)": [[0, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", false]], "ones (c++ function)": [[0, "_CPPv44onesRK5Shape14StreamOrDevice", false], [0, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", false]], "ones() (in module mlx.core)": [[240, "mlx.core.ones", false]], "ones_like (c++ function)": [[0, "_CPPv49ones_likeRK5array14StreamOrDevice", false]], "ones_like() (in module mlx.core)": [[241, "mlx.core.ones_like", false]], "operator!= (c++ function)": [[0, "_CPPv4I0Ene5array1TRK5array", false], [0, "_CPPv4I0Ene5arrayRK5array1T", false], [0, "_CPPv4neRK5arrayRK5array", false]], "operator% (c++ function)": [[0, "_CPPv4I0Erm5array1TRK5array", false], [0, "_CPPv4I0Erm5arrayRK5array1T", false], [0, "_CPPv4rmRK5arrayRK5array", false]], "operator& (c++ function)": [[0, "_CPPv4anRK5arrayRK5array", false]], "operator&& (c++ function)": [[0, "_CPPv4aaRK5arrayRK5array", false]], "operator* (c++ function)": [[0, "_CPPv4I0Eml5array1TRK5array", false], [0, "_CPPv4I0Eml5arrayRK5array1T", false], [0, "_CPPv4mlRK5arrayRK5array", false]], "operator+ (c++ function)": [[0, "_CPPv4I0Epl5array1TRK5array", false], [0, "_CPPv4I0Epl5arrayRK5array1T", false], [0, "_CPPv4plRK5arrayRK5array", false]], "operator- (c++ function)": [[0, "_CPPv4I0Emi5array1TRK5array", false], [0, "_CPPv4I0Emi5arrayRK5array1T", false], [0, "_CPPv4miRK5array", false], [0, "_CPPv4miRK5arrayRK5array", false]], "operator/ (c++ function)": [[0, "_CPPv4dvRK5arrayRK5array", false], [0, "_CPPv4dvRK5arrayd", false], [0, "_CPPv4dvdRK5array", false]], "operator< (c++ function)": [[0, "_CPPv4I0Elt5array1TRK5array", false], [0, "_CPPv4I0Elt5arrayRK5array1T", false], [0, "_CPPv4ltRK5arrayRK5array", false]], "operator<< (c++ function)": [[0, "_CPPv4lsRK5arrayRK5array", false]], "operator<= (c++ function)": [[0, "_CPPv4I0Ele5array1TRK5array", false], [0, "_CPPv4I0Ele5arrayRK5array1T", false], [0, "_CPPv4leRK5arrayRK5array", false]], "operator== (c++ function)": [[0, "_CPPv4I0Eeq5array1TRK5array", false], [0, "_CPPv4I0Eeq5arrayRK5array1T", false], [0, "_CPPv4eqRK5arrayRK5array", false]], "operator> (c++ function)": [[0, "_CPPv4I0Egt5array1TRK5array", false], [0, "_CPPv4I0Egt5arrayRK5array1T", false], [0, "_CPPv4gtRK5arrayRK5array", false]], "operator>= (c++ function)": [[0, "_CPPv4I0Ege5array1TRK5array", false], [0, "_CPPv4I0Ege5arrayRK5array1T", false], [0, "_CPPv4geRK5arrayRK5array", false]], "operator>> (c++ function)": [[0, "_CPPv4rsRK5arrayRK5array", false]], "operator^ (c++ function)": [[0, "_CPPv4eoRK5arrayRK5array", false]], "operator| (c++ function)": [[0, "_CPPv4orRK5arrayRK5array", false]], "operator|| (c++ function)": [[0, "_CPPv4ooRK5arrayRK5array", false]], "operator~ (c++ function)": [[0, "_CPPv4coRK5array", false]], "optimizer (class in mlx.optimizers)": [[492, "mlx.optimizers.Optimizer", false]], "outer (c++ function)": [[0, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", false]], "outer() (in module mlx.core)": [[242, "mlx.core.outer", false]], "pad (c++ function)": [[0, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", false]], "pad() (in module mlx.core)": [[243, "mlx.core.pad", false]], "parameters() (module method)": [[386, "mlx.nn.Module.parameters", false]], "partition (c++ function)": [[0, "_CPPv49partitionRK5arrayi14StreamOrDevice", false], [0, "_CPPv49partitionRK5arrayii14StreamOrDevice", false]], "partition() (in module mlx.core)": [[244, "mlx.core.partition", false]], "permutation() (in module mlx.core.random)": [[258, "mlx.core.random.permutation", false]], "power (c++ function)": [[0, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", false]], "power() (in module mlx.core)": [[245, "mlx.core.power", false]], "prelu (class in mlx.nn)": [[397, "mlx.nn.PReLU", false], [454, "mlx.nn.prelu", false]], "prod (c++ function)": [[0, "_CPPv44prodRK5array14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayb14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayib14StreamOrDevice", false]], "prod() (array method)": [[64, "mlx.core.array.prod", false]], "prod() (in module mlx.core)": [[246, "mlx.core.prod", false]], "put_along_axis (c++ function)": [[0, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false]], "put_along_axis() (in module mlx.core)": [[247, "mlx.core.put_along_axis", false]], "qr() (in module mlx.core.linalg)": [[199, "mlx.core.linalg.qr", false]], "quantize (c++ function)": [[0, "_CPPv48quantizeRK5arrayii14StreamOrDevice", false]], "quantize() (in module mlx.core)": [[248, "mlx.core.quantize", false]], "quantize() (in module mlx.nn)": [[322, "mlx.nn.quantize", false]], "quantized_matmul (c++ function)": [[0, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", false]], "quantized_matmul() (in module mlx.core)": [[249, "mlx.core.quantized_matmul", false]], "quantizedembedding (class in mlx.nn)": [[398, "mlx.nn.QuantizedEmbedding", false]], "quantizedlinear (class in mlx.nn)": [[399, "mlx.nn.QuantizedLinear", false]], "radians (c++ function)": [[0, "_CPPv47radiansRK5array14StreamOrDevice", false]], "radians() (in module mlx.core)": [[250, "mlx.core.radians", false]], "randint() (in module mlx.core.random)": [[259, "mlx.core.random.randint", false]], "real (c++ function)": [[0, "_CPPv44realRK5array14StreamOrDevice", false]], "real() (in module mlx.core)": [[264, "mlx.core.real", false]], "reciprocal (c++ function)": [[0, "_CPPv410reciprocalRK5array14StreamOrDevice", false]], "reciprocal() (array method)": [[65, "mlx.core.array.reciprocal", false]], "reciprocal() (in module mlx.core)": [[265, "mlx.core.reciprocal", false]], "recv() (in module mlx.core.distributed)": [[127, "mlx.core.distributed.recv", false]], "recv_like() (in module mlx.core.distributed)": [[128, "mlx.core.distributed.recv_like", false]], "relu (class in mlx.nn)": [[402, "mlx.nn.ReLU", false], [455, "mlx.nn.relu", false]], "relu6 (class in mlx.nn)": [[403, "mlx.nn.ReLU6", false], [456, "mlx.nn.relu6", false]], "remainder (c++ function)": [[0, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", false]], "remainder() (in module mlx.core)": [[266, "mlx.core.remainder", false]], "repeat (c++ function)": [[0, "_CPPv46repeatRK5arrayi14StreamOrDevice", false], [0, "_CPPv46repeatRK5arrayii14StreamOrDevice", false]], "repeat() (in module mlx.core)": [[267, "mlx.core.repeat", false]], "reset_peak_memory() (in module mlx.core.metal)": [[226, "mlx.core.metal.reset_peak_memory", false]], "reshape (c++ function)": [[0, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", false]], "reshape() (array method)": [[66, "mlx.core.array.reshape", false]], "reshape() (in module mlx.core)": [[268, "mlx.core.reshape", false]], "rfft() (in module mlx.core.fft)": [[160, "mlx.core.fft.rfft", false]], "rfft2() (in module mlx.core.fft)": [[161, "mlx.core.fft.rfft2", false]], "rfftn() (in module mlx.core.fft)": [[162, "mlx.core.fft.rfftn", false]], "right_shift (c++ function)": [[0, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", false]], "right_shift() (in module mlx.core)": [[269, "mlx.core.right_shift", false]], "rms_norm() (in module mlx.core.fast)": [[148, "mlx.core.fast.rms_norm", false]], "rmsnorm (class in mlx.nn)": [[400, "mlx.nn.RMSNorm", false]], "rmsprop (class in mlx.optimizers)": [[484, "mlx.optimizers.RMSprop", false]], "rnn (class in mlx.nn)": [[401, "mlx.nn.RNN", false]], "roll (c++ function)": [[0, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayi14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayii14StreamOrDevice", false]], "roll() (in module mlx.core)": [[270, "mlx.core.roll", false]], "rope (class in mlx.nn)": [[404, "mlx.nn.RoPE", false]], "rope() (in module mlx.core.fast)": [[149, "mlx.core.fast.rope", false]], "round (c++ function)": [[0, "_CPPv45roundRK5array14StreamOrDevice", false], [0, "_CPPv45roundRK5arrayi14StreamOrDevice", false]], "round() (array method)": [[67, "mlx.core.array.round", false]], "round() (in module mlx.core)": [[271, "mlx.core.round", false]], "rsqrt (c++ function)": [[0, "_CPPv45rsqrtRK5array14StreamOrDevice", false]], "rsqrt() (array method)": [[68, "mlx.core.array.rsqrt", false]], "rsqrt() (in module mlx.core)": [[272, "mlx.core.rsqrt", false]], "save() (in module mlx.core)": [[273, "mlx.core.save", false]], "save_gguf() (in module mlx.core)": [[274, "mlx.core.save_gguf", false]], "save_safetensors() (in module mlx.core)": [[275, "mlx.core.save_safetensors", false]], "save_weights() (module method)": [[387, "mlx.nn.Module.save_weights", false]], "savez() (in module mlx.core)": [[276, "mlx.core.savez", false]], "savez_compressed() (in module mlx.core)": [[277, "mlx.core.savez_compressed", false]], "scaled_dot_product_attention() (in module mlx.core.fast)": [[150, "mlx.core.fast.scaled_dot_product_attention", false]], "scatter (c++ function)": [[0, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_add (c++ function)": [[0, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_add_axis (c++ function)": [[0, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false]], "scatter_max (c++ function)": [[0, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_min (c++ function)": [[0, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "scatter_prod (c++ function)": [[0, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "seed() (in module mlx.core.random)": [[260, "mlx.core.random.seed", false]], "selu (class in mlx.nn)": [[405, "mlx.nn.SELU", false], [457, "mlx.nn.selu", false]], "send() (in module mlx.core.distributed)": [[129, "mlx.core.distributed.send", false]], "sequential (class in mlx.nn)": [[406, "mlx.nn.Sequential", false]], "set_cache_limit() (in module mlx.core.metal)": [[227, "mlx.core.metal.set_cache_limit", false]], "set_default_device() (in module mlx.core)": [[278, "mlx.core.set_default_device", false]], "set_default_stream() (in module mlx.core)": [[279, "mlx.core.set_default_stream", false]], "set_dtype() (module method)": [[388, "mlx.nn.Module.set_dtype", false]], "set_memory_limit() (in module mlx.core.metal)": [[228, "mlx.core.metal.set_memory_limit", false]], "set_wired_limit() (in module mlx.core.metal)": [[229, "mlx.core.metal.set_wired_limit", false]], "sgd (class in mlx.optimizers)": [[485, "mlx.optimizers.SGD", false]], "shape (array property)": [[69, "mlx.core.array.shape", false]], "sigmoid (c++ function)": [[0, "_CPPv47sigmoidRK5array14StreamOrDevice", false]], "sigmoid (class in mlx.nn)": [[408, "mlx.nn.Sigmoid", false], [458, "mlx.nn.sigmoid", false]], "sigmoid() (in module mlx.core)": [[280, "mlx.core.sigmoid", false]], "sign (c++ function)": [[0, "_CPPv44signRK5array14StreamOrDevice", false]], "sign() (in module mlx.core)": [[281, "mlx.core.sign", false]], "silu (class in mlx.nn)": [[407, "mlx.nn.SiLU", false], [459, "mlx.nn.silu", false]], "sin (c++ function)": [[0, "_CPPv43sinRK5array14StreamOrDevice", false]], "sin() (array method)": [[70, "mlx.core.array.sin", false]], "sin() (in module mlx.core)": [[282, "mlx.core.sin", false]], "sinh (c++ function)": [[0, "_CPPv44sinhRK5array14StreamOrDevice", false]], "sinh() (in module mlx.core)": [[283, "mlx.core.sinh", false]], "sinusoidalpositionalencoding (class in mlx.nn)": [[409, "mlx.nn.SinusoidalPositionalEncoding", false]], "size (array property)": [[71, "mlx.core.array.size", false]], "slice (c++ function)": [[0, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", false], [0, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", false], [0, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", false], [0, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", false]], "slice() (in module mlx.core)": [[284, "mlx.core.slice", false]], "slice_update (c++ function)": [[0, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", false], [0, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", false], [0, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "slice_update() (in module mlx.core)": [[285, "mlx.core.slice_update", false]], "smooth_l1_loss (class in mlx.nn.losses)": [[451, "mlx.nn.losses.smooth_l1_loss", false]], "softmax (c++ function)": [[0, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv47softmaxRK5arrayb14StreamOrDevice", false], [0, "_CPPv47softmaxRK5arrayib14StreamOrDevice", false]], "softmax (class in mlx.nn)": [[410, "mlx.nn.Softmax", false], [460, "mlx.nn.softmax", false]], "softmax() (in module mlx.core)": [[286, "mlx.core.softmax", false]], "softmin (class in mlx.nn)": [[411, "mlx.nn.Softmin", false], [461, "mlx.nn.softmin", false]], "softplus (class in mlx.nn)": [[412, "mlx.nn.Softplus", false], [462, "mlx.nn.softplus", false]], "softshrink (class in mlx.nn)": [[413, "mlx.nn.Softshrink", false], [463, "mlx.nn.softshrink", false]], "softsign (class in mlx.nn)": [[414, "mlx.nn.Softsign", false]], "solve() (in module mlx.core.linalg)": [[200, "mlx.core.linalg.solve", false]], "solve_triangular() (in module mlx.core.linalg)": [[201, "mlx.core.linalg.solve_triangular", false]], "sort (c++ function)": [[0, "_CPPv44sortRK5array14StreamOrDevice", false], [0, "_CPPv44sortRK5arrayi14StreamOrDevice", false]], "sort() (in module mlx.core)": [[287, "mlx.core.sort", false]], "split (c++ function)": [[0, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayi14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayii14StreamOrDevice", false]], "split() (array method)": [[72, "mlx.core.array.split", false]], "split() (in module mlx.core)": [[288, "mlx.core.split", false]], "split() (in module mlx.core.random)": [[261, "mlx.core.random.split", false]], "sqrt (c++ function)": [[0, "_CPPv44sqrtRK5array14StreamOrDevice", false]], "sqrt() (array method)": [[73, "mlx.core.array.sqrt", false]], "sqrt() (in module mlx.core)": [[289, "mlx.core.sqrt", false]], "square (c++ function)": [[0, "_CPPv46squareRK5array14StreamOrDevice", false]], "square() (array method)": [[74, "mlx.core.array.square", false]], "square() (in module mlx.core)": [[290, "mlx.core.square", false]], "squeeze (c++ function)": [[0, "_CPPv47squeezeRK5array14StreamOrDevice", false], [0, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv47squeezeRK5arrayi14StreamOrDevice", false]], "squeeze() (array method)": [[75, "mlx.core.array.squeeze", false]], "squeeze() (in module mlx.core)": [[291, "mlx.core.squeeze", false]], "stack (c++ function)": [[0, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", false], [0, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", false]], "stack() (in module mlx.core)": [[292, "mlx.core.stack", false]], "start_capture() (in module mlx.core.metal)": [[230, "mlx.core.metal.start_capture", false]], "state (module property)": [[389, "mlx.nn.Module.state", false]], "state (optimizer property)": [[482, "mlx.optimizers.Optimizer.state", false]], "std (c++ function)": [[0, "_CPPv4StRK5array14StreamOrDevice", false], [0, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", false], [0, "_CPPv4StRK5arraybi14StreamOrDevice", false], [0, "_CPPv4StRK5arrayibi14StreamOrDevice", false]], "std() (array method)": [[76, "mlx.core.array.std", false]], "std() (in module mlx.core)": [[293, "mlx.core.std", false]], "step (class in mlx.nn)": [[415, "mlx.nn.Step", false], [464, "mlx.nn.step", false]], "step_decay() (in module mlx.optimizers)": [[490, "mlx.optimizers.step_decay", false]], "stop_capture() (in module mlx.core.metal)": [[231, "mlx.core.metal.stop_capture", false]], "stop_gradient (c++ function)": [[0, "_CPPv413stop_gradientRK5array14StreamOrDevice", false]], "stop_gradient() (in module mlx.core)": [[294, "mlx.core.stop_gradient", false]], "stream (class in mlx.core)": [[330, "mlx.core.Stream", false]], "stream() (in module mlx.core)": [[295, "mlx.core.stream", false]], "subtract (c++ function)": [[0, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", false]], "subtract() (in module mlx.core)": [[296, "mlx.core.subtract", false]], "sum (c++ function)": [[0, "_CPPv43sumRK5array14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayb14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayib14StreamOrDevice", false]], "sum() (array method)": [[77, "mlx.core.array.sum", false]], "sum() (in module mlx.core)": [[297, "mlx.core.sum", false]], "svd() (in module mlx.core.linalg)": [[202, "mlx.core.linalg.svd", false]], "swapaxes (c++ function)": [[0, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", false]], "swapaxes() (array method)": [[78, "mlx.core.array.swapaxes", false]], "swapaxes() (in module mlx.core)": [[298, "mlx.core.swapaxes", false]], "synchronize() (in module mlx.core)": [[299, "mlx.core.synchronize", false]], "t (array property)": [[32, "mlx.core.array.T", false]], "take (c++ function)": [[0, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", false], [0, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", false], [0, "_CPPv44takeRK5arrayi14StreamOrDevice", false], [0, "_CPPv44takeRK5arrayii14StreamOrDevice", false]], "take() (in module mlx.core)": [[300, "mlx.core.take", false]], "take_along_axis (c++ function)": [[0, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", false]], "take_along_axis() (in module mlx.core)": [[301, "mlx.core.take_along_axis", false]], "tan (c++ function)": [[0, "_CPPv43tanRK5array14StreamOrDevice", false]], "tan() (in module mlx.core)": [[302, "mlx.core.tan", false]], "tanh (c++ function)": [[0, "_CPPv44tanhRK5array14StreamOrDevice", false]], "tanh (class in mlx.nn)": [[416, "mlx.nn.Tanh", false], [465, "mlx.nn.tanh", false]], "tanh() (in module mlx.core)": [[303, "mlx.core.tanh", false]], "tensordot (c++ function)": [[0, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", false], [0, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", false]], "tensordot() (in module mlx.core)": [[304, "mlx.core.tensordot", false]], "tile (c++ function)": [[0, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "tile() (in module mlx.core)": [[305, "mlx.core.tile", false]], "tolist() (array method)": [[79, "mlx.core.array.tolist", false]], "topk (c++ function)": [[0, "_CPPv44topkRK5arrayi14StreamOrDevice", false], [0, "_CPPv44topkRK5arrayii14StreamOrDevice", false]], "topk() (in module mlx.core)": [[306, "mlx.core.topk", false]], "trace (c++ function)": [[0, "_CPPv45traceRK5array14StreamOrDevice", false], [0, "_CPPv45traceRK5arrayiii14StreamOrDevice", false], [0, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", false]], "trace() (in module mlx.core)": [[307, "mlx.core.trace", false]], "train() (module method)": [[390, "mlx.nn.Module.train", false]], "trainable_parameters() (module method)": [[391, "mlx.nn.Module.trainable_parameters", false]], "training (module property)": [[392, "mlx.nn.Module.training", false]], "transformer (class in mlx.nn)": [[417, "mlx.nn.Transformer", false]], "transpose (c++ function)": [[0, "_CPPv49transposeRK5array14StreamOrDevice", false], [0, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", false], [0, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "transpose() (array method)": [[80, "mlx.core.array.transpose", false]], "transpose() (in module mlx.core)": [[308, "mlx.core.transpose", false]], "tree_flatten() (in module mlx.utils)": [[325, "mlx.utils.tree_flatten", false]], "tree_map() (in module mlx.utils)": [[326, "mlx.utils.tree_map", false]], "tree_map_with_path() (in module mlx.utils)": [[327, "mlx.utils.tree_map_with_path", false]], "tree_reduce() (in module mlx.utils)": [[328, "mlx.utils.tree_reduce", false]], "tree_unflatten() (in module mlx.utils)": [[329, "mlx.utils.tree_unflatten", false]], "tri (c++ function)": [[0, "_CPPv43trii5Dtype14StreamOrDevice", false], [0, "_CPPv43triiii5Dtype14StreamOrDevice", false]], "tri() (in module mlx.core)": [[309, "mlx.core.tri", false]], "tri_inv() (in module mlx.core.linalg)": [[203, "mlx.core.linalg.tri_inv", false]], "tril (c++ function)": [[0, "_CPPv44tril5arrayi14StreamOrDevice", false]], "tril() (in module mlx.core)": [[310, "mlx.core.tril", false]], "triplet_loss (class in mlx.nn.losses)": [[452, "mlx.nn.losses.triplet_loss", false]], "triu (c++ function)": [[0, "_CPPv44triu5arrayi14StreamOrDevice", false]], "triu() (in module mlx.core)": [[311, "mlx.core.triu", false]], "truncated_normal() (in module mlx.core.random)": [[262, "mlx.core.random.truncated_normal", false]], "unflatten (c++ function)": [[0, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", false]], "unflatten() (in module mlx.core)": [[312, "mlx.core.unflatten", false]], "unfreeze() (module method)": [[393, "mlx.nn.Module.unfreeze", false]], "uniform() (in module mlx.core.random)": [[263, "mlx.core.random.uniform", false]], "uniform() (in module mlx.nn.init)": [[426, "mlx.nn.init.uniform", false]], "update() (module method)": [[394, "mlx.nn.Module.update", false]], "update() (optimizer method)": [[483, "mlx.optimizers.Optimizer.update", false]], "update_modules() (module method)": [[395, "mlx.nn.Module.update_modules", false]], "upsample (class in mlx.nn)": [[418, "mlx.nn.Upsample", false]], "value_and_grad() (in module mlx.core)": [[313, "mlx.core.value_and_grad", false]], "value_and_grad() (in module mlx.nn)": [[323, "mlx.nn.value_and_grad", false]], "var (c++ function)": [[0, "_CPPv43varRK5array14StreamOrDevice", false], [0, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", false], [0, "_CPPv43varRK5arraybi14StreamOrDevice", false], [0, "_CPPv43varRK5arrayibi14StreamOrDevice", false]], "var() (array method)": [[81, "mlx.core.array.var", false]], "var() (in module mlx.core)": [[314, "mlx.core.var", false]], "view (c++ function)": [[0, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", false]], "view() (array method)": [[82, "mlx.core.array.view", false]], "view() (in module mlx.core)": [[315, "mlx.core.view", false]], "vjp() (in module mlx.core)": [[316, "mlx.core.vjp", false]], "vmap() (in module mlx.core)": [[317, "mlx.core.vmap", false]], "where (c++ function)": [[0, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", false]], "where() (in module mlx.core)": [[318, "mlx.core.where", false]], "zeros (c++ function)": [[0, "_CPPv45zerosRK5Shape14StreamOrDevice", false], [0, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", false]], "zeros() (in module mlx.core)": [[319, "mlx.core.zeros", false]], "zeros_like (c++ function)": [[0, "_CPPv410zeros_likeRK5array14StreamOrDevice", false]], "zeros_like() (in module mlx.core)": [[320, "mlx.core.zeros_like", false]]}, "objects": {"": [[0, 0, 1, "_CPPv43absRK5array14StreamOrDevice", "abs"], [0, 1, 1, "_CPPv43absRK5array14StreamOrDevice", "abs::a"], [0, 1, 1, "_CPPv43absRK5array14StreamOrDevice", "abs::s"], [0, 0, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add"], [0, 1, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add::a"], [0, 1, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add::b"], [0, 1, 1, "_CPPv43addRK5arrayRK5array14StreamOrDevice", "add::s"], [0, 0, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::a"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::alpha"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::b"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::beta"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::c"], [0, 1, 1, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", "addmm::s"], [0, 0, 1, "_CPPv43allRK5array14StreamOrDevice", "all"], [0, 0, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all"], [0, 0, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all"], [0, 0, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all"], [0, 1, 1, "_CPPv43allRK5array14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::a"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::axes"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::axis"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::keepdims"], [0, 1, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all::keepdims"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::keepdims"], [0, 1, 1, "_CPPv43allRK5array14StreamOrDevice", "all::s"], [0, 1, 1, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "all::s"], [0, 1, 1, "_CPPv43allRK5arrayb14StreamOrDevice", "all::s"], [0, 1, 1, "_CPPv43allRK5arrayib14StreamOrDevice", "all::s"], [0, 0, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::a"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::atol"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::b"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::equal_nan"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::rtol"], [0, 1, 1, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", "allclose::s"], [0, 0, 1, "_CPPv43anyRK5array14StreamOrDevice", "any"], [0, 0, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any"], [0, 0, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any"], [0, 0, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any"], [0, 1, 1, "_CPPv43anyRK5array14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::a"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::axes"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::axis"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::keepdims"], [0, 1, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any::keepdims"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::keepdims"], [0, 1, 1, "_CPPv43anyRK5array14StreamOrDevice", "any::s"], [0, 1, 1, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "any::s"], [0, 1, 1, "_CPPv43anyRK5arrayb14StreamOrDevice", "any::s"], [0, 1, 1, "_CPPv43anyRK5arrayib14StreamOrDevice", "any::s"], [0, 0, 1, "_CPPv46aranged14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangedd14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeddd14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangei14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeii14StreamOrDevice", "arange"], [0, 0, 1, "_CPPv46arangeiii14StreamOrDevice", "arange"], [0, 1, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange::dtype"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::dtype"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::dtype"], [0, 1, 1, "_CPPv46aranged14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangedd14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangei14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeii14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::s"], [0, 1, 1, "_CPPv46arangedd14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeii14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::start"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::step"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::step"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::step"], [0, 1, 1, "_CPPv46aranged14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46aranged5Dtype14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangedd14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangedd5Dtype14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeddd14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeddd5Dtype14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangei14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeii14StreamOrDevice", "arange::stop"], [0, 1, 1, "_CPPv46arangeiii14StreamOrDevice", "arange::stop"], [0, 0, 1, "_CPPv46arccosRK5array14StreamOrDevice", "arccos"], [0, 1, 1, "_CPPv46arccosRK5array14StreamOrDevice", "arccos::a"], [0, 1, 1, "_CPPv46arccosRK5array14StreamOrDevice", "arccos::s"], [0, 0, 1, "_CPPv47arccoshRK5array14StreamOrDevice", "arccosh"], [0, 1, 1, "_CPPv47arccoshRK5array14StreamOrDevice", "arccosh::a"], [0, 1, 1, "_CPPv47arccoshRK5array14StreamOrDevice", "arccosh::s"], [0, 0, 1, "_CPPv46arcsinRK5array14StreamOrDevice", "arcsin"], [0, 1, 1, "_CPPv46arcsinRK5array14StreamOrDevice", "arcsin::a"], [0, 1, 1, "_CPPv46arcsinRK5array14StreamOrDevice", "arcsin::s"], [0, 0, 1, "_CPPv47arcsinhRK5array14StreamOrDevice", "arcsinh"], [0, 1, 1, "_CPPv47arcsinhRK5array14StreamOrDevice", "arcsinh::a"], [0, 1, 1, "_CPPv47arcsinhRK5array14StreamOrDevice", "arcsinh::s"], [0, 0, 1, "_CPPv46arctanRK5array14StreamOrDevice", "arctan"], [0, 0, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2"], [0, 1, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2::a"], [0, 1, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2::b"], [0, 1, 1, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", "arctan2::s"], [0, 1, 1, "_CPPv46arctanRK5array14StreamOrDevice", "arctan::a"], [0, 1, 1, "_CPPv46arctanRK5array14StreamOrDevice", "arctan::s"], [0, 0, 1, "_CPPv47arctanhRK5array14StreamOrDevice", "arctanh"], [0, 1, 1, "_CPPv47arctanhRK5array14StreamOrDevice", "arctanh::a"], [0, 1, 1, "_CPPv47arctanhRK5array14StreamOrDevice", "arctanh::s"], [0, 0, 1, "_CPPv46argmaxRK5array14StreamOrDevice", "argmax"], [0, 0, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax"], [0, 0, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax"], [0, 1, 1, "_CPPv46argmaxRK5array14StreamOrDevice", "argmax::a"], [0, 1, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax::a"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::a"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::axis"], [0, 1, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax::keepdims"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::keepdims"], [0, 1, 1, "_CPPv46argmaxRK5array14StreamOrDevice", "argmax::s"], [0, 1, 1, "_CPPv46argmaxRK5arrayb14StreamOrDevice", "argmax::s"], [0, 1, 1, "_CPPv46argmaxRK5arrayib14StreamOrDevice", "argmax::s"], [0, 0, 1, "_CPPv46argminRK5array14StreamOrDevice", "argmin"], [0, 0, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin"], [0, 0, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin"], [0, 1, 1, "_CPPv46argminRK5array14StreamOrDevice", "argmin::a"], [0, 1, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin::a"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::a"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::axis"], [0, 1, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin::keepdims"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::keepdims"], [0, 1, 1, "_CPPv46argminRK5array14StreamOrDevice", "argmin::s"], [0, 1, 1, "_CPPv46argminRK5arrayb14StreamOrDevice", "argmin::s"], [0, 1, 1, "_CPPv46argminRK5arrayib14StreamOrDevice", "argmin::s"], [0, 0, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition"], [0, 0, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition"], [0, 1, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition::a"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::a"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::axis"], [0, 1, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition::kth"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::kth"], [0, 1, 1, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", "argpartition::s"], [0, 1, 1, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", "argpartition::s"], [0, 0, 1, "_CPPv47argsortRK5array14StreamOrDevice", "argsort"], [0, 0, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort"], [0, 1, 1, "_CPPv47argsortRK5array14StreamOrDevice", "argsort::a"], [0, 1, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort::a"], [0, 1, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort::axis"], [0, 1, 1, "_CPPv47argsortRK5array14StreamOrDevice", "argsort::s"], [0, 1, 1, "_CPPv47argsortRK5arrayi14StreamOrDevice", "argsort::s"], [0, 0, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal"], [0, 0, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal::a"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::a"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal::b"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::b"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::equal_nan"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", "array_equal::s"], [0, 1, 1, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", "array_equal::s"], [0, 0, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::a"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::offset"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::s"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::shape"], [0, 1, 1, "_CPPv410as_strided5array5Shape7Strides6size_t14StreamOrDevice", "as_strided::strides"], [0, 0, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype"], [0, 1, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype::a"], [0, 1, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype::dtype"], [0, 1, 1, "_CPPv46astype5array5Dtype14StreamOrDevice", "astype::s"], [0, 0, 1, "_CPPv410atleast_1dRK5array14StreamOrDevice", "atleast_1d"], [0, 0, 1, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_1d"], [0, 1, 1, "_CPPv410atleast_1dRK5array14StreamOrDevice", "atleast_1d::a"], [0, 1, 1, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_1d::a"], [0, 1, 1, "_CPPv410atleast_1dRK5array14StreamOrDevice", "atleast_1d::s"], [0, 1, 1, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_1d::s"], [0, 0, 1, "_CPPv410atleast_2dRK5array14StreamOrDevice", "atleast_2d"], [0, 0, 1, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_2d"], [0, 1, 1, "_CPPv410atleast_2dRK5array14StreamOrDevice", "atleast_2d::a"], [0, 1, 1, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_2d::a"], [0, 1, 1, "_CPPv410atleast_2dRK5array14StreamOrDevice", "atleast_2d::s"], [0, 1, 1, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_2d::s"], [0, 0, 1, "_CPPv410atleast_3dRK5array14StreamOrDevice", "atleast_3d"], [0, 0, 1, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_3d"], [0, 1, 1, "_CPPv410atleast_3dRK5array14StreamOrDevice", "atleast_3d::a"], [0, 1, 1, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_3d::a"], [0, 1, 1, "_CPPv410atleast_3dRK5array14StreamOrDevice", "atleast_3d::s"], [0, 1, 1, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", "atleast_3d::s"], [0, 0, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and"], [0, 1, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and::a"], [0, 1, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and::b"], [0, 1, 1, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", "bitwise_and::s"], [0, 0, 1, "_CPPv414bitwise_invertRK5array14StreamOrDevice", "bitwise_invert"], [0, 1, 1, "_CPPv414bitwise_invertRK5array14StreamOrDevice", "bitwise_invert::a"], [0, 1, 1, "_CPPv414bitwise_invertRK5array14StreamOrDevice", "bitwise_invert::s"], [0, 0, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or"], [0, 1, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or::a"], [0, 1, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or::b"], [0, 1, 1, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", "bitwise_or::s"], [0, 0, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor"], [0, 1, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor::a"], [0, 1, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor::b"], [0, 1, 1, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", "bitwise_xor::s"], [0, 0, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::a"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::b"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::block_size"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::mask_lhs"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::mask_out"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::mask_rhs"], [0, 1, 1, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "block_masked_mm::s"], [0, 0, 1, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", "broadcast_arrays"], [0, 1, 1, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", "broadcast_arrays::inputs"], [0, 1, 1, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", "broadcast_arrays::s"], [0, 0, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to::a"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to::s"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRK5Shape14StreamOrDevice", "broadcast_to::shape"], [0, 0, 1, "_CPPv44ceilRK5array14StreamOrDevice", "ceil"], [0, 1, 1, "_CPPv44ceilRK5array14StreamOrDevice", "ceil::a"], [0, 1, 1, "_CPPv44ceilRK5array14StreamOrDevice", "ceil::s"], [0, 0, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::a"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::a_max"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::a_min"], [0, 1, 1, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", "clip::s"], [0, 0, 1, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", "concatenate"], [0, 0, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", "concatenate::arrays"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::arrays"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::axis"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEE14StreamOrDevice", "concatenate::s"], [0, 1, 1, "_CPPv411concatenateNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::s"], [0, 0, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate"], [0, 1, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate::a"], [0, 1, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate::s"], [0, 0, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous"], [0, 1, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous::a"], [0, 1, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous::allow_col_major"], [0, 1, 1, "_CPPv410contiguousRK5arrayb14StreamOrDevice", "contiguous::s"], [0, 0, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::dilation"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::groups"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::input"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::padding"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::s"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::stride"], [0, 1, 1, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv1d::weight"], [0, 0, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::dilation"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::groups"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::input"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::padding"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::s"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::stride"], [0, 1, 1, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv2d::weight"], [0, 0, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::dilation"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::groups"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::input"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::padding"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::s"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::stride"], [0, 1, 1, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv3d::weight"], [0, 0, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general"], [0, 0, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::flip"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::flip"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::groups"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::groups"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input_dilation"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::input_dilation"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::kernel_dilation"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::kernel_dilation"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::padding"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::padding_hi"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::padding_lo"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::s"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::s"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::stride"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::stride"], [0, 1, 1, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::weight"], [0, 1, 1, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", "conv_general::weight"], [0, 0, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::dilation"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::groups"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::input"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::padding"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::s"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::stride"], [0, 1, 1, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", "conv_transpose1d::weight"], [0, 0, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::dilation"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::groups"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::input"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::padding"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::s"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::stride"], [0, 1, 1, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", "conv_transpose2d::weight"], [0, 0, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::dilation"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::groups"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::input"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::padding"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::s"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::stride"], [0, 1, 1, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", "conv_transpose3d::weight"], [0, 0, 1, "_CPPv44copy5array14StreamOrDevice", "copy"], [0, 1, 1, "_CPPv44copy5array14StreamOrDevice", "copy::a"], [0, 1, 1, "_CPPv44copy5array14StreamOrDevice", "copy::s"], [0, 0, 1, "_CPPv43cosRK5array14StreamOrDevice", "cos"], [0, 1, 1, "_CPPv43cosRK5array14StreamOrDevice", "cos::a"], [0, 1, 1, "_CPPv43cosRK5array14StreamOrDevice", "cos::s"], [0, 0, 1, "_CPPv44coshRK5array14StreamOrDevice", "cosh"], [0, 1, 1, "_CPPv44coshRK5array14StreamOrDevice", "cosh::a"], [0, 1, 1, "_CPPv44coshRK5array14StreamOrDevice", "cosh::s"], [0, 0, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::a"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::axis"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::inclusive"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::reverse"], [0, 1, 1, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", "cummax::s"], [0, 0, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::a"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::axis"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::inclusive"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::reverse"], [0, 1, 1, "_CPPv46cumminRK5arrayibb14StreamOrDevice", "cummin::s"], [0, 0, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::a"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::axis"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::inclusive"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::reverse"], [0, 1, 1, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", "cumprod::s"], [0, 0, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::a"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::axis"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::inclusive"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::reverse"], [0, 1, 1, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", "cumsum::s"], [0, 0, 1, "_CPPv47degreesRK5array14StreamOrDevice", "degrees"], [0, 1, 1, "_CPPv47degreesRK5array14StreamOrDevice", "degrees::a"], [0, 1, 1, "_CPPv47degreesRK5array14StreamOrDevice", "degrees::s"], [0, 0, 1, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", "depends"], [0, 1, 1, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", "depends::dependencies"], [0, 1, 1, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", "depends::inputs"], [0, 0, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::biases"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::bits"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::group_size"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::s"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::scales"], [0, 1, 1, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", "dequantize::w"], [0, 0, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag"], [0, 1, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag::a"], [0, 1, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag::k"], [0, 1, 1, "_CPPv44diagRK5arrayi14StreamOrDevice", "diag::s"], [0, 0, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::a"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::axis1"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::axis2"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::offset"], [0, 1, 1, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", "diagonal::s"], [0, 0, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide"], [0, 1, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide::a"], [0, 1, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide::b"], [0, 1, 1, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", "divide::s"], [0, 0, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod"], [0, 1, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod::a"], [0, 1, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod::b"], [0, 1, 1, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", "divmod::s"], [0, 0, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal"], [0, 1, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal::a"], [0, 1, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal::b"], [0, 1, 1, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", "equal::s"], [0, 0, 1, "_CPPv43erfRK5array14StreamOrDevice", "erf"], [0, 1, 1, "_CPPv43erfRK5array14StreamOrDevice", "erf::a"], [0, 1, 1, "_CPPv43erfRK5array14StreamOrDevice", "erf::s"], [0, 0, 1, "_CPPv46erfinvRK5array14StreamOrDevice", "erfinv"], [0, 1, 1, "_CPPv46erfinvRK5array14StreamOrDevice", "erfinv::a"], [0, 1, 1, "_CPPv46erfinvRK5array14StreamOrDevice", "erfinv::s"], [0, 0, 1, "_CPPv43expRK5array14StreamOrDevice", "exp"], [0, 1, 1, "_CPPv43expRK5array14StreamOrDevice", "exp::a"], [0, 1, 1, "_CPPv43expRK5array14StreamOrDevice", "exp::s"], [0, 0, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims"], [0, 0, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims::a"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims::a"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims::axes"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims::axis"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "expand_dims::s"], [0, 1, 1, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", "expand_dims::s"], [0, 0, 1, "_CPPv45expm1RK5array14StreamOrDevice", "expm1"], [0, 1, 1, "_CPPv45expm1RK5array14StreamOrDevice", "expm1::a"], [0, 1, 1, "_CPPv45expm1RK5array14StreamOrDevice", "expm1::s"], [0, 0, 1, "_CPPv43eyei14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyeii14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyeiii14StreamOrDevice", "eye"], [0, 0, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye"], [0, 1, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye::dtype"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::dtype"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::k"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::k"], [0, 1, 1, "_CPPv43eyeii14StreamOrDevice", "eye::m"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::m"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::m"], [0, 1, 1, "_CPPv43eyei14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyeii14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::n"], [0, 1, 1, "_CPPv43eyei14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyei5Dtype14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyeii14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyeiii14StreamOrDevice", "eye::s"], [0, 1, 1, "_CPPv43eyeiii5Dtype14StreamOrDevice", "eye::s"], [0, 0, 1, "_CPPv47flattenRK5array14StreamOrDevice", "flatten"], [0, 0, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten"], [0, 1, 1, "_CPPv47flattenRK5array14StreamOrDevice", "flatten::a"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::a"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::end_axis"], [0, 1, 1, "_CPPv47flattenRK5array14StreamOrDevice", "flatten::s"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::s"], [0, 1, 1, "_CPPv47flattenRK5arrayii14StreamOrDevice", "flatten::start_axis"], [0, 0, 1, "_CPPv45floorRK5array14StreamOrDevice", "floor"], [0, 1, 1, "_CPPv45floorRK5array14StreamOrDevice", "floor::a"], [0, 1, 1, "_CPPv45floorRK5array14StreamOrDevice", "floor::s"], [0, 0, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide"], [0, 1, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide::a"], [0, 1, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide::b"], [0, 1, 1, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", "floor_divide::s"], [0, 0, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full"], [0, 0, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full"], [0, 0, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full"], [0, 0, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full"], [0, 2, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::T"], [0, 2, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::T"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::dtype"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::dtype"], [0, 1, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T14StreamOrDevice", "full::val"], [0, 1, 1, "_CPPv4I0E4full5array5Shape1T5Dtype14StreamOrDevice", "full::val"], [0, 1, 1, "_CPPv44full5Shape5array14StreamOrDevice", "full::vals"], [0, 1, 1, "_CPPv44full5Shape5array5Dtype14StreamOrDevice", "full::vals"], [0, 0, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather"], [0, 0, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::a"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::a"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::axes"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::axis"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::indices"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::indices"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::s"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::s"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRK5Shape14StreamOrDevice", "gather::slice_sizes"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERK5Shape14StreamOrDevice", "gather::slice_sizes"], [0, 0, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::a"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::b"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::lhs_indices"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::rhs_indices"], [0, 1, 1, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", "gather_mm::s"], [0, 0, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::biases"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::bits"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::group_size"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::lhs_indices"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::rhs_indices"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::s"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::scales"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::transpose"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::w"], [0, 1, 1, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", "gather_qmm::x"], [0, 0, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater"], [0, 1, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater::a"], [0, 1, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater::b"], [0, 1, 1, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", "greater::s"], [0, 0, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal"], [0, 1, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal::a"], [0, 1, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal::b"], [0, 1, 1, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", "greater_equal::s"], [0, 0, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform"], [0, 1, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform::a"], [0, 1, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform::s"], [0, 1, 1, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", "hadamard_transform::scale"], [0, 0, 1, "_CPPv48identityi14StreamOrDevice", "identity"], [0, 0, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity"], [0, 1, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity::dtype"], [0, 1, 1, "_CPPv48identityi14StreamOrDevice", "identity::n"], [0, 1, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity::n"], [0, 1, 1, "_CPPv48identityi14StreamOrDevice", "identity::s"], [0, 1, 1, "_CPPv48identityi5Dtype14StreamOrDevice", "identity::s"], [0, 0, 1, "_CPPv44imagRK5array14StreamOrDevice", "imag"], [0, 1, 1, "_CPPv44imagRK5array14StreamOrDevice", "imag::a"], [0, 1, 1, "_CPPv44imagRK5array14StreamOrDevice", "imag::s"], [0, 0, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner"], [0, 1, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner::a"], [0, 1, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner::b"], [0, 1, 1, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", "inner::s"], [0, 0, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::a"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::atol"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::b"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::equal_nan"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::rtol"], [0, 1, 1, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", "isclose::s"], [0, 0, 1, "_CPPv48isfiniteRK5array14StreamOrDevice", "isfinite"], [0, 1, 1, "_CPPv48isfiniteRK5array14StreamOrDevice", "isfinite::a"], [0, 1, 1, "_CPPv48isfiniteRK5array14StreamOrDevice", "isfinite::s"], [0, 0, 1, "_CPPv45isinfRK5array14StreamOrDevice", "isinf"], [0, 1, 1, "_CPPv45isinfRK5array14StreamOrDevice", "isinf::a"], [0, 1, 1, "_CPPv45isinfRK5array14StreamOrDevice", "isinf::s"], [0, 0, 1, "_CPPv45isnanRK5array14StreamOrDevice", "isnan"], [0, 1, 1, "_CPPv45isnanRK5array14StreamOrDevice", "isnan::a"], [0, 1, 1, "_CPPv45isnanRK5array14StreamOrDevice", "isnan::s"], [0, 0, 1, "_CPPv48isneginfRK5array14StreamOrDevice", "isneginf"], [0, 1, 1, "_CPPv48isneginfRK5array14StreamOrDevice", "isneginf::a"], [0, 1, 1, "_CPPv48isneginfRK5array14StreamOrDevice", "isneginf::s"], [0, 0, 1, "_CPPv48isposinfRK5array14StreamOrDevice", "isposinf"], [0, 1, 1, "_CPPv48isposinfRK5array14StreamOrDevice", "isposinf::a"], [0, 1, 1, "_CPPv48isposinfRK5array14StreamOrDevice", "isposinf::s"], [0, 0, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron"], [0, 1, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron::a"], [0, 1, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron::b"], [0, 1, 1, "_CPPv44kronRK5arrayRK5array14StreamOrDevice", "kron::s"], [0, 0, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift"], [0, 1, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift::a"], [0, 1, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift::b"], [0, 1, 1, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", "left_shift::s"], [0, 0, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less"], [0, 1, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less::a"], [0, 1, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less::b"], [0, 1, 1, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", "less::s"], [0, 0, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal"], [0, 1, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal::a"], [0, 1, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal::b"], [0, 1, 1, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", "less_equal::s"], [0, 0, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::dtype"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::num"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::s"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::start"], [0, 1, 1, "_CPPv48linspaceddi5Dtype14StreamOrDevice", "linspace::stop"], [0, 0, 1, "_CPPv43logRK5array14StreamOrDevice", "log"], [0, 0, 1, "_CPPv45log10RK5array14StreamOrDevice", "log10"], [0, 1, 1, "_CPPv45log10RK5array14StreamOrDevice", "log10::a"], [0, 1, 1, "_CPPv45log10RK5array14StreamOrDevice", "log10::s"], [0, 0, 1, "_CPPv45log1pRK5array14StreamOrDevice", "log1p"], [0, 1, 1, "_CPPv45log1pRK5array14StreamOrDevice", "log1p::a"], [0, 1, 1, "_CPPv45log1pRK5array14StreamOrDevice", "log1p::s"], [0, 0, 1, "_CPPv44log2RK5array14StreamOrDevice", "log2"], [0, 1, 1, "_CPPv44log2RK5array14StreamOrDevice", "log2::a"], [0, 1, 1, "_CPPv44log2RK5array14StreamOrDevice", "log2::s"], [0, 1, 1, "_CPPv43logRK5array14StreamOrDevice", "log::a"], [0, 1, 1, "_CPPv43logRK5array14StreamOrDevice", "log::s"], [0, 0, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp"], [0, 1, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp::a"], [0, 1, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp::b"], [0, 1, 1, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", "logaddexp::s"], [0, 0, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and"], [0, 1, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and::a"], [0, 1, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and::b"], [0, 1, 1, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", "logical_and::s"], [0, 0, 1, "_CPPv411logical_notRK5array14StreamOrDevice", "logical_not"], [0, 1, 1, "_CPPv411logical_notRK5array14StreamOrDevice", "logical_not::a"], [0, 1, 1, "_CPPv411logical_notRK5array14StreamOrDevice", "logical_not::s"], [0, 0, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or"], [0, 1, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or::a"], [0, 1, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or::b"], [0, 1, 1, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", "logical_or::s"], [0, 0, 1, "_CPPv49logsumexpRK5array14StreamOrDevice", "logsumexp"], [0, 0, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp"], [0, 0, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp"], [0, 0, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp"], [0, 1, 1, "_CPPv49logsumexpRK5array14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::a"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::axes"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::axis"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::keepdims"], [0, 1, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp::keepdims"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::keepdims"], [0, 1, 1, "_CPPv49logsumexpRK5array14StreamOrDevice", "logsumexp::s"], [0, 1, 1, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "logsumexp::s"], [0, 1, 1, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", "logsumexp::s"], [0, 1, 1, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", "logsumexp::s"], [0, 0, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul"], [0, 1, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul::a"], [0, 1, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul::b"], [0, 1, 1, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", "matmul::s"], [0, 0, 1, "_CPPv43maxRK5array14StreamOrDevice", "max"], [0, 0, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max"], [0, 0, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max"], [0, 0, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max"], [0, 1, 1, "_CPPv43maxRK5array14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::a"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::axes"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::axis"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::keepdims"], [0, 1, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max::keepdims"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::keepdims"], [0, 1, 1, "_CPPv43maxRK5array14StreamOrDevice", "max::s"], [0, 1, 1, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "max::s"], [0, 1, 1, "_CPPv43maxRK5arrayb14StreamOrDevice", "max::s"], [0, 1, 1, "_CPPv43maxRK5arrayib14StreamOrDevice", "max::s"], [0, 0, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum"], [0, 1, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum::a"], [0, 1, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum::b"], [0, 1, 1, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", "maximum::s"], [0, 0, 1, "_CPPv44meanRK5array14StreamOrDevice", "mean"], [0, 0, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean"], [0, 0, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean"], [0, 0, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean"], [0, 1, 1, "_CPPv44meanRK5array14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::a"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::axes"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::axis"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::keepdims"], [0, 1, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean::keepdims"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::keepdims"], [0, 1, 1, "_CPPv44meanRK5array14StreamOrDevice", "mean::s"], [0, 1, 1, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "mean::s"], [0, 1, 1, "_CPPv44meanRK5arrayb14StreamOrDevice", "mean::s"], [0, 1, 1, "_CPPv44meanRK5arrayib14StreamOrDevice", "mean::s"], [0, 0, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::arrays"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::indexing"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::s"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbRKNSt6stringE14StreamOrDevice", "meshgrid::sparse"], [0, 0, 1, "_CPPv43minRK5array14StreamOrDevice", "min"], [0, 0, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min"], [0, 0, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min"], [0, 0, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min"], [0, 1, 1, "_CPPv43minRK5array14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::a"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::axes"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::axis"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::keepdims"], [0, 1, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min::keepdims"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::keepdims"], [0, 1, 1, "_CPPv43minRK5array14StreamOrDevice", "min::s"], [0, 1, 1, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "min::s"], [0, 1, 1, "_CPPv43minRK5arrayb14StreamOrDevice", "min::s"], [0, 1, 1, "_CPPv43minRK5arrayib14StreamOrDevice", "min::s"], [0, 0, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum"], [0, 1, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum::a"], [0, 1, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum::b"], [0, 1, 1, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", "minimum::s"], [0, 0, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::a"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::destination"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::s"], [0, 1, 1, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", "moveaxis::source"], [0, 0, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply"], [0, 1, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply::a"], [0, 1, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply::b"], [0, 1, 1, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", "multiply::s"], [0, 0, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::a"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::nan"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::neginf"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::posinf"], [0, 1, 1, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", "nan_to_num::s"], [0, 0, 1, "_CPPv48negativeRK5array14StreamOrDevice", "negative"], [0, 1, 1, "_CPPv48negativeRK5array14StreamOrDevice", "negative::a"], [0, 1, 1, "_CPPv48negativeRK5array14StreamOrDevice", "negative::s"], [0, 0, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal"], [0, 1, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal::a"], [0, 1, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal::b"], [0, 1, 1, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", "not_equal::s"], [0, 0, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::a"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::axes"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::dtype"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::inverted"], [0, 1, 1, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", "number_of_elements::s"], [0, 0, 1, "_CPPv44onesRK5Shape14StreamOrDevice", "ones"], [0, 0, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones"], [0, 1, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones::dtype"], [0, 1, 1, "_CPPv44onesRK5Shape14StreamOrDevice", "ones::s"], [0, 1, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones::s"], [0, 1, 1, "_CPPv44onesRK5Shape14StreamOrDevice", "ones::shape"], [0, 1, 1, "_CPPv44onesRK5Shape5Dtype14StreamOrDevice", "ones::shape"], [0, 0, 1, "_CPPv49ones_likeRK5array14StreamOrDevice", "ones_like"], [0, 1, 1, "_CPPv49ones_likeRK5array14StreamOrDevice", "ones_like::a"], [0, 1, 1, "_CPPv49ones_likeRK5array14StreamOrDevice", "ones_like::s"], [0, 0, 1, "_CPPv4I0Ene5array1TRK5array", "operator!="], [0, 0, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!="], [0, 0, 1, "_CPPv4neRK5arrayRK5array", "operator!="], [0, 2, 1, "_CPPv4I0Ene5array1TRK5array", "operator!=::T"], [0, 2, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!=::T"], [0, 1, 1, "_CPPv4I0Ene5array1TRK5array", "operator!=::a"], [0, 1, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!=::a"], [0, 1, 1, "_CPPv4neRK5arrayRK5array", "operator!=::a"], [0, 1, 1, "_CPPv4I0Ene5array1TRK5array", "operator!=::b"], [0, 1, 1, "_CPPv4I0Ene5arrayRK5array1T", "operator!=::b"], [0, 1, 1, "_CPPv4neRK5arrayRK5array", "operator!=::b"], [0, 0, 1, "_CPPv4I0Erm5array1TRK5array", "operator%"], [0, 0, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%"], [0, 0, 1, "_CPPv4rmRK5arrayRK5array", "operator%"], [0, 2, 1, "_CPPv4I0Erm5array1TRK5array", "operator%::T"], [0, 2, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%::T"], [0, 1, 1, "_CPPv4I0Erm5array1TRK5array", "operator%::a"], [0, 1, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%::a"], [0, 1, 1, "_CPPv4rmRK5arrayRK5array", "operator%::a"], [0, 1, 1, "_CPPv4I0Erm5array1TRK5array", "operator%::b"], [0, 1, 1, "_CPPv4I0Erm5arrayRK5array1T", "operator%::b"], [0, 1, 1, "_CPPv4rmRK5arrayRK5array", "operator%::b"], [0, 0, 1, "_CPPv4anRK5arrayRK5array", "operator&"], [0, 0, 1, "_CPPv4aaRK5arrayRK5array", "operator&&"], [0, 1, 1, "_CPPv4aaRK5arrayRK5array", "operator&&::a"], [0, 1, 1, "_CPPv4aaRK5arrayRK5array", "operator&&::b"], [0, 1, 1, "_CPPv4anRK5arrayRK5array", "operator&::a"], [0, 1, 1, "_CPPv4anRK5arrayRK5array", "operator&::b"], [0, 0, 1, "_CPPv4I0Eml5array1TRK5array", "operator*"], [0, 0, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*"], [0, 0, 1, "_CPPv4mlRK5arrayRK5array", "operator*"], [0, 2, 1, "_CPPv4I0Eml5array1TRK5array", "operator*::T"], [0, 2, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*::T"], [0, 1, 1, "_CPPv4I0Eml5array1TRK5array", "operator*::a"], [0, 1, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*::a"], [0, 1, 1, "_CPPv4mlRK5arrayRK5array", "operator*::a"], [0, 1, 1, "_CPPv4I0Eml5array1TRK5array", "operator*::b"], [0, 1, 1, "_CPPv4I0Eml5arrayRK5array1T", "operator*::b"], [0, 1, 1, "_CPPv4mlRK5arrayRK5array", "operator*::b"], [0, 0, 1, "_CPPv4I0Epl5array1TRK5array", "operator+"], [0, 0, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+"], [0, 0, 1, "_CPPv4plRK5arrayRK5array", "operator+"], [0, 2, 1, "_CPPv4I0Epl5array1TRK5array", "operator+::T"], [0, 2, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+::T"], [0, 1, 1, "_CPPv4I0Epl5array1TRK5array", "operator+::a"], [0, 1, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+::a"], [0, 1, 1, "_CPPv4plRK5arrayRK5array", "operator+::a"], [0, 1, 1, "_CPPv4I0Epl5array1TRK5array", "operator+::b"], [0, 1, 1, "_CPPv4I0Epl5arrayRK5array1T", "operator+::b"], [0, 1, 1, "_CPPv4plRK5arrayRK5array", "operator+::b"], [0, 0, 1, "_CPPv4I0Emi5array1TRK5array", "operator-"], [0, 0, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-"], [0, 0, 1, "_CPPv4miRK5array", "operator-"], [0, 0, 1, "_CPPv4miRK5arrayRK5array", "operator-"], [0, 2, 1, "_CPPv4I0Emi5array1TRK5array", "operator-::T"], [0, 2, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-::T"], [0, 1, 1, "_CPPv4I0Emi5array1TRK5array", "operator-::a"], [0, 1, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-::a"], [0, 1, 1, "_CPPv4miRK5array", "operator-::a"], [0, 1, 1, "_CPPv4miRK5arrayRK5array", "operator-::a"], [0, 1, 1, "_CPPv4I0Emi5array1TRK5array", "operator-::b"], [0, 1, 1, "_CPPv4I0Emi5arrayRK5array1T", "operator-::b"], [0, 1, 1, "_CPPv4miRK5arrayRK5array", "operator-::b"], [0, 0, 1, "_CPPv4dvRK5arrayRK5array", "operator/"], [0, 0, 1, "_CPPv4dvRK5arrayd", "operator/"], [0, 0, 1, "_CPPv4dvdRK5array", "operator/"], [0, 1, 1, "_CPPv4dvRK5arrayRK5array", "operator/::a"], [0, 1, 1, "_CPPv4dvRK5arrayd", "operator/::a"], [0, 1, 1, "_CPPv4dvdRK5array", "operator/::a"], [0, 1, 1, "_CPPv4dvRK5arrayRK5array", "operator/::b"], [0, 1, 1, "_CPPv4dvRK5arrayd", "operator/::b"], [0, 1, 1, "_CPPv4dvdRK5array", "operator/::b"], [0, 0, 1, "_CPPv4I0Elt5array1TRK5array", "operator<"], [0, 0, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<"], [0, 0, 1, "_CPPv4ltRK5arrayRK5array", "operator<"], [0, 2, 1, "_CPPv4I0Elt5array1TRK5array", "operator<::T"], [0, 2, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<::T"], [0, 1, 1, "_CPPv4I0Elt5array1TRK5array", "operator<::a"], [0, 1, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<::a"], [0, 1, 1, "_CPPv4ltRK5arrayRK5array", "operator<::a"], [0, 1, 1, "_CPPv4I0Elt5array1TRK5array", "operator<::b"], [0, 1, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator<::b"], [0, 1, 1, "_CPPv4ltRK5arrayRK5array", "operator<::b"], [0, 0, 1, "_CPPv4lsRK5arrayRK5array", "operator<<"], [0, 1, 1, "_CPPv4lsRK5arrayRK5array", "operator<<::a"], [0, 1, 1, "_CPPv4lsRK5arrayRK5array", "operator<<::b"], [0, 0, 1, "_CPPv4I0Ele5array1TRK5array", "operator<="], [0, 0, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<="], [0, 0, 1, "_CPPv4leRK5arrayRK5array", "operator<="], [0, 2, 1, "_CPPv4I0Ele5array1TRK5array", "operator<=::T"], [0, 2, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<=::T"], [0, 1, 1, "_CPPv4I0Ele5array1TRK5array", "operator<=::a"], [0, 1, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<=::a"], [0, 1, 1, "_CPPv4leRK5arrayRK5array", "operator<=::a"], [0, 1, 1, "_CPPv4I0Ele5array1TRK5array", "operator<=::b"], [0, 1, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator<=::b"], [0, 1, 1, "_CPPv4leRK5arrayRK5array", "operator<=::b"], [0, 0, 1, "_CPPv4I0Eeq5array1TRK5array", "operator=="], [0, 0, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator=="], [0, 0, 1, "_CPPv4eqRK5arrayRK5array", "operator=="], [0, 2, 1, "_CPPv4I0Eeq5array1TRK5array", "operator==::T"], [0, 2, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator==::T"], [0, 1, 1, "_CPPv4I0Eeq5array1TRK5array", "operator==::a"], [0, 1, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator==::a"], [0, 1, 1, "_CPPv4eqRK5arrayRK5array", "operator==::a"], [0, 1, 1, "_CPPv4I0Eeq5array1TRK5array", "operator==::b"], [0, 1, 1, "_CPPv4I0Eeq5arrayRK5array1T", "operator==::b"], [0, 1, 1, "_CPPv4eqRK5arrayRK5array", "operator==::b"], [0, 0, 1, "_CPPv4I0Egt5array1TRK5array", "operator>"], [0, 0, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>"], [0, 0, 1, "_CPPv4gtRK5arrayRK5array", "operator>"], [0, 2, 1, "_CPPv4I0Egt5array1TRK5array", "operator>::T"], [0, 2, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>::T"], [0, 1, 1, "_CPPv4I0Egt5array1TRK5array", "operator>::a"], [0, 1, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>::a"], [0, 1, 1, "_CPPv4gtRK5arrayRK5array", "operator>::a"], [0, 1, 1, "_CPPv4I0Egt5array1TRK5array", "operator>::b"], [0, 1, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator>::b"], [0, 1, 1, "_CPPv4gtRK5arrayRK5array", "operator>::b"], [0, 0, 1, "_CPPv4I0Ege5array1TRK5array", "operator>="], [0, 0, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>="], [0, 0, 1, "_CPPv4geRK5arrayRK5array", "operator>="], [0, 2, 1, "_CPPv4I0Ege5array1TRK5array", "operator>=::T"], [0, 2, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>=::T"], [0, 1, 1, "_CPPv4I0Ege5array1TRK5array", "operator>=::a"], [0, 1, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>=::a"], [0, 1, 1, "_CPPv4geRK5arrayRK5array", "operator>=::a"], [0, 1, 1, "_CPPv4I0Ege5array1TRK5array", "operator>=::b"], [0, 1, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator>=::b"], [0, 1, 1, "_CPPv4geRK5arrayRK5array", "operator>=::b"], [0, 0, 1, "_CPPv4rsRK5arrayRK5array", "operator>>"], [0, 1, 1, "_CPPv4rsRK5arrayRK5array", "operator>>::a"], [0, 1, 1, "_CPPv4rsRK5arrayRK5array", "operator>>::b"], [0, 0, 1, "_CPPv4eoRK5arrayRK5array", "operator^"], [0, 1, 1, "_CPPv4eoRK5arrayRK5array", "operator^::a"], [0, 1, 1, "_CPPv4eoRK5arrayRK5array", "operator^::b"], [0, 0, 1, "_CPPv4orRK5arrayRK5array", "operator|"], [0, 1, 1, "_CPPv4orRK5arrayRK5array", "operator|::a"], [0, 1, 1, "_CPPv4orRK5arrayRK5array", "operator|::b"], [0, 0, 1, "_CPPv4ooRK5arrayRK5array", "operator||"], [0, 1, 1, "_CPPv4ooRK5arrayRK5array", "operator||::a"], [0, 1, 1, "_CPPv4ooRK5arrayRK5array", "operator||::b"], [0, 0, 1, "_CPPv4coRK5array", "operator~"], [0, 1, 1, "_CPPv4coRK5array", "operator~::a"], [0, 0, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::a"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::b"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::s"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::axes"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::high_pad_size"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::low_pad_size"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERK5ShapeRK5ShapeRK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayRKNSt6stringE14StreamOrDevice", "pad::s"], [0, 0, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition"], [0, 0, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition"], [0, 1, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition::a"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::a"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::axis"], [0, 1, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition::kth"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::kth"], [0, 1, 1, "_CPPv49partitionRK5arrayi14StreamOrDevice", "partition::s"], [0, 1, 1, "_CPPv49partitionRK5arrayii14StreamOrDevice", "partition::s"], [0, 0, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power"], [0, 1, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power::a"], [0, 1, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power::b"], [0, 1, 1, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", "power::s"], [0, 0, 1, "_CPPv44prodRK5array14StreamOrDevice", "prod"], [0, 0, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod"], [0, 0, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod"], [0, 0, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod"], [0, 1, 1, "_CPPv44prodRK5array14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::a"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::axes"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::axis"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::keepdims"], [0, 1, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod::keepdims"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::keepdims"], [0, 1, 1, "_CPPv44prodRK5array14StreamOrDevice", "prod::s"], [0, 1, 1, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "prod::s"], [0, 1, 1, "_CPPv44prodRK5arrayb14StreamOrDevice", "prod::s"], [0, 1, 1, "_CPPv44prodRK5arrayib14StreamOrDevice", "prod::s"], [0, 0, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::a"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::axis"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::indices"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::s"], [0, 1, 1, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "put_along_axis::values"], [0, 0, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::bits"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::group_size"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::s"], [0, 1, 1, "_CPPv48quantizeRK5arrayii14StreamOrDevice", "quantize::w"], [0, 0, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::biases"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::bits"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::group_size"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::s"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::scales"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::transpose"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::w"], [0, 1, 1, "_CPPv416quantized_matmul5array5array5array5arraybii14StreamOrDevice", "quantized_matmul::x"], [0, 0, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians"], [0, 1, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians::a"], [0, 1, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians::s"], [0, 0, 1, "_CPPv44realRK5array14StreamOrDevice", "real"], [0, 1, 1, "_CPPv44realRK5array14StreamOrDevice", "real::a"], [0, 1, 1, "_CPPv44realRK5array14StreamOrDevice", "real::s"], [0, 0, 1, "_CPPv410reciprocalRK5array14StreamOrDevice", "reciprocal"], [0, 1, 1, "_CPPv410reciprocalRK5array14StreamOrDevice", "reciprocal::a"], [0, 1, 1, "_CPPv410reciprocalRK5array14StreamOrDevice", "reciprocal::s"], [0, 0, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder"], [0, 1, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder::a"], [0, 1, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder::b"], [0, 1, 1, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", "remainder::s"], [0, 0, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat"], [0, 0, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat"], [0, 1, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat::arr"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::arr"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::axis"], [0, 1, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat::repeats"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::repeats"], [0, 1, 1, "_CPPv46repeatRK5arrayi14StreamOrDevice", "repeat::s"], [0, 1, 1, "_CPPv46repeatRK5arrayii14StreamOrDevice", "repeat::s"], [0, 0, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape"], [0, 1, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape::a"], [0, 1, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape::s"], [0, 1, 1, "_CPPv47reshapeRK5array5Shape14StreamOrDevice", "reshape::shape"], [0, 0, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift"], [0, 1, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift::a"], [0, 1, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift::b"], [0, 1, 1, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", "right_shift::s"], [0, 0, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::axes"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::axes"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::axis"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::axis"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shape14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayRK5ShapeRKNSt6vectorIiEE14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayRK5Shapei14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::shift"], [0, 0, 1, "_CPPv45roundRK5array14StreamOrDevice", "round"], [0, 0, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round"], [0, 1, 1, "_CPPv45roundRK5array14StreamOrDevice", "round::a"], [0, 1, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round::a"], [0, 1, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round::decimals"], [0, 1, 1, "_CPPv45roundRK5array14StreamOrDevice", "round::s"], [0, 1, 1, "_CPPv45roundRK5arrayi14StreamOrDevice", "round::s"], [0, 0, 1, "_CPPv45rsqrtRK5array14StreamOrDevice", "rsqrt"], [0, 1, 1, "_CPPv45rsqrtRK5array14StreamOrDevice", "rsqrt::a"], [0, 1, 1, "_CPPv45rsqrtRK5array14StreamOrDevice", "rsqrt::s"], [0, 0, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter"], [0, 0, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::a"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::a"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::axes"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::axis"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::indices"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::indices"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::s"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::s"], [0, 1, 1, "_CPPv47scatterRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter::updates"], [0, 1, 1, "_CPPv47scatterRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter::updates"], [0, 0, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add"], [0, 0, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::a"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::a"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::axes"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::axis"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::indices"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::indices"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::s"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::s"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add::updates"], [0, 1, 1, "_CPPv411scatter_addRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_add::updates"], [0, 0, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::a"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::axis"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::indices"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::s"], [0, 1, 1, "_CPPv416scatter_add_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_add_axis::values"], [0, 0, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max"], [0, 0, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::a"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::a"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::axes"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::axis"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::indices"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::indices"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::s"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::s"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_max::updates"], [0, 1, 1, "_CPPv411scatter_maxRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_max::updates"], [0, 0, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min"], [0, 0, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::a"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::a"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::axes"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::axis"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::indices"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::indices"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::s"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::s"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_min::updates"], [0, 1, 1, "_CPPv411scatter_minRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_min::updates"], [0, 0, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod"], [0, 0, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::a"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::a"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::axes"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::axis"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::indices"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::indices"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::s"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::s"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRK5arrayRK5arrayi14StreamOrDevice", "scatter_prod::updates"], [0, 1, 1, "_CPPv412scatter_prodRK5arrayRKNSt6vectorI5arrayEERK5arrayRKNSt6vectorIiEE14StreamOrDevice", "scatter_prod::updates"], [0, 0, 1, "_CPPv47sigmoidRK5array14StreamOrDevice", "sigmoid"], [0, 1, 1, "_CPPv47sigmoidRK5array14StreamOrDevice", "sigmoid::a"], [0, 1, 1, "_CPPv47sigmoidRK5array14StreamOrDevice", "sigmoid::s"], [0, 0, 1, "_CPPv44signRK5array14StreamOrDevice", "sign"], [0, 1, 1, "_CPPv44signRK5array14StreamOrDevice", "sign::a"], [0, 1, 1, "_CPPv44signRK5array14StreamOrDevice", "sign::s"], [0, 0, 1, "_CPPv43sinRK5array14StreamOrDevice", "sin"], [0, 1, 1, "_CPPv43sinRK5array14StreamOrDevice", "sin::a"], [0, 1, 1, "_CPPv43sinRK5array14StreamOrDevice", "sin::s"], [0, 0, 1, "_CPPv44sinhRK5array14StreamOrDevice", "sinh"], [0, 1, 1, "_CPPv44sinhRK5array14StreamOrDevice", "sinh::a"], [0, 1, 1, "_CPPv44sinhRK5array14StreamOrDevice", "sinh::s"], [0, 0, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice"], [0, 0, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice"], [0, 0, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice"], [0, 0, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::axes"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::slice_size"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5arrayRK5arrayNSt6vectorIiEE5Shape14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5array5Shape5Shape5Shape14StreamOrDevice", "slice::strides"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt16initializer_listIiEE5Shape5Shape14StreamOrDevice", "slice::strides"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::axes"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::stop"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::stop"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::strides"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape14StreamOrDevice", "slice_update::update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5array5Shape5Shape5Shape14StreamOrDevice", "slice_update::update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayRK5arrayNSt6vectorIiEE14StreamOrDevice", "slice_update::update"], [0, 0, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax"], [0, 0, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax"], [0, 0, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::a"], [0, 1, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax::a"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::a"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::axes"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::axis"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::precise"], [0, 1, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax::precise"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::precise"], [0, 1, 1, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "softmax::s"], [0, 1, 1, "_CPPv47softmaxRK5arrayb14StreamOrDevice", "softmax::s"], [0, 1, 1, "_CPPv47softmaxRK5arrayib14StreamOrDevice", "softmax::s"], [0, 0, 1, "_CPPv44sortRK5array14StreamOrDevice", "sort"], [0, 0, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort"], [0, 1, 1, "_CPPv44sortRK5array14StreamOrDevice", "sort::a"], [0, 1, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort::a"], [0, 1, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort::axis"], [0, 1, 1, "_CPPv44sortRK5array14StreamOrDevice", "sort::s"], [0, 1, 1, "_CPPv44sortRK5arrayi14StreamOrDevice", "sort::s"], [0, 0, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::axis"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::axis"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split::indices"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::indices"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::num_splits"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::num_splits"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shape14StreamOrDevice", "split::s"], [0, 1, 1, "_CPPv45splitRK5arrayRK5Shapei14StreamOrDevice", "split::s"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::s"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::s"], [0, 0, 1, "_CPPv44sqrtRK5array14StreamOrDevice", "sqrt"], [0, 1, 1, "_CPPv44sqrtRK5array14StreamOrDevice", "sqrt::a"], [0, 1, 1, "_CPPv44sqrtRK5array14StreamOrDevice", "sqrt::s"], [0, 0, 1, "_CPPv46squareRK5array14StreamOrDevice", "square"], [0, 1, 1, "_CPPv46squareRK5array14StreamOrDevice", "square::a"], [0, 1, 1, "_CPPv46squareRK5array14StreamOrDevice", "square::s"], [0, 0, 1, "_CPPv47squeezeRK5array14StreamOrDevice", "squeeze"], [0, 0, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze"], [0, 0, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze"], [0, 1, 1, "_CPPv47squeezeRK5array14StreamOrDevice", "squeeze::a"], [0, 1, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze::a"], [0, 1, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze::a"], [0, 1, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze::axes"], [0, 1, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze::axis"], [0, 1, 1, "_CPPv47squeezeRK5array14StreamOrDevice", "squeeze::s"], [0, 1, 1, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "squeeze::s"], [0, 1, 1, "_CPPv47squeezeRK5arrayi14StreamOrDevice", "squeeze::s"], [0, 0, 1, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", "stack"], [0, 0, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", "stack::arrays"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack::arrays"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack::axis"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", "stack::s"], [0, 1, 1, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", "stack::s"], [0, 0, 1, "_CPPv4StRK5array14StreamOrDevice", "std"], [0, 0, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std"], [0, 0, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std"], [0, 0, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std"], [0, 1, 1, "_CPPv4StRK5array14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::a"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::axes"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::axis"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::ddof"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::ddof"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::ddof"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::keepdims"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::keepdims"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::keepdims"], [0, 1, 1, "_CPPv4StRK5array14StreamOrDevice", "std::s"], [0, 1, 1, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "std::s"], [0, 1, 1, "_CPPv4StRK5arraybi14StreamOrDevice", "std::s"], [0, 1, 1, "_CPPv4StRK5arrayibi14StreamOrDevice", "std::s"], [0, 0, 1, "_CPPv413stop_gradientRK5array14StreamOrDevice", "stop_gradient"], [0, 1, 1, "_CPPv413stop_gradientRK5array14StreamOrDevice", "stop_gradient::a"], [0, 1, 1, "_CPPv413stop_gradientRK5array14StreamOrDevice", "stop_gradient::s"], [0, 0, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract"], [0, 1, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract::a"], [0, 1, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract::b"], [0, 1, 1, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", "subtract::s"], [0, 0, 1, "_CPPv43sumRK5array14StreamOrDevice", "sum"], [0, 0, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum"], [0, 0, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum"], [0, 0, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum"], [0, 1, 1, "_CPPv43sumRK5array14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::a"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::axes"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::axis"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::keepdims"], [0, 1, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum::keepdims"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::keepdims"], [0, 1, 1, "_CPPv43sumRK5array14StreamOrDevice", "sum::s"], [0, 1, 1, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", "sum::s"], [0, 1, 1, "_CPPv43sumRK5arrayb14StreamOrDevice", "sum::s"], [0, 1, 1, "_CPPv43sumRK5arrayib14StreamOrDevice", "sum::s"], [0, 0, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::a"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::axis1"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::axis2"], [0, 1, 1, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", "swapaxes::s"], [0, 0, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take"], [0, 0, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take"], [0, 0, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take"], [0, 0, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take"], [0, 1, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::a"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::axis"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::axis"], [0, 1, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take::index"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::index"], [0, 1, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take::indices"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::indices"], [0, 1, 1, "_CPPv44takeRK5arrayRK5array14StreamOrDevice", "take::s"], [0, 1, 1, "_CPPv44takeRK5arrayRK5arrayi14StreamOrDevice", "take::s"], [0, 1, 1, "_CPPv44takeRK5arrayi14StreamOrDevice", "take::s"], [0, 1, 1, "_CPPv44takeRK5arrayii14StreamOrDevice", "take::s"], [0, 0, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::a"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::axis"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::indices"], [0, 1, 1, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", "take_along_axis::s"], [0, 0, 1, "_CPPv43tanRK5array14StreamOrDevice", "tan"], [0, 1, 1, "_CPPv43tanRK5array14StreamOrDevice", "tan::a"], [0, 1, 1, "_CPPv43tanRK5array14StreamOrDevice", "tan::s"], [0, 0, 1, "_CPPv44tanhRK5array14StreamOrDevice", "tanh"], [0, 1, 1, "_CPPv44tanhRK5array14StreamOrDevice", "tanh::a"], [0, 1, 1, "_CPPv44tanhRK5array14StreamOrDevice", "tanh::s"], [0, 0, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot"], [0, 0, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::a"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::a"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::axes_a"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::axes_b"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::axis"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::b"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::b"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", "tensordot::s"], [0, 1, 1, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "tensordot::s"], [0, 0, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile"], [0, 1, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile::arr"], [0, 1, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile::reps"], [0, 1, 1, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", "tile::s"], [0, 0, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk"], [0, 0, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk"], [0, 1, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk::a"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::a"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::axis"], [0, 1, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk::k"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::k"], [0, 1, 1, "_CPPv44topkRK5arrayi14StreamOrDevice", "topk::s"], [0, 1, 1, "_CPPv44topkRK5arrayii14StreamOrDevice", "topk::s"], [0, 0, 1, "_CPPv45traceRK5array14StreamOrDevice", "trace"], [0, 0, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace"], [0, 0, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace"], [0, 1, 1, "_CPPv45traceRK5array14StreamOrDevice", "trace::a"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::a"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::a"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::axis1"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::axis1"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::axis2"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::axis2"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::dtype"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::offset"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::offset"], [0, 1, 1, "_CPPv45traceRK5array14StreamOrDevice", "trace::s"], [0, 1, 1, "_CPPv45traceRK5arrayiii14StreamOrDevice", "trace::s"], [0, 1, 1, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", "trace::s"], [0, 0, 1, "_CPPv49transposeRK5array14StreamOrDevice", "transpose"], [0, 0, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose"], [0, 0, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose"], [0, 1, 1, "_CPPv49transposeRK5array14StreamOrDevice", "transpose::a"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose::a"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose::a"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose::axes"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose::axes"], [0, 1, 1, "_CPPv49transposeRK5array14StreamOrDevice", "transpose::s"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", "transpose::s"], [0, 1, 1, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", "transpose::s"], [0, 0, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri"], [0, 0, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::k"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::m"], [0, 1, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri::n"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::n"], [0, 1, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri::s"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::s"], [0, 1, 1, "_CPPv43trii5Dtype14StreamOrDevice", "tri::type"], [0, 1, 1, "_CPPv43triiii5Dtype14StreamOrDevice", "tri::type"], [0, 0, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril"], [0, 1, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril::k"], [0, 1, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril::s"], [0, 1, 1, "_CPPv44tril5arrayi14StreamOrDevice", "tril::x"], [0, 0, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu"], [0, 1, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu::k"], [0, 1, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu::s"], [0, 1, 1, "_CPPv44triu5arrayi14StreamOrDevice", "triu::x"], [0, 0, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::a"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::axis"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::s"], [0, 1, 1, "_CPPv49unflattenRK5arrayi5Shape14StreamOrDevice", "unflatten::shape"], [0, 0, 1, "_CPPv43varRK5array14StreamOrDevice", "var"], [0, 0, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var"], [0, 0, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var"], [0, 0, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var"], [0, 1, 1, "_CPPv43varRK5array14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::a"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::axes"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::axis"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::ddof"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::ddof"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::ddof"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::keepdims"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::keepdims"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::keepdims"], [0, 1, 1, "_CPPv43varRK5array14StreamOrDevice", "var::s"], [0, 1, 1, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", "var::s"], [0, 1, 1, "_CPPv43varRK5arraybi14StreamOrDevice", "var::s"], [0, 1, 1, "_CPPv43varRK5arrayibi14StreamOrDevice", "var::s"], [0, 0, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view"], [0, 1, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view::a"], [0, 1, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view::dtype"], [0, 1, 1, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", "view::s"], [0, 0, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::condition"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::s"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::x"], [0, 1, 1, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", "where::y"], [0, 0, 1, "_CPPv45zerosRK5Shape14StreamOrDevice", "zeros"], [0, 0, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros"], [0, 1, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros::dtype"], [0, 1, 1, "_CPPv45zerosRK5Shape14StreamOrDevice", "zeros::s"], [0, 1, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros::s"], [0, 1, 1, "_CPPv45zerosRK5Shape14StreamOrDevice", "zeros::shape"], [0, 1, 1, "_CPPv45zerosRK5Shape5Dtype14StreamOrDevice", "zeros::shape"], [0, 0, 1, "_CPPv410zeros_likeRK5array14StreamOrDevice", "zeros_like"], [0, 1, 1, "_CPPv410zeros_likeRK5array14StreamOrDevice", "zeros_like::a"], [0, 1, 1, "_CPPv410zeros_likeRK5array14StreamOrDevice", "zeros_like::s"]], "mlx.core": [[10, 3, 1, "", "Device"], [11, 3, 1, "", "Dtype"], [12, 3, 1, "", "DtypeCategory"], [330, 3, 1, "", "Stream"], [13, 5, 1, "", "abs"], [14, 5, 1, "", "add"], [15, 5, 1, "", "addmm"], [16, 5, 1, "", "all"], [17, 5, 1, "", "allclose"], [18, 5, 1, "", "any"], [19, 5, 1, "", "arange"], [20, 5, 1, "", "arccos"], [21, 5, 1, "", "arccosh"], [22, 5, 1, "", "arcsin"], [23, 5, 1, "", "arcsinh"], [24, 5, 1, "", "arctan"], [25, 5, 1, "", "arctan2"], [26, 5, 1, "", "arctanh"], [27, 5, 1, "", "argmax"], [28, 5, 1, "", "argmin"], [29, 5, 1, "", "argpartition"], [30, 5, 1, "", "argsort"], [31, 3, 1, "", "array"], [83, 5, 1, "", "array_equal"], [84, 5, 1, "", "as_strided"], [85, 5, 1, "", "atleast_1d"], [86, 5, 1, "", "atleast_2d"], [87, 5, 1, "", "atleast_3d"], [88, 5, 1, "", "bitwise_and"], [89, 5, 1, "", "bitwise_invert"], [90, 5, 1, "", "bitwise_or"], [91, 5, 1, "", "bitwise_xor"], [92, 5, 1, "", "block_masked_mm"], [93, 5, 1, "", "broadcast_to"], [94, 5, 1, "", "ceil"], [95, 5, 1, "", "clip"], [96, 5, 1, "", "compile"], [97, 5, 1, "", "concatenate"], [98, 5, 1, "", "conj"], [99, 5, 1, "", "conjugate"], [100, 5, 1, "", "conv1d"], [101, 5, 1, "", "conv2d"], [102, 5, 1, "", "conv3d"], [103, 5, 1, "", "conv_general"], [104, 5, 1, "", "conv_transpose1d"], [105, 5, 1, "", "conv_transpose2d"], [106, 5, 1, "", "conv_transpose3d"], [107, 5, 1, "", "convolve"], [108, 5, 1, "", "cos"], [109, 5, 1, "", "cosh"], [110, 5, 1, "", "cummax"], [111, 5, 1, "", "cummin"], [112, 5, 1, "", "cumprod"], [113, 5, 1, "", "cumsum"], [114, 3, 1, "", "custom_function"], [115, 5, 1, "", "default_device"], [116, 5, 1, "", "default_stream"], [117, 5, 1, "", "degrees"], [118, 5, 1, "", "dequantize"], [119, 5, 1, "", "diag"], [120, 5, 1, "", "diagonal"], [121, 5, 1, "", "disable_compile"], [130, 5, 1, "", "divide"], [131, 5, 1, "", "divmod"], [132, 5, 1, "", "einsum"], [133, 5, 1, "", "einsum_path"], [134, 5, 1, "", "enable_compile"], [135, 5, 1, "", "equal"], [136, 5, 1, "", "erf"], [137, 5, 1, "", "erfinv"], [138, 5, 1, "", "eval"], [139, 5, 1, "", "exp"], [140, 5, 1, "", "expand_dims"], [141, 5, 1, "", "expm1"], [142, 5, 1, "", "export_function"], [143, 5, 1, "", "export_to_dot"], [144, 5, 1, "", "exporter"], [145, 5, 1, "", "eye"], [163, 3, 1, "", "finfo"], [164, 5, 1, "", "flatten"], [165, 5, 1, "", "floor"], [166, 5, 1, "", "floor_divide"], [167, 5, 1, "", "full"], [168, 5, 1, "", "gather_mm"], [169, 5, 1, "", "gather_qmm"], [170, 5, 1, "", "grad"], [171, 5, 1, "", "greater"], [172, 5, 1, "", "greater_equal"], [173, 5, 1, "", "hadamard_transform"], [174, 5, 1, "", "identity"], [175, 5, 1, "", "imag"], [176, 5, 1, "", "import_function"], [177, 5, 1, "", "inner"], [178, 5, 1, "", "isclose"], [179, 5, 1, "", "isfinite"], [180, 5, 1, "", "isinf"], [181, 5, 1, "", "isnan"], [182, 5, 1, "", "isneginf"], [183, 5, 1, "", "isposinf"], [184, 5, 1, "", "issubdtype"], [185, 5, 1, "", "jvp"], [186, 5, 1, "", "kron"], [187, 5, 1, "", "left_shift"], [188, 5, 1, "", "less"], [189, 5, 1, "", "less_equal"], [204, 5, 1, "", "linspace"], [205, 5, 1, "", "load"], [206, 5, 1, "", "log"], [207, 5, 1, "", "log10"], [208, 5, 1, "", "log1p"], [209, 5, 1, "", "log2"], [210, 5, 1, "", "logaddexp"], [211, 5, 1, "", "logical_and"], [212, 5, 1, "", "logical_not"], [213, 5, 1, "", "logical_or"], [214, 5, 1, "", "logsumexp"], [215, 5, 1, "", "matmul"], [216, 5, 1, "", "max"], [217, 5, 1, "", "maximum"], [218, 5, 1, "", "mean"], [219, 5, 1, "", "meshgrid"], [232, 5, 1, "", "min"], [233, 5, 1, "", "minimum"], [234, 5, 1, "", "moveaxis"], [235, 5, 1, "", "multiply"], [236, 5, 1, "", "nan_to_num"], [237, 5, 1, "", "negative"], [238, 5, 1, "", "new_stream"], [239, 5, 1, "", "not_equal"], [240, 5, 1, "", "ones"], [241, 5, 1, "", "ones_like"], [242, 5, 1, "", "outer"], [243, 5, 1, "", "pad"], [244, 5, 1, "", "partition"], [245, 5, 1, "", "power"], [246, 5, 1, "", "prod"], [247, 5, 1, "", "put_along_axis"], [248, 5, 1, "", "quantize"], [249, 5, 1, "", "quantized_matmul"], [250, 5, 1, "", "radians"], [264, 5, 1, "", "real"], [265, 5, 1, "", "reciprocal"], [266, 5, 1, "", "remainder"], [267, 5, 1, "", "repeat"], [268, 5, 1, "", "reshape"], [269, 5, 1, "", "right_shift"], [270, 5, 1, "", "roll"], [271, 5, 1, "", "round"], [272, 5, 1, "", "rsqrt"], [273, 5, 1, "", "save"], [274, 5, 1, "", "save_gguf"], [275, 5, 1, "", "save_safetensors"], [276, 5, 1, "", "savez"], [277, 5, 1, "", "savez_compressed"], [278, 5, 1, "", "set_default_device"], [279, 5, 1, "", "set_default_stream"], [280, 5, 1, "", "sigmoid"], [281, 5, 1, "", "sign"], [282, 5, 1, "", "sin"], [283, 5, 1, "", "sinh"], [284, 5, 1, "", "slice"], [285, 5, 1, "", "slice_update"], [286, 5, 1, "", "softmax"], [287, 5, 1, "", "sort"], [288, 5, 1, "", "split"], [289, 5, 1, "", "sqrt"], [290, 5, 1, "", "square"], [291, 5, 1, "", "squeeze"], [292, 5, 1, "", "stack"], [293, 5, 1, "", "std"], [294, 5, 1, "", "stop_gradient"], [295, 5, 1, "", "stream"], [296, 5, 1, "", "subtract"], [297, 5, 1, "", "sum"], [298, 5, 1, "", "swapaxes"], [299, 5, 1, "", "synchronize"], [300, 5, 1, "", "take"], [301, 5, 1, "", "take_along_axis"], [302, 5, 1, "", "tan"], [303, 5, 1, "", "tanh"], [304, 5, 1, "", "tensordot"], [305, 5, 1, "", "tile"], [306, 5, 1, "", "topk"], [307, 5, 1, "", "trace"], [308, 5, 1, "", "transpose"], [309, 5, 1, "", "tri"], [310, 5, 1, "", "tril"], [311, 5, 1, "", "triu"], [312, 5, 1, "", "unflatten"], [313, 5, 1, "", "value_and_grad"], [314, 5, 1, "", "var"], [315, 5, 1, "", "view"], [316, 5, 1, "", "vjp"], [317, 5, 1, "", "vmap"], [318, 5, 1, "", "where"], [319, 5, 1, "", "zeros"], [320, 5, 1, "", "zeros_like"]], "mlx.core.Device": [[10, 4, 1, "", "__init__"]], "mlx.core.Dtype": [[11, 4, 1, "", "__init__"]], "mlx.core.DtypeCategory": [[12, 4, 1, "", "__init__"]], "mlx.core.Stream": [[330, 4, 1, "", "__init__"]], "mlx.core.array": [[32, 6, 1, "", "T"], [31, 4, 1, "", "__init__"], [33, 4, 1, "", "abs"], [34, 4, 1, "", "all"], [35, 4, 1, "", "any"], [36, 4, 1, "", "argmax"], [37, 4, 1, "", "argmin"], [38, 4, 1, "", "astype"], [39, 6, 1, "", "at"], [40, 4, 1, "", "conj"], [41, 4, 1, "", "cos"], [42, 4, 1, "", "cummax"], [43, 4, 1, "", "cummin"], [44, 4, 1, "", "cumprod"], [45, 4, 1, "", "cumsum"], [46, 4, 1, "", "diag"], [47, 4, 1, "", "diagonal"], [48, 6, 1, "", "dtype"], [49, 4, 1, "", "exp"], [50, 4, 1, "", "flatten"], [51, 4, 1, "", "item"], [52, 6, 1, "", "itemsize"], [53, 4, 1, "", "log"], [54, 4, 1, "", "log10"], [55, 4, 1, "", "log1p"], [56, 4, 1, "", "log2"], [57, 4, 1, "", "logsumexp"], [58, 4, 1, "", "max"], [59, 4, 1, "", "mean"], [60, 4, 1, "", "min"], [61, 4, 1, "", "moveaxis"], [62, 6, 1, "", "nbytes"], [63, 6, 1, "", "ndim"], [64, 4, 1, "", "prod"], [65, 4, 1, "", "reciprocal"], [66, 4, 1, "", "reshape"], [67, 4, 1, "", "round"], [68, 4, 1, "", "rsqrt"], [69, 6, 1, "", "shape"], [70, 4, 1, "", "sin"], [71, 6, 1, "", "size"], [72, 4, 1, "", "split"], [73, 4, 1, "", "sqrt"], [74, 4, 1, "", "square"], [75, 4, 1, "", "squeeze"], [76, 4, 1, "", "std"], [77, 4, 1, "", "sum"], [78, 4, 1, "", "swapaxes"], [79, 4, 1, "", "tolist"], [80, 4, 1, "", "transpose"], [81, 4, 1, "", "var"], [82, 4, 1, "", "view"]], "mlx.core.custom_function": [[114, 4, 1, "", "__init__"]], "mlx.core.distributed": [[122, 3, 1, "", "Group"], [123, 5, 1, "", "all_gather"], [124, 5, 1, "", "all_sum"], [125, 5, 1, "", "init"], [126, 5, 1, "", "is_available"], [127, 5, 1, "", "recv"], [128, 5, 1, "", "recv_like"], [129, 5, 1, "", "send"]], "mlx.core.distributed.Group": [[122, 4, 1, "", "__init__"]], "mlx.core.fast": [[146, 5, 1, "", "layer_norm"], [147, 5, 1, "", "metal_kernel"], [148, 5, 1, "", "rms_norm"], [149, 5, 1, "", "rope"], [150, 5, 1, "", "scaled_dot_product_attention"]], "mlx.core.fft": [[151, 5, 1, "", "fft"], [152, 5, 1, "", "fft2"], [153, 5, 1, "", "fftn"], [154, 5, 1, "", "ifft"], [155, 5, 1, "", "ifft2"], [156, 5, 1, "", "ifftn"], [157, 5, 1, "", "irfft"], [158, 5, 1, "", "irfft2"], [159, 5, 1, "", "irfftn"], [160, 5, 1, "", "rfft"], [161, 5, 1, "", "rfft2"], [162, 5, 1, "", "rfftn"]], "mlx.core.finfo": [[163, 4, 1, "", "__init__"]], "mlx.core.linalg": [[190, 5, 1, "", "cholesky"], [191, 5, 1, "", "cholesky_inv"], [192, 5, 1, "", "cross"], [193, 5, 1, "", "eigh"], [194, 5, 1, "", "eigvalsh"], [195, 5, 1, "", "inv"], [196, 5, 1, "", "lu"], [197, 5, 1, "", "lu_factor"], [198, 5, 1, "", "norm"], [199, 5, 1, "", "qr"], [200, 5, 1, "", "solve"], [201, 5, 1, "", "solve_triangular"], [202, 5, 1, "", "svd"], [203, 5, 1, "", "tri_inv"]], "mlx.core.metal": [[220, 5, 1, "", "clear_cache"], [221, 5, 1, "", "device_info"], [222, 5, 1, "", "get_active_memory"], [223, 5, 1, "", "get_cache_memory"], [224, 5, 1, "", "get_peak_memory"], [225, 5, 1, "", "is_available"], [226, 5, 1, "", "reset_peak_memory"], [227, 5, 1, "", "set_cache_limit"], [228, 5, 1, "", "set_memory_limit"], [229, 5, 1, "", "set_wired_limit"], [230, 5, 1, "", "start_capture"], [231, 5, 1, "", "stop_capture"]], "mlx.core.random": [[251, 5, 1, "", "bernoulli"], [252, 5, 1, "", "categorical"], [253, 5, 1, "", "gumbel"], [254, 5, 1, "", "key"], [255, 5, 1, "", "laplace"], [256, 5, 1, "", "multivariate_normal"], [257, 5, 1, "", "normal"], [258, 5, 1, "", "permutation"], [259, 5, 1, "", "randint"], [260, 5, 1, "", "seed"], [261, 5, 1, "", "split"], [262, 5, 1, "", "truncated_normal"], [263, 5, 1, "", "uniform"]], "mlx.nn": [[341, 3, 1, "", "ALiBi"], [342, 3, 1, "", "AvgPool1d"], [343, 3, 1, "", "AvgPool2d"], [344, 3, 1, "", "AvgPool3d"], [345, 3, 1, "", "BatchNorm"], [346, 3, 1, "", "CELU"], [347, 3, 1, "", "Conv1d"], [348, 3, 1, "", "Conv2d"], [349, 3, 1, "", "Conv3d"], [350, 3, 1, "", "ConvTranspose1d"], [351, 3, 1, "", "ConvTranspose2d"], [352, 3, 1, "", "ConvTranspose3d"], [353, 3, 1, "", "Dropout"], [354, 3, 1, "", "Dropout2d"], [355, 3, 1, "", "Dropout3d"], [356, 3, 1, "", "ELU"], [357, 3, 1, "", "Embedding"], [358, 3, 1, "", "GELU"], [359, 3, 1, "", "GLU"], [360, 3, 1, "", "GRU"], [361, 3, 1, "", "GroupNorm"], [362, 3, 1, "", "HardShrink"], [363, 3, 1, "", "HardTanh"], [364, 3, 1, "", "Hardswish"], [365, 3, 1, "", "InstanceNorm"], [366, 3, 1, "", "LSTM"], [367, 3, 1, "", "LayerNorm"], [368, 3, 1, "", "LeakyReLU"], [369, 3, 1, "", "Linear"], [370, 3, 1, "", "LogSigmoid"], [371, 3, 1, "", "LogSoftmax"], [372, 3, 1, "", "MaxPool1d"], [373, 3, 1, "", "MaxPool2d"], [374, 3, 1, "", "MaxPool3d"], [375, 3, 1, "", "Mish"], [470, 3, 1, "", "Module"], [396, 3, 1, "", "MultiHeadAttention"], [397, 3, 1, "", "PReLU"], [398, 3, 1, "", "QuantizedEmbedding"], [399, 3, 1, "", "QuantizedLinear"], [400, 3, 1, "", "RMSNorm"], [401, 3, 1, "", "RNN"], [402, 3, 1, "", "ReLU"], [403, 3, 1, "", "ReLU6"], [404, 3, 1, "", "RoPE"], [405, 3, 1, "", "SELU"], [406, 3, 1, "", "Sequential"], [407, 3, 1, "", "SiLU"], [408, 3, 1, "", "Sigmoid"], [409, 3, 1, "", "SinusoidalPositionalEncoding"], [410, 3, 1, "", "Softmax"], [411, 3, 1, "", "Softmin"], [412, 3, 1, "", "Softplus"], [413, 3, 1, "", "Softshrink"], [414, 3, 1, "", "Softsign"], [415, 3, 1, "", "Step"], [416, 3, 1, "", "Tanh"], [417, 3, 1, "", "Transformer"], [418, 3, 1, "", "Upsample"], [321, 5, 1, "", "average_gradients"], [427, 3, 1, "", "celu"], [428, 3, 1, "", "elu"], [429, 3, 1, "", "gelu"], [430, 3, 1, "", "gelu_approx"], [431, 3, 1, "", "gelu_fast_approx"], [432, 3, 1, "", "glu"], [433, 3, 1, "", "hard_shrink"], [434, 3, 1, "", "hard_tanh"], [435, 3, 1, "", "hardswish"], [436, 3, 1, "", "leaky_relu"], [437, 3, 1, "", "log_sigmoid"], [438, 3, 1, "", "log_softmax"], [453, 3, 1, "", "mish"], [454, 3, 1, "", "prelu"], [322, 5, 1, "", "quantize"], [455, 3, 1, "", "relu"], [456, 3, 1, "", "relu6"], [457, 3, 1, "", "selu"], [458, 3, 1, "", "sigmoid"], [459, 3, 1, "", "silu"], [460, 3, 1, "", "softmax"], [461, 3, 1, "", "softmin"], [462, 3, 1, "", "softplus"], [463, 3, 1, "", "softshrink"], [464, 3, 1, "", "step"], [465, 3, 1, "", "tanh"], [323, 5, 1, "", "value_and_grad"]], "mlx.nn.Module": [[376, 4, 1, "", "apply"], [377, 4, 1, "", "apply_to_modules"], [378, 4, 1, "", "children"], [379, 4, 1, "", "eval"], [380, 4, 1, "", "filter_and_map"], [381, 4, 1, "", "freeze"], [382, 4, 1, "", "leaf_modules"], [383, 4, 1, "", "load_weights"], [384, 4, 1, "", "modules"], [385, 4, 1, "", "named_modules"], [386, 4, 1, "", "parameters"], [387, 4, 1, "", "save_weights"], [388, 4, 1, "", "set_dtype"], [389, 6, 1, "", "state"], [390, 4, 1, "", "train"], [391, 4, 1, "", "trainable_parameters"], [392, 6, 1, "", "training"], [393, 4, 1, "", "unfreeze"], [394, 4, 1, "", "update"], [395, 4, 1, "", "update_modules"]], "mlx.nn.init": [[419, 5, 1, "", "constant"], [420, 5, 1, "", "glorot_normal"], [421, 5, 1, "", "glorot_uniform"], [422, 5, 1, "", "he_normal"], [423, 5, 1, "", "he_uniform"], [424, 5, 1, "", "identity"], [425, 5, 1, "", "normal"], [426, 5, 1, "", "uniform"]], "mlx.nn.losses": [[439, 3, 1, "", "binary_cross_entropy"], [440, 3, 1, "", "cosine_similarity_loss"], [441, 3, 1, "", "cross_entropy"], [442, 3, 1, "", "gaussian_nll_loss"], [443, 3, 1, "", "hinge_loss"], [444, 3, 1, "", "huber_loss"], [445, 3, 1, "", "kl_div_loss"], [446, 3, 1, "", "l1_loss"], [447, 3, 1, "", "log_cosh_loss"], [448, 3, 1, "", "margin_ranking_loss"], [449, 3, 1, "", "mse_loss"], [450, 3, 1, "", "nll_loss"], [451, 3, 1, "", "smooth_l1_loss"], [452, 3, 1, "", "triplet_loss"]], "mlx.optimizers": [[473, 3, 1, "", "AdaDelta"], [474, 3, 1, "", "Adafactor"], [475, 3, 1, "", "Adagrad"], [476, 3, 1, "", "Adam"], [477, 3, 1, "", "AdamW"], [478, 3, 1, "", "Adamax"], [479, 3, 1, "", "Lion"], [492, 3, 1, "", "Optimizer"], [484, 3, 1, "", "RMSprop"], [485, 3, 1, "", "SGD"], [324, 5, 1, "", "clip_grad_norm"], [486, 5, 1, "", "cosine_decay"], [487, 5, 1, "", "exponential_decay"], [488, 5, 1, "", "join_schedules"], [489, 5, 1, "", "linear_schedule"], [490, 5, 1, "", "step_decay"]], "mlx.optimizers.Optimizer": [[480, 4, 1, "", "apply_gradients"], [481, 4, 1, "", "init"], [482, 6, 1, "", "state"], [483, 4, 1, "", "update"]], "mlx.utils": [[325, 5, 1, "", "tree_flatten"], [326, 5, 1, "", "tree_map"], [327, 5, 1, "", "tree_map_with_path"], [328, 5, 1, "", "tree_reduce"], [329, 5, 1, "", "tree_unflatten"]]}, "objnames": {"0": ["cpp", "function", "C++ function"], "1": ["cpp", "functionParam", "C++ function parameter"], "2": ["cpp", "templateParam", "C++ template parameter"], "3": ["py", "class", "Python class"], "4": ["py", "method", "Python method"], "5": ["py", "function", "Python function"], "6": ["py", "property", "Python property"]}, "objtypes": {"0": "cpp:function", "1": "cpp:functionParam", "2": "cpp:templateParam", "3": "py:class", "4": "py:method", "5": "py:function", "6": "py:property"}, "terms": {"": [0, 1, 2, 5, 6, 7, 48, 52, 63, 96, 116, 118, 152, 153, 155, 156, 158, 159, 161, 162, 170, 191, 198, 202, 205, 218, 242, 248, 252, 271, 274, 275, 293, 295, 313, 314, 315, 317, 323, 340, 343, 344, 360, 366, 373, 374, 380, 381, 383, 387, 388, 389, 393, 401, 472, 481, 482, 494, 497, 499, 500, 504, 505, 506, 507], "0": [0, 1, 2, 4, 5, 6, 7, 9, 10, 15, 19, 39, 46, 47, 50, 67, 72, 76, 81, 84, 97, 100, 101, 102, 103, 104, 105, 106, 114, 119, 120, 145, 147, 150, 164, 168, 170, 176, 186, 193, 195, 196, 198, 199, 203, 220, 227, 229, 236, 243, 251, 255, 257, 258, 263, 267, 271, 284, 285, 288, 292, 293, 307, 309, 310, 311, 312, 313, 314, 317, 321, 324, 325, 327, 328, 340, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 358, 361, 362, 365, 367, 368, 372, 373, 374, 397, 402, 404, 409, 413, 415, 417, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 430, 431, 433, 434, 435, 436, 439, 441, 443, 444, 448, 451, 452, 454, 455, 456, 457, 463, 464, 467, 470, 473, 474, 476, 477, 478, 479, 481, 484, 485, 486, 487, 488, 489, 490, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506], "00005": 5, "0001": 409, "0005": 430, "001": 474, "00364": 5, "01": [5, 368, 436, 477], "0137595": 422, "015": 431, "0184009": 423, "02264": 421, "024": 500, "02765": 422, "0300242": 423, "044715": [358, 430], "0485873": 441, "05": [17, 178, 345, 361, 365, 367, 400], "0507": 457, "05202": 6, "06": [442, 452, 473], "0638": 448, "06450": 367, "0645099": 425, "06561": 487, "06675": 479, "07467": 400, "08": [17, 178, 440, 475, 476, 477, 478, 484], "08022": 365, "081": 490, "08415": 431, "08494": 361, "08619": 423, "08681": [375, 453], "09864": 6, "0999938": 488, "0999961": 486, "0f": 0, "1": [0, 1, 2, 3, 4, 6, 7, 15, 19, 29, 30, 39, 47, 50, 100, 101, 102, 103, 104, 105, 106, 114, 119, 120, 141, 142, 143, 144, 147, 150, 151, 152, 154, 155, 157, 158, 159, 160, 161, 162, 164, 173, 177, 184, 186, 191, 192, 193, 194, 196, 198, 199, 215, 219, 228, 242, 244, 248, 252, 255, 256, 257, 263, 280, 284, 285, 287, 300, 306, 307, 312, 313, 324, 327, 328, 332, 340, 342, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 358, 359, 360, 361, 365, 366, 367, 369, 372, 397, 400, 401, 404, 408, 409, 415, 418, 420, 421, 422, 423, 424, 425, 426, 427, 428, 430, 431, 432, 434, 437, 438, 439, 440, 441, 442, 443, 444, 445, 447, 448, 450, 451, 452, 457, 458, 460, 461, 462, 464, 467, 470, 472, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 486, 487, 488, 489, 490, 497, 498, 499, 500, 501, 502, 504, 505, 506, 507], "10": [0, 3, 6, 7, 186, 207, 271, 276, 326, 340, 383, 467, 488, 490, 497, 498, 501], "100": [2, 5, 6, 439, 489, 497, 500, 503, 507], "1000": [2, 486, 497], "10000": 404, "101": 489, "1024": [1, 6], "105361": 439, "10_000": 5, "10x": 479, "11": 198, "12": [6, 173, 186, 488], "1212": 473, "123": [498, 502], "12451": 421, "128": [276, 340], "13": 9, "14": [9, 186], "15": [1, 9, 186, 198, 229, 328, 497], "150594": 420, "15268": 422, "16": [1, 147, 332, 342, 344, 365, 372, 374, 376, 470], "1606": 431, "1607": [365, 367], "16384": 173, "16506": 423, "168": 498, "17": [4, 9], "177208": 422, "18": 186, "1803": 361, "1908": [375, 453], "1910": 400, "191107": 420, "192": 498, "1985": 198, "1_000": 5, "1d": [0, 100, 104, 107, 274, 301], "1e": [0, 5, 7, 17, 178, 345, 361, 365, 367, 368, 400, 440, 442, 452, 472, 473, 474, 475, 476, 477, 478, 481, 484, 486, 487, 488, 489, 490], "1e3": 497, "1st": 248, "2": [0, 1, 2, 4, 5, 6, 7, 39, 101, 105, 114, 119, 120, 136, 142, 143, 144, 152, 155, 157, 158, 159, 160, 161, 162, 164, 173, 184, 186, 190, 191, 192, 193, 194, 195, 196, 198, 199, 202, 203, 209, 215, 248, 256, 261, 284, 285, 304, 307, 309, 310, 311, 312, 324, 328, 332, 340, 342, 343, 344, 348, 351, 358, 368, 372, 373, 374, 400, 409, 418, 419, 420, 421, 422, 423, 424, 425, 426, 430, 441, 442, 444, 451, 452, 467, 470, 472, 473, 475, 476, 477, 481, 484, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "20": [173, 186, 198], "200": [6, 488, 500], "2002": 6, "2011": 475, "2012": [473, 484], "2015": [354, 476, 478], "2019": [6, 477], "2020": 6, "2021": 6, "20397": 439, "20_000": 6, "21": [6, 186, 490], "2104": 6, "223144": 439, "223404": 421, "225": 198, "225763": 448, "2302": 479, "23607": [198, 199], "24": 186, "24264": 198, "247": 6, "25": [9, 397, 418], "25211": 422, "256": [1, 7, 147], "256995": 448, "27": 4, "28": [173, 186], "2d": [0, 101, 105, 120, 248, 345, 354], "2nd": 248, "2x": 504, "3": [0, 1, 2, 4, 6, 9, 102, 106, 114, 142, 144, 164, 184, 186, 192, 193, 194, 198, 199, 284, 285, 312, 324, 328, 344, 349, 352, 358, 374, 418, 421, 423, 430, 435, 474, 479, 494, 497, 498, 499, 501, 504, 505], "30": 474, "3118": 504, "32": [1, 6, 7, 92, 248, 249, 332, 343, 344, 373, 374, 400, 497], "32mib": 321, "330": 6, "33333": 418, "33554432": 321, "348587": 441, "363207": 420, "36788": 497, "379159": 421, "380709": 425, "39": 6, "3d": [0, 2, 102, 106, 345, 355, 418], "3f": [2, 7, 497], "3x": 2, "4": [0, 1, 2, 6, 118, 147, 150, 164, 169, 186, 198, 248, 249, 276, 284, 312, 322, 328, 332, 342, 343, 344, 345, 365, 372, 373, 374, 398, 399, 417, 418, 420, 421, 422, 439, 497, 498, 499, 501, 505, 507], "4096": [2, 497, 500, 507], "40x": 1, "41421": 198, "417497": 426, "42": 329, "437": 6, "44": 6, "447214": 199, "458835": 422, "475": 6, "48095": 420, "4d": [1, 418], "4m": 1, "5": [0, 1, 2, 5, 6, 9, 186, 198, 228, 251, 284, 328, 342, 345, 353, 354, 355, 358, 362, 365, 372, 413, 418, 419, 422, 423, 430, 433, 451, 463, 467, 472, 484, 486, 487, 497, 500, 501], "50": [0, 204], "500": [6, 507], "510826": 439, "512": [3, 6, 417, 507], "534422": 425, "539245": 439, "53947": 420, "55": 1, "559": 2, "5701": 473, "573409": 448, "57771": 199, "579": 6, "5f": 5, "6": [1, 2, 6, 114, 186, 198, 276, 284, 403, 417, 421, 430, 431, 435, 442, 452, 456, 484, 497, 501, 505], "61278": 420, "617261": 426, "628": 6, "633": 6, "639": 500, "64": [0, 1, 92, 118, 169, 248, 249, 322, 332, 398, 399], "64331": 423, "666329": 423, "66667": 418, "67326": 457, "676": 1, "690": 6, "6967": 422, "7": [2, 6, 186, 198, 248, 501], "702": [358, 431], "707107": 193, "71828": 497, "74166": 198, "74597": 198, "75": 418, "75596": 448, "75787": 422, "765166": 448, "773433": 448, "774": 2, "776856": 421, "793615": 423, "79854": 423, "7b": 6, "7m": 1, "8": [0, 1, 2, 6, 9, 198, 248, 332, 343, 344, 365, 373, 374, 417, 440, 473, 474, 475, 476, 477, 478, 484, 497, 501, 505, 507], "8192": [6, 173], "84804": 198, "863726": 426, "883935": 426, "890597": 421, "894427": 199, "89613": 420, "8gb": 6, "8x": 1, "9": [4, 9, 198, 441, 473, 476, 477, 478, 479, 481, 487, 490, 504], "90041": 421, "912766": 421, "916291": 439, "95": 7, "982273": 425, "99": [479, 484], "995016": 420, "999": [476, 477, 478], "A": [0, 2, 6, 8, 9, 10, 69, 83, 96, 142, 143, 146, 147, 148, 150, 170, 184, 185, 191, 193, 194, 196, 198, 199, 202, 205, 214, 215, 216, 221, 232, 248, 251, 252, 253, 255, 256, 257, 258, 259, 262, 263, 288, 292, 295, 313, 316, 317, 322, 323, 324, 325, 326, 327, 328, 329, 330, 340, 345, 354, 360, 361, 365, 367, 380, 384, 385, 388, 394, 395, 400, 406, 409, 417, 420, 421, 423, 431, 452, 453, 470, 472, 476, 478, 480, 481, 483, 488, 497, 498, 499, 500, 502, 503, 504], "AS": 168, "And": [4, 6, 418], "As": [7, 39, 300, 340, 498], "At": [95, 312, 498], "But": [499, 507], "By": [6, 322, 388, 439, 498, 500, 504], "For": [0, 1, 2, 4, 6, 9, 39, 114, 150, 168, 184, 198, 248, 329, 340, 345, 354, 358, 376, 381, 390, 393, 399, 404, 409, 418, 420, 421, 422, 423, 439, 467, 472, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "If": [0, 1, 2, 4, 6, 9, 16, 17, 18, 19, 27, 28, 29, 30, 79, 83, 84, 95, 97, 107, 110, 111, 112, 113, 119, 120, 123, 124, 125, 127, 128, 129, 138, 146, 148, 149, 150, 160, 161, 162, 166, 167, 170, 178, 190, 191, 192, 198, 202, 205, 214, 215, 216, 218, 219, 227, 228, 232, 236, 240, 243, 244, 246, 247, 252, 256, 258, 267, 270, 286, 287, 288, 293, 297, 299, 300, 301, 304, 306, 307, 313, 314, 317, 319, 321, 322, 326, 328, 345, 347, 348, 349, 350, 351, 352, 361, 367, 369, 381, 383, 393, 399, 401, 404, 406, 409, 418, 439, 441, 452, 474, 476, 477, 497, 498, 499, 500, 502, 503, 506, 507, 508], "In": [0, 1, 2, 6, 7, 39, 150, 215, 248, 326, 340, 354, 361, 470, 473, 475, 476, 478, 479, 480, 496, 497, 498, 499, 500, 502, 503, 506, 507], "It": [2, 6, 9, 128, 170, 279, 313, 324, 328, 340, 395, 399, 480, 492, 498, 502, 504, 506], "Its": [340, 499], "No": [2, 6, 193, 194, 498], "Not": [96, 239, 497], "ON": [3, 4, 9], "Of": 500, "On": [1, 497, 500, 503], "One": [151, 154, 160, 243, 272, 497, 499, 500, 502], "THE": 9, "That": 6, "The": [0, 1, 2, 3, 4, 6, 7, 8, 9, 13, 14, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 48, 52, 62, 63, 69, 79, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 142, 143, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 185, 186, 187, 188, 189, 192, 193, 194, 196, 197, 198, 199, 200, 201, 202, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 223, 224, 227, 228, 229, 230, 232, 233, 234, 235, 237, 239, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 274, 275, 280, 281, 282, 283, 284, 285, 286, 287, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 332, 334, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 357, 359, 360, 361, 365, 366, 367, 369, 372, 373, 374, 376, 377, 381, 383, 387, 388, 389, 390, 393, 394, 395, 396, 398, 399, 400, 401, 404, 406, 409, 415, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 467, 470, 472, 473, 474, 475, 476, 477, 478, 479, 482, 484, 485, 486, 489, 492, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507, 508], "Then": [5, 9], "There": [1, 340, 418, 497], "These": [1, 2, 96, 247, 301, 441, 507], "To": [0, 2, 3, 5, 6, 7, 9, 196, 227, 340, 467, 472, 497, 498, 499, 500, 505], "With": 499, "_": [1, 3, 5, 6, 327, 340, 486, 487, 488, 489, 490, 494, 497, 503, 507], "__call__": [1, 6, 7, 340, 470, 499], "__init__": [2, 6, 7, 10, 11, 12, 31, 114, 122, 163, 330, 340, 470], "__main__": [2, 6], "__name__": [2, 6], "_a": 2, "_ext": 2, "_f": 198, "_in": [420, 421], "_out": [420, 421], "_p": 452, "_val": 434, "a1": 168, "a2": 168, "a_": 198, "a_max": [0, 95], "a_min": [0, 95], "a_ndim": 1, "a_shap": 1, "a_strid": 1, "a_view": 504, "ab": [0, 17, 178, 198, 313, 361, 365, 367, 375, 400, 431, 453, 497, 499], "abil": 498, "abl": [2, 4, 248, 502], "abort": 114, "about": [1, 2, 6, 7, 133, 221, 503, 507], "abov": [1, 2, 6, 248, 310, 340, 418, 498, 499, 500, 501, 502, 503, 507], "absolut": [0, 13, 17, 178, 430, 431, 451, 498], "acc": 328, "acceler": [4, 345], "accept": [498, 502], "access": [0, 6, 51, 340, 470, 481, 498, 503, 507], "accord": [0, 253, 318, 322, 396, 420, 421, 422, 423], "accordingli": 2, "accumul": [328, 400], "accuraci": 7, "accustom": 6, "achiev": [340, 498], "across": [1, 2, 9, 321, 361, 498], "act": [2, 447], "action": 340, "activ": [2, 9, 222, 354, 415, 417, 433, 453, 463, 464, 466, 497], "actual": [6, 19, 383, 470, 503], "ad": [0, 1, 2, 5, 9, 146, 327, 365, 470, 473, 474, 475, 476, 477, 478, 484, 498, 503, 506], "adadelta": 472, "adafactor": 472, "adagrad": 472, "adam": [472, 478, 479, 488, 489], "adamax": 472, "adamw": [472, 479], "adapt": [473, 474, 475, 498], "add": [0, 1, 2, 3, 4, 6, 15, 39, 140, 210, 243, 248, 347, 348, 349, 350, 351, 352, 499, 500, 502, 507], "add_argu": 6, "add_depend": 2, "add_execut": 4, "add_fun": 499, "add_librari": 2, "addit": [0, 2, 4, 6, 9, 14, 15, 142, 146, 148, 150, 205, 345, 361, 367, 396, 400, 470, 500], "addmm": 0, "address": 2, "adjac": 354, "advanc": [6, 497], "advantag": 507, "advis": 504, "affin": [345, 361, 365, 367, 369, 399], "after": [2, 6, 7, 29, 164, 166, 169, 220, 244, 248, 345, 361, 367, 376, 377, 381, 383, 390, 393, 394, 395, 396, 417, 451, 497, 498, 507], "after_1": 243, "after_2": 243, "after_i": 243, "after_n": 243, "afternoon": 6, "again": [6, 9, 340, 497], "against": [0, 4], "aggreg": [396, 498], "ago": 6, "ai": 114, "aim": 498, "ainv": [195, 203], "albeit": 507, "algebra": 8, "algorithm": [418, 479], "alia": [98, 99, 358], "alibi": 340, "align": [191, 248, 360, 366], "align_corn": 418, "all": [0, 1, 2, 3, 7, 9, 17, 29, 39, 85, 86, 87, 96, 101, 102, 103, 105, 106, 114, 123, 124, 125, 143, 145, 153, 156, 159, 162, 168, 169, 202, 215, 243, 244, 270, 291, 321, 322, 340, 376, 377, 381, 384, 385, 386, 391, 393, 396, 409, 417, 418, 467, 470, 492, 494, 497, 501, 502, 503, 505, 508], "all_avg": 498, "all_reduce_grad": 498, "all_reduce_s": 321, "all_sum": 498, "allclos": [0, 1, 147], "alloc": [2, 223, 227, 228, 470], "allow": [0, 1, 2, 142, 144, 184, 324, 340, 395, 470, 492, 498, 501, 502, 505], "allow_col_major": 0, "almost": [6, 498], "alon": [2, 504], "along": [0, 2, 27, 28, 96, 97, 110, 111, 112, 113, 123, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 168, 169, 173, 192, 198, 247, 258, 267, 270, 286, 288, 292, 300, 301, 304, 305, 306, 307, 315, 340, 359, 401, 432], "alpha": [0, 2, 15, 248, 346, 356, 427, 428, 452, 454, 457, 477, 484], "alpha_": 2, "alreadi": [2, 3, 6, 498], "also": [0, 1, 2, 4, 6, 7, 8, 9, 12, 14, 88, 90, 91, 121, 130, 131, 135, 153, 156, 159, 162, 171, 172, 187, 188, 189, 210, 217, 233, 235, 239, 245, 248, 266, 269, 296, 322, 323, 334, 340, 380, 394, 396, 398, 399, 407, 429, 457, 459, 466, 472, 497, 498, 499, 500, 501, 502, 503, 504, 505, 508], "altern": 494, "although": 498, "alwai": [1, 84, 176, 222, 325, 498, 499, 500], "am": 6, "among": 2, "amount": [6, 224, 342, 372, 499], "amus": 6, "an": [0, 1, 2, 3, 4, 6, 7, 9, 11, 16, 18, 31, 85, 86, 87, 93, 100, 101, 102, 103, 104, 105, 106, 122, 127, 128, 129, 138, 142, 144, 145, 146, 150, 164, 167, 174, 176, 179, 190, 198, 205, 228, 229, 234, 240, 241, 243, 246, 247, 248, 249, 258, 267, 268, 270, 271, 288, 291, 298, 300, 301, 304, 305, 309, 312, 317, 319, 320, 325, 326, 327, 328, 332, 340, 353, 358, 361, 366, 367, 369, 376, 396, 397, 399, 401, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 430, 454, 467, 472, 473, 483, 487, 492, 494, 496, 497, 498, 499, 500, 501, 503, 504, 505, 506, 507, 508], "anaconda": 498, "anchor": 452, "angl": [117, 250, 368], "angular": [149, 404], "ani": [0, 1, 2, 6, 8, 19, 96, 114, 125, 321, 325, 326, 327, 328, 329, 340, 358, 376, 377, 380, 389, 399, 417, 418, 467, 489, 496, 497, 498, 500, 503, 505, 506, 507], "anonym": 497, "anoth": [0, 95, 184, 215, 296, 318, 332, 340, 376, 497, 499, 500, 501, 507], "anwywher": 9, "anyhow": 6, "anymor": 6, "anyth": [6, 313, 498, 503], "anytim": 503, "api": [1, 2, 142, 144, 176, 358, 498, 499, 500], "app": 9, "append": [6, 215, 497, 503], "appl": [2, 6, 8, 9, 507], "appli": [0, 39, 149, 150, 168, 202, 326, 327, 328, 340, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 354, 355, 356, 358, 359, 361, 362, 363, 364, 365, 367, 368, 369, 370, 371, 372, 373, 374, 375, 377, 390, 397, 399, 400, 401, 402, 403, 405, 407, 408, 410, 411, 412, 413, 414, 415, 416, 418, 427, 428, 429, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 467, 476, 477, 480, 483, 489, 492, 497, 498], "applic": [3, 9], "apply_fn": 377, "apply_gradi": 472, "apply_to_modul": [340, 381], "approach": [447, 500], "appropri": 497, "approx": 358, "approxim": [17, 358, 429, 430, 431], "ar": [0, 1, 2, 5, 6, 7, 8, 9, 17, 19, 83, 92, 93, 95, 96, 103, 107, 114, 120, 125, 127, 128, 138, 145, 147, 150, 152, 153, 155, 156, 158, 159, 161, 162, 164, 169, 170, 178, 179, 180, 181, 182, 183, 184, 185, 193, 194, 196, 198, 199, 205, 215, 228, 242, 243, 244, 248, 249, 251, 252, 253, 258, 259, 262, 263, 270, 276, 277, 291, 292, 300, 313, 316, 317, 322, 325, 326, 332, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 361, 365, 367, 369, 383, 396, 399, 418, 439, 441, 442, 466, 470, 472, 479, 481, 496, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "arang": [0, 1, 198, 258, 332, 418, 501, 504], "arbitrari": [325, 470, 498], "arbitrarili": [1, 96, 340, 496, 500, 505], "arc": 0, "arcco": 0, "arccosh": 0, "architectur": [6, 9, 221, 340, 395, 507], "archiv": 506, "arcsin": 0, "arcsinh": 0, "arctan": 0, "arctan2": 0, "arctanh": 0, "arg": [2, 6, 11, 19, 122, 138, 142, 143, 144, 163, 176, 276, 277, 330, 502], "arg1": 184, "arg2": 184, "argmax": [0, 7], "argmin": 0, "argnam": [170, 313], "argnum": [2, 114, 170, 313, 500], "argpars": 6, "argpartit": 0, "argsort": 0, "argument": [1, 32, 66, 80, 96, 138, 170, 313, 326, 327, 328, 340, 418, 494, 498, 499, 500, 502, 506, 507, 508], "argumentpars": 6, "ari": [85, 86, 87], "aris": 504, "arm": 9, "arm64": 9, "around": 6, "arr": [0, 273, 501], "arr_0": 506, "arrai": [0, 1, 2, 4, 6, 7, 8, 11, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 118, 119, 120, 123, 124, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 324, 332, 340, 345, 366, 376, 383, 386, 391, 397, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 464, 467, 470, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 487, 488, 489, 490, 497, 498, 499, 500, 503, 504, 505, 507], "array_equ": [0, 17, 178], "arrayfir": 8, "arxiv": [6, 361, 365, 367, 375, 400, 431, 453, 473, 479], "as_strid": 0, "ascend": [193, 194], "ask": [6, 498, 502], "assert": [1, 2, 147], "assign": [0, 2, 39, 470, 498], "associ": [2, 276, 277, 503], "assum": [0, 6, 92, 192, 193, 194, 199, 326, 340, 361, 498], "astyp": [0, 1, 2, 6, 147, 376, 504], "atleast": 0, "atleast_1d": 0, "atleast_2d": 0, "atleast_3d": 0, "atol": [0, 17, 178], "atom": [1, 147], "atomic_fetch_add_explicit": 1, "atomic_output": [1, 147], "attach": 2, "attempt": [96, 498], "attend": 396, "attent": [150, 381, 396, 409, 417], "attention_norm": 6, "attribut": [1, 10, 11, 12, 31, 163, 330, 389, 470, 492], "audio": 418, "auto": [0, 2, 4, 9, 498, 499], "autom": 500, "automat": [1, 2, 8, 147, 205, 498, 505, 506, 507], "autoregress": 6, "avail": [2, 5, 6, 7, 9, 11, 125, 126, 225, 334, 498, 502, 507], "averag": [321, 342, 343, 344, 473, 474, 476, 477, 478, 498], "avgpool1d": 340, "avgpool2d": 340, "avgpool3d": 340, "avoid": [1, 2, 388, 497, 498], "awai": [2, 6], "awar": [497, 503], "ax": [0, 2, 16, 18, 27, 28, 80, 114, 140, 152, 153, 155, 156, 158, 159, 161, 162, 164, 177, 198, 200, 201, 214, 216, 218, 232, 243, 246, 270, 284, 285, 286, 291, 293, 297, 298, 304, 308, 314, 500], "axes_a": 0, "axes_b": 0, "axi": [0, 2, 6, 7, 16, 18, 27, 28, 29, 30, 34, 35, 36, 37, 42, 43, 44, 45, 57, 58, 59, 60, 64, 72, 75, 76, 77, 81, 97, 110, 111, 112, 113, 120, 123, 140, 146, 148, 151, 154, 157, 158, 159, 160, 161, 162, 164, 173, 192, 196, 198, 214, 216, 218, 232, 234, 243, 244, 246, 247, 252, 258, 267, 270, 286, 287, 288, 291, 292, 293, 297, 298, 300, 301, 305, 306, 307, 308, 312, 314, 315, 317, 342, 343, 344, 359, 372, 373, 374, 401, 432, 438, 440, 441, 445, 450, 452, 460, 461, 501], "axis1": [0, 47, 78, 120, 298, 307], "axis2": [0, 47, 78, 120, 298, 307], "axpbi": 2, "axpby_": 2, "axpby_gener": 2, "axpby_general_bfloat16": 2, "axpby_general_complex64": 2, "axpby_general_float16": 2, "axpby_general_float32": 2, "axpby_impl": 2, "b": [0, 1, 2, 3, 4, 6, 14, 15, 17, 25, 83, 88, 90, 91, 92, 130, 131, 135, 147, 150, 166, 168, 171, 172, 176, 177, 178, 186, 187, 188, 189, 192, 198, 200, 201, 210, 211, 213, 215, 217, 233, 235, 239, 242, 245, 248, 255, 266, 269, 296, 304, 313, 327, 328, 359, 369, 401, 418, 432, 500, 501, 503, 504, 505, 506, 507], "b1": 168, "b2": 168, "b_": [360, 366], "b_stride": 1, "ba": [476, 478], "back": [6, 114, 225, 504], "backend": [1, 9, 125, 126, 502], "backward": [1, 497, 500], "bad": 503, "balanc": 447, "baltimor": 198, "bandwidth": [497, 498], "base": [0, 2, 4, 149, 207, 209, 245, 404, 417, 470, 472, 478, 492, 494, 497, 501], "base_idx": 1, "basi": 492, "basic": [5, 271, 500], "batch": [6, 15, 92, 150, 168, 169, 215, 256, 345, 347, 348, 349, 350, 351, 352, 354, 355, 360, 366, 396, 401, 418, 503], "batch_idx": 1, "batch_iter": [7, 472], "batch_siz": [7, 472], "batchnorm": 340, "becaus": [6, 222, 340, 497, 498, 499, 503], "becom": 125, "been": [0, 2, 6, 223, 503], "befor": [1, 2, 6, 9, 29, 147, 244, 321, 380, 417, 481, 498, 501, 503], "before_1": 243, "before_2": 243, "before_i": 243, "before_n": 243, "beforehand": 242, "beggin": 270, "begin": [84, 191, 224, 248, 360, 366, 415, 433, 444, 451, 457, 463, 464, 498], "behav": 114, "behavior": [196, 256, 447, 501, 503], "behaviour": [114, 190, 191], "behind": 500, "being": [294, 340], "bell": 2, "below": [2, 9, 198, 309, 311, 332, 418, 498, 503], "bench": 2, "benchmark": [2, 497], "benefici": [354, 355, 503], "benefit": 498, "best": 498, "beta": [0, 2, 15, 118, 248, 345, 361, 365, 367, 451, 472, 476, 477, 478, 479], "beta_": 2, "beta_1": [474, 476, 477, 478, 479], "beta_2": [476, 477, 478, 479], "better": [321, 500, 507], "between": [0, 2, 8, 95, 164, 417, 440, 443, 444, 447, 488, 498, 502, 503, 504, 507], "beyond": [270, 486, 489], "bfloat16": [2, 12, 173, 332, 504], "bfloat16_t": 2, "bia": [6, 118, 146, 169, 248, 249, 326, 340, 347, 348, 349, 350, 351, 352, 360, 366, 367, 369, 381, 383, 393, 396, 399, 401, 476, 477, 478, 481, 500], "bias": [0, 118, 169, 248, 249, 360, 366, 381, 393, 396], "bias_correct": [476, 477], "bicub": 418, "big": [1, 321, 497], "bigger": [6, 474], "bilinear": [1, 418], "binari": [205, 273, 274, 275, 276, 277, 315, 415, 439, 464, 497, 502], "binary_cross_entropi": [340, 497], "bind": 502, "bit": [0, 118, 169, 187, 248, 249, 269, 322, 332, 376, 398, 399, 400], "bitwis": [0, 88, 89, 90, 91, 187, 269], "bitwise_and": 0, "bitwise_invert": 0, "bitwise_or": 0, "bitwise_xor": 0, "block": [0, 2, 6, 92, 417], "block_masked_mm": 0, "block_siz": [0, 92], "bn": 345, "bodi": [1, 147], "bool": [0, 1, 2, 16, 17, 18, 27, 28, 34, 35, 36, 37, 42, 43, 44, 45, 57, 58, 59, 60, 64, 76, 77, 79, 81, 83, 96, 103, 110, 111, 112, 113, 125, 126, 142, 144, 147, 149, 169, 178, 184, 190, 191, 198, 201, 202, 203, 205, 214, 216, 218, 219, 225, 228, 232, 246, 249, 293, 297, 314, 322, 345, 347, 348, 349, 350, 351, 352, 360, 361, 365, 366, 367, 369, 376, 380, 381, 383, 388, 390, 393, 396, 399, 401, 404, 409, 417, 418, 439, 442, 474, 476, 477, 485], "bool_": [12, 332], "boolean": [0, 17, 83, 150, 178, 179, 180, 181, 182, 183, 184, 211, 212, 213, 332, 392, 501], "both": [1, 2, 14, 88, 90, 91, 130, 131, 135, 171, 172, 184, 187, 188, 189, 198, 210, 217, 233, 235, 239, 245, 252, 266, 269, 296, 322, 342, 343, 344, 365, 366, 372, 373, 374, 472, 497, 498, 499, 500, 505, 507], "bottom": 418, "bound": [0, 259, 262, 263, 358, 426, 497, 501, 507], "boundari": 488, "bracket": 6, "brain": 332, "break": 504, "bregler": 354, "bridg": 498, "broadcast": [0, 2, 14, 17, 88, 90, 91, 93, 95, 130, 131, 135, 150, 167, 171, 172, 178, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 247, 251, 252, 256, 259, 262, 263, 266, 269, 296, 301, 318, 396], "broadcast_arrai": [0, 2], "broadcast_to": 0, "broadcasted_input": 2, "brought": 8, "btl_tcp_if_includ": [498, 502], "btl_tcp_link": [498, 502], "buffer": [1, 2, 222, 504], "bui": 6, "build": [3, 4, 6, 8, 422, 470, 497, 499], "build_ext": [2, 9], "build_shared_lib": [2, 9], "built": [1, 2, 4, 9, 503], "bundl": 6, "byte": [52, 62, 222, 223, 224, 227, 228, 229, 321, 332, 502], "c": [0, 1, 2, 6, 15, 198, 345, 347, 348, 349, 350, 351, 352, 354, 355, 365, 366, 504, 505, 507], "c_": [366, 479], "c_in": [100, 101, 102, 103, 104, 105, 106], "c_out": [100, 101, 102, 103, 104, 105, 106], "c_pad": 1, "c_t": [366, 479], "cabl": 498, "cach": [6, 9, 220, 222, 223, 227, 497], "calcul": [198, 439, 442, 448, 474], "call": [2, 3, 6, 7, 32, 125, 128, 166, 176, 220, 224, 321, 340, 357, 381, 393, 398, 406, 470, 472, 481, 497, 498, 499, 500, 502, 503], "callabl": [96, 114, 142, 144, 147, 170, 176, 185, 313, 316, 317, 322, 323, 325, 326, 327, 328, 376, 377, 380, 388, 401, 406, 417, 419, 420, 421, 422, 423, 424, 425, 426, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 487, 488, 489, 490], "can": [1, 2, 3, 4, 6, 8, 9, 14, 19, 66, 80, 84, 88, 90, 91, 96, 120, 121, 122, 130, 131, 135, 138, 142, 143, 150, 171, 172, 176, 187, 188, 189, 198, 210, 217, 229, 233, 235, 239, 245, 251, 252, 259, 262, 263, 266, 269, 274, 296, 307, 312, 313, 328, 340, 343, 344, 357, 358, 373, 374, 380, 393, 398, 406, 418, 441, 467, 470, 472, 480, 481, 494, 496, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507, 508], "cannot": [6, 95, 501, 504], "captur": [2, 3, 96, 114, 230, 231, 340, 497], "care": [6, 498, 499, 502, 503], "carefulli": [497, 499], "carri": 2, "cartesian": 219, "case": [2, 6, 123, 124, 125, 127, 128, 129, 153, 156, 157, 159, 160, 161, 162, 164, 190, 191, 192, 193, 194, 195, 196, 197, 199, 200, 201, 202, 203, 215, 268, 291, 312, 343, 344, 354, 373, 374, 415, 433, 451, 457, 463, 464, 480, 481, 497, 498, 499, 500, 502, 505, 506, 507, 508], "cast": [2, 38, 160, 161, 162, 205, 321, 376, 388, 504], "caster": 2, "categor": 6, "categori": [12, 184, 332], "caus": [340, 497, 503], "causal": [6, 150], "caution": 84, "cd": [3, 9], "cdf": [253, 358, 429], "cdot": [431, 440, 443, 459], "ceil": 0, "ceildiv": 1, "cell": 366, "celu": 340, "certain": [390, 497], "chang": [84, 96, 142, 144, 176, 279, 315, 394, 399, 418, 444, 451, 497, 504], "channel": [1, 100, 101, 102, 103, 104, 105, 106, 345, 347, 348, 349, 350, 351, 352, 354, 355], "channel_idx": 1, "charact": 325, "check": [0, 2, 9, 83, 126, 184, 193, 194, 225, 383, 498, 499, 500, 501], "checklist": [498, 502], "checkout": [3, 497], "checkpoint": [417, 472], "chen": 479, "child": 395, "children": 340, "chip": 9, "choleski": 191, "choos": [6, 149, 404, 502], "chosen": 133, "clamp": 164, "clang": 9, "clarifi": 498, "clariti": 500, "class": [2, 6, 7, 10, 11, 12, 31, 114, 122, 163, 330, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 470, 473, 474, 475, 476, 477, 478, 479, 484, 485, 492], "class_pred": 322, "classif": [422, 423], "classifi": 7, "classmethod": [398, 399], "clear": 220, "click": 9, "clip": [0, 324, 439, 474], "clip_threshold": 474, "clipped_grad": 324, "clone": 9, "close": [5, 8, 9, 17, 178], "closer": 326, "cmake": [3, 4, 9], "cmake_arg": 3, "cmake_build_parallel_level": 9, "cmake_build_typ": 9, "cmake_current_list_dir": 2, "cmake_cxx_standard": 4, "cmake_cxx_standard_requir": 4, "cmake_host_system_processor": 9, "cmake_library_output_directori": 2, "cmake_minimum_requir": 4, "cmakebuild": 2, "cmakeextens": 2, "cmakelist": [2, 4], "cmdclass": 2, "co": [0, 2, 114, 409, 500], "code": [1, 147, 497, 498, 499, 503], "coeffici": [2, 473, 474, 476, 477, 478, 479], "col": 309, "cold": 9, "collect": [326, 327, 496], "column": [145, 174, 193, 248], "com": 9, "combin": [6, 202, 328], "come": [2, 6, 498, 500], "command": [2, 3, 4, 9, 498, 502], "command_buff": 2, "common": [472, 497, 503], "commonli": [7, 394, 467, 497], "commun": [8, 122, 125, 126, 321, 502], "communication_typ": 321, "compact": 197, "compar": [2, 83, 497], "comparison": [17, 135, 171, 172, 188, 189, 239], "compat": [6, 142, 144, 150, 176, 252, 256, 358, 506], "compil": [0, 3, 4, 8, 9, 121, 134, 147, 498, 499, 500, 503], "compiled_fun": [497, 499], "compiled_grad_fn": 497, "complement": 89, "complet": [5, 6, 9, 228, 394, 395, 499, 500, 507], "complex": [2, 98, 99, 158, 159, 160, 161, 162, 175, 193, 194, 264, 325, 332, 340, 395, 497, 499, 500], "complex64": [2, 12, 332], "complex64_t": 2, "complexflo": 12, "compon": [2, 4, 6, 202], "compos": [8, 340, 497, 500, 505], "composit": 505, "compress": 277, "compromis": 6, "comput": [0, 1, 2, 5, 6, 7, 8, 9, 110, 111, 112, 113, 114, 118, 133, 141, 149, 170, 185, 186, 190, 191, 192, 193, 194, 195, 196, 197, 198, 200, 201, 203, 210, 218, 242, 248, 266, 286, 293, 294, 304, 313, 314, 316, 323, 340, 345, 360, 361, 365, 366, 367, 381, 394, 399, 400, 404, 417, 420, 421, 422, 423, 430, 431, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 472, 473, 474, 476, 477, 478, 479, 483, 497, 498, 499, 500, 505, 507], "computation": 503, "compute_encod": 2, "compute_uv": 202, "concaten": [0, 6, 123, 321], "concept": 470, "concis": 6, "concret": [2, 360, 366, 369, 401, 503, 507], "conda": [9, 498], "condit": [0, 318, 497, 507], "config": [2, 4, 498], "configu": 472, "configur": [118, 498], "confirm": [498, 502], "confus": 7, "conj": 99, "conjug": [0, 98], "connect": [498, 502], "consecut": [149, 248, 404], "consequ": 6, "consid": [6, 17, 83, 178, 325, 326, 327, 361, 496, 498], "consider": 497, "const": [0, 1, 2, 442], "constant": [0, 2, 6, 9, 114, 146, 148, 243, 340, 345, 361, 367, 400, 442, 452, 484, 486, 497, 499, 504], "constant_valu": 243, "constitut": 326, "construct": [0, 2, 7, 46, 119, 167, 196, 240, 305, 319], "consult": 498, "consum": 503, "contain": [2, 6, 9, 29, 30, 69, 96, 120, 133, 157, 158, 159, 168, 169, 193, 198, 211, 212, 213, 248, 288, 318, 321, 324, 340, 380, 382, 383, 389, 417, 448, 467, 470, 497, 500], "content": [9, 380, 497], "context": [295, 499], "contigu": [0, 1, 2, 84, 147], "continu": [346, 427, 498, 500], "contract": [0, 133], "contribut": 2, "contriv": [500, 507], "control": [0, 368, 494, 503], "conv": 107, "conv1d": [0, 340], "conv2d": [0, 340], "conv3d": [0, 340], "conv_gener": 0, "conv_transpose1d": 0, "conv_transpose2d": 0, "conv_transpose3d": 0, "conveni": [1, 2, 7, 184], "convent": [19, 107, 132, 133, 418], "convers": 8, "convert": [0, 1, 2, 79, 85, 86, 87, 117, 164, 250, 398, 399, 503, 504, 505], "convolut": [0, 100, 101, 102, 103, 104, 105, 106, 107, 347, 348, 349, 350, 351, 352, 354, 355], "convolv": [100, 101, 102, 103, 104, 105, 106], "convtranspose1d": 340, "convtranspose2d": 340, "convtranspose3d": 340, "coordin": [0, 219], "copi": [0, 1, 2, 6, 8, 244, 287, 504], "core": [1, 2, 3, 4, 5, 6, 7, 322, 340, 342, 343, 344, 345, 365, 372, 373, 374, 383, 386, 388, 391, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 467, 470, 472, 497, 498, 504, 505], "corner": 418, "correct": [2, 9, 476, 477, 478, 501, 503], "correctli": [39, 498], "correl": [103, 354], "correspond": [0, 1, 2, 16, 18, 79, 95, 118, 120, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 193, 214, 216, 232, 246, 284, 285, 297, 304, 312, 317, 326, 498, 500, 502], "cos_first": 409, "cosh": [0, 447], "cosin": [0, 20, 21, 108, 109, 440, 486, 488, 500], "cosine_decai": [472, 488], "cosine_similarity_loss": 340, "cost": [9, 474, 498, 503], "costli": 503, "cot": 1, "cot_index": 1, "cotan": [2, 114], "cotang": [1, 2, 114, 316], "could": [6, 340], "count": [340, 488], "counter": 494, "cours": 500, "coursera": 484, "cout": [4, 499], "cov": 256, "covari": [256, 345], "cover": 2, "cpp": [2, 4], "cpu": [8, 9, 193, 194, 199, 332, 507], "cpython": 2, "crash": [84, 497], "creat": [0, 2, 6, 9, 84, 125, 145, 174, 295, 340, 470, 472, 488, 497, 498, 499, 501, 502, 504], "create_additive_causal_mask": 6, "cross": [7, 103, 439, 441], "cross_entropi": [7, 340], "crowd": 6, "cry": 6, "cubic": 418, "cummax": 0, "cummin": 0, "cumprod": 0, "cumsum": 0, "cumul": [0, 84, 110, 111, 112, 113], "current": [6, 8, 9, 84, 92, 102, 105, 106, 129, 221, 223, 248, 328, 340, 474, 498, 503], "custom": [8, 114, 147, 417], "custom_decod": 417, "custom_encod": 417, "custom_funct": 1, "custom_kernel_myexp_float": 1, "custom_tim": 2, "cvpr": 354, "cxx": 4, "cycl": 496, "d": [0, 1, 2, 6, 102, 106, 119, 120, 150, 177, 198, 215, 219, 242, 300, 307, 309, 310, 311, 329, 349, 352, 355, 360, 366, 401, 473, 476, 478, 507], "d1": 507, "d2": 507, "d2fdx2": 500, "d_i": 369, "dampen": 485, "darwin": 2, "data": [0, 2, 7, 8, 11, 19, 127, 145, 160, 161, 167, 174, 204, 236, 240, 253, 262, 307, 309, 315, 319, 355, 419, 420, 421, 422, 423, 424, 425, 426, 497, 498, 499, 501, 504], "dataset": [5, 498, 503], "datatyp": 52, "dbuild_shared_lib": 9, "dcmake_build_typ": [4, 9], "ddof": [0, 76, 81, 293, 314], "deal": 497, "debug": [1, 3, 498, 502], "debugg": 8, "decai": [474, 477, 479, 485, 486, 487, 490], "decay_r": [474, 487, 490], "decay_step": 486, "decent": 7, "decid": [326, 380], "decim": [0, 67, 271], "declar": 2, "decltyp": 1, "decod": 417, "decomposit": [190, 191, 202], "decor": [1, 114], "decoupl": 477, "dedic": 498, "deep": [345, 420, 421, 422, 423], "def": [1, 2, 5, 6, 7, 114, 142, 144, 147, 313, 340, 470, 497, 498, 499, 500, 501, 503, 504, 507], "default": [1, 2, 9, 15, 16, 17, 18, 19, 27, 28, 29, 30, 83, 84, 92, 96, 97, 100, 101, 102, 103, 104, 105, 106, 114, 115, 116, 118, 119, 120, 123, 124, 125, 127, 128, 129, 142, 144, 145, 147, 149, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 168, 169, 170, 173, 174, 178, 186, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 214, 216, 218, 219, 227, 228, 229, 232, 236, 240, 243, 244, 246, 248, 249, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 267, 268, 271, 278, 279, 287, 288, 291, 292, 293, 295, 297, 299, 304, 306, 307, 308, 309, 310, 311, 312, 313, 314, 317, 319, 321, 322, 332, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 356, 359, 360, 362, 365, 366, 368, 369, 372, 373, 374, 376, 381, 383, 388, 390, 393, 396, 397, 398, 399, 401, 404, 409, 413, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 470, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 494, 496, 497, 498, 499, 500, 502, 504, 506, 508], "default_devic": 508, "default_stream": 508, "defin": [1, 2, 5, 6, 7, 9, 114, 128, 147, 169, 192, 198, 249, 322, 325, 502, 504], "definit": [114, 190, 191, 256], "degre": [0, 250, 452], "delta": [444, 473], "delv": [422, 423], "demonstr": 504, "denomin": [365, 440, 473, 475, 476, 477, 478, 484], "dens": [219, 507], "depend": [0, 2, 3, 4, 5, 9, 79, 198, 360, 366, 401, 497, 498, 501, 506, 507], "depth": [325, 344, 349, 352, 355, 374, 500], "dequant": [0, 248], "deriv": [2, 499, 500, 503], "descend": 378, "descent": [485, 497, 503], "describ": [2, 503], "descript": [2, 4, 6, 332], "design": [1, 5, 8, 494, 507], "destin": [0, 2, 61, 129, 234, 247], "destroi": 497, "detach": 500, "detail": [1, 2, 11, 227, 340, 354, 404, 409, 418, 420, 421, 422, 423, 473, 475, 476, 478, 479, 498, 501, 505], "detect": 497, "determin": [0, 2, 120, 256, 328, 332, 387, 506], "dev": [2, 9], "develop": [2, 4, 9], "developer_dir": 9, "deviat": [0, 257, 293, 420, 422, 425], "deviatoin": 0, "devic": [1, 2, 8, 9, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 115, 116, 117, 118, 119, 120, 123, 124, 127, 128, 129, 130, 131, 132, 135, 136, 137, 139, 140, 141, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 171, 172, 173, 174, 175, 177, 178, 179, 180, 181, 182, 183, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 221, 228, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 314, 315, 318, 319, 320, 330, 507, 508], "device_info": 229, "devicetyp": 10, "df": 504, "dfdx": [499, 500, 501], "dft": [151, 152, 153, 154, 155, 156, 160, 161, 162], "dhwc": 355, "diag": [0, 202], "diagon": [0, 46, 119, 145, 307, 309, 310, 311], "dict": [96, 138, 143, 205, 221, 274, 275, 276, 322, 324, 386, 391, 394, 395, 470, 472, 480, 481, 483, 496, 499, 500, 506], "dict_kei": [326, 481], "dictionari": [6, 96, 142, 176, 205, 221, 274, 275, 324, 325, 328, 340, 380, 389, 394, 395, 482, 496, 506], "did": 6, "diff": 2, "differ": [8, 184, 296, 315, 451, 497, 498, 499, 500, 502], "differenti": [1, 8, 346, 427], "difficult": 500, "difficulti": [420, 421], "dilat": [0, 100, 101, 102, 103, 104, 105, 106, 347, 348, 349, 350, 351, 352], "dim": [1, 6, 149, 150, 357, 361, 365, 367, 396, 398, 400, 404, 409, 417], "dimens": [0, 1, 2, 6, 16, 18, 27, 28, 63, 69, 79, 85, 86, 87, 96, 101, 102, 103, 105, 106, 120, 140, 149, 150, 158, 159, 161, 162, 164, 168, 169, 177, 190, 191, 193, 194, 195, 196, 198, 199, 202, 203, 214, 215, 216, 218, 232, 246, 247, 248, 252, 261, 293, 297, 301, 304, 308, 314, 345, 347, 348, 349, 350, 351, 352, 354, 355, 359, 360, 361, 365, 366, 367, 396, 400, 401, 404, 417, 418, 432, 441, 497, 500], "dimension": [31, 146, 148, 151, 152, 153, 154, 155, 156, 160, 161, 162, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 357, 369, 372, 373, 374, 398, 399, 409, 501, 504], "dir": 4, "direct": [6, 378, 479, 507], "directli": [2, 6, 84], "directori": [2, 4, 6, 9], "disabl": [121, 227, 321, 497, 498], "disable_compil": 497, "disappoint": 6, "discard": [6, 325], "discov": [9, 498], "discoveri": 479, "discret": [107, 151, 152, 153, 154, 155, 156, 160, 161, 162, 357, 398], "discuss": 2, "disk": 6, "dispatch": 2, "dispatch_thread": 2, "dispatchthread": 1, "displai": 340, "distanc": [6, 452], "distribut": [8, 9, 251, 252, 253, 255, 256, 257, 262, 263, 321, 369, 420, 421, 422, 423, 425, 426, 442, 445, 450, 452, 467], "distributed_config": [498, 502], "diverg": 445, "divid": [0, 2, 39, 166, 248, 266, 498], "divis": [0, 130, 166, 248, 266], "divisor": [293, 314], "divmod": 0, "dloss_dw": 500, "dloss_dx": 500, "dlpack": 504, "dlvalu": 313, "dmlx_build_cpu": 9, "dmlx_build_gguf": 9, "dmlx_build_safetensor": 9, "dmlx_metal_debug": 3, "dmlx_metal_jit": 9, "do": [0, 2, 6, 9, 196, 315, 340, 382, 393, 467, 470, 497, 498, 499, 500, 503], "doc": [2, 7, 498, 502], "document": [2, 3, 4, 66, 80, 147, 274, 275, 332, 497, 498, 499, 500, 501], "doe": [0, 2, 3, 6, 9, 222, 315, 324, 340, 497, 498, 501, 502, 503, 504], "doesn": [2, 340, 499], "domain": 262, "don": [1, 9, 497, 507], "done": [340, 353, 400, 497, 498, 503, 504], "dot": [143, 195, 203, 304, 325, 385, 396, 498], "doubl": [0, 6, 332], "doubt": 6, "down": [6, 324], "downsampl": [342, 343, 344, 372, 373, 374], "dparam": 313, "draw": 252, "drop": 380, "dropout": [340, 354, 355, 390, 417, 497], "dropout2d": 340, "dropout3d": 340, "dst": 129, "dt": 136, "dtype": [0, 1, 2, 6, 12, 19, 31, 38, 39, 79, 82, 127, 128, 145, 147, 163, 164, 167, 174, 184, 186, 193, 194, 198, 199, 204, 240, 253, 255, 256, 257, 259, 262, 263, 284, 285, 307, 309, 312, 315, 319, 321, 332, 388, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 486, 487, 488, 489, 490, 497, 498, 499, 500, 501, 504, 505, 506], "dtypecategori": [184, 332], "dual": 447, "duchi": 475, "duplic": 499, "dure": [3, 96, 353, 354, 355, 418, 504], "dx": 114, "dy": 114, "dyld": 498, "dyld_library_path": 498, "dylib": 2, "dynam": [0, 499, 503], "e": [2, 7, 9, 114, 136, 147, 168, 169, 185, 280, 345, 347, 348, 349, 350, 351, 352, 354, 355, 361, 365, 367, 381, 400, 437, 438, 460, 461, 466, 472, 475, 497, 499, 503, 508], "e5": 332, "e8": 332, "each": [0, 1, 2, 69, 118, 138, 149, 169, 184, 190, 191, 193, 194, 195, 202, 203, 215, 219, 243, 248, 249, 252, 267, 276, 277, 288, 305, 308, 315, 317, 318, 354, 355, 357, 360, 361, 366, 401, 404, 417, 439, 441, 494, 497, 498, 499, 502, 503], "eager": 503, "earli": 354, "eas": 6, "easi": [2, 340], "easier": [1, 143, 503], "easiest": 498, "edg": [95, 243, 418, 497], "edit": [9, 395], "effect": [354, 497, 503], "effici": [6, 8, 168, 354, 404, 498, 503, 505], "eigenvalu": [193, 194], "eigenvector": 193, "einstein": [132, 133], "einsum": 133, "either": [9, 14, 66, 79, 80, 88, 90, 91, 95, 130, 131, 135, 166, 171, 172, 176, 187, 188, 189, 198, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296, 313, 343, 344, 373, 374, 406, 418, 422, 423, 498, 502, 504], "elem": [1, 147], "elem_to_loc": [1, 2], "element": [0, 1, 2, 13, 14, 20, 21, 22, 23, 24, 25, 26, 29, 71, 84, 88, 89, 90, 91, 94, 108, 109, 110, 111, 112, 113, 118, 130, 131, 135, 136, 137, 139, 141, 145, 165, 166, 169, 171, 172, 178, 179, 180, 181, 182, 183, 187, 188, 189, 206, 207, 208, 209, 210, 211, 212, 213, 217, 219, 233, 235, 237, 239, 244, 245, 248, 249, 265, 266, 267, 269, 270, 272, 280, 281, 282, 283, 289, 290, 296, 300, 302, 303, 306, 313, 315, 318, 346, 353, 354, 355, 360, 364, 366, 375, 397, 401, 404, 408, 427, 434, 435, 437, 438, 453, 454, 456, 459, 460, 461, 462, 497, 500], "elementwis": [1, 98, 99], "elif": 6, "ellipsi": 501, "elman": 401, "els": [0, 2, 6, 340, 381, 498, 503], "elsewher": [309, 501], "elu": [340, 457], "emb": [6, 357, 398, 409], "embed": [6, 322, 340, 398, 404, 409, 440], "empti": 256, "en0": 502, "en2": 498, "enabl": [3, 6, 9, 96, 134, 321, 485], "enclos": 499, "encod": [2, 149, 404, 409, 417, 441], "encount": [2, 500], "end": [120, 191, 225, 248, 270, 360, 366, 415, 433, 444, 451, 457, 463, 464, 486, 489, 499], "end_axi": [0, 50, 164], "end_encod": 2, "endif": 2, "endl": [4, 499], "endswith": 381, "enhanc": [6, 404, 503], "enough": [2, 503], "ensur": [0, 1, 2, 9, 147, 324, 447, 498, 499], "ensure_row_contigu": [1, 147], "enter": 6, "entir": [16, 18, 27, 28, 214, 216, 218, 232, 246, 293, 297, 314, 354, 355], "entri": [0, 258, 312, 354, 355], "entropi": [7, 439, 441], "enumer": 340, "environ": [9, 121, 134, 498], "ep": [5, 146, 148, 345, 361, 365, 367, 400, 440, 442, 452, 472, 473, 474, 475, 476, 477, 478, 484], "epoch": 7, "epsilon": [345, 361, 365, 367, 400, 440, 442, 473, 475, 476, 477, 478, 484], "epsilon_1": 474, "epsilon_2": 474, "equal": [0, 1, 17, 29, 83, 145, 172, 178, 189, 239, 244, 259, 288, 321, 365, 369], "equal_nan": [0, 17, 83, 178], "equat": [132, 133, 200, 201], "equival": [0, 2, 32, 66, 80, 128, 131, 166, 169, 173, 300, 346, 356, 358, 362, 363, 364, 370, 371, 395, 397, 399, 402, 403, 405, 407, 410, 411, 412, 413, 414, 416, 498], "erf": [0, 137, 497], "erfinv": 0, "error": [0, 2, 9, 125, 136, 137, 228, 229, 288, 358, 429, 430, 431, 447, 449, 497, 500, 502, 504], "error_norm": 5, "estim": 478, "eta": 479, "etc": [2, 248, 340, 418, 498], "ethernet": [498, 502], "eval": [2, 3, 5, 6, 7, 340, 470, 472, 497, 498, 499, 500, 503, 505], "eval_cpu": 2, "eval_fn": 7, "eval_gpu": 2, "evalu": [2, 6, 7, 8, 129, 138, 185, 316, 340, 379, 390, 470, 472, 497, 499, 505], "even": [1, 2, 6, 96, 497, 498, 499, 503, 504], "evenli": [0, 204], "everi": [248, 326, 472, 490, 500, 502], "everyth": [6, 498], "everywher": 0, "exact": [430, 431], "exactli": [2, 6, 149, 383, 500], "exampl": [0, 3, 4, 5, 6, 7, 9, 19, 39, 114, 125, 142, 143, 144, 147, 150, 164, 176, 184, 186, 193, 194, 198, 199, 284, 285, 295, 300, 312, 324, 327, 328, 340, 342, 343, 344, 345, 365, 372, 373, 374, 381, 383, 390, 393, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 467, 472, 481, 486, 487, 488, 489, 490, 494, 500, 501, 502, 503, 504, 505, 506], "exce": [321, 324], "exceed": 228, "except": [8, 114, 145, 157, 158, 160, 161, 162, 332, 361, 383, 499, 501, 504], "exclud": [247, 301], "exclus": [0, 84, 91], "execut": [2, 4, 9, 85, 86, 87, 186, 224, 498, 504, 507], "execute_process": 4, "exist": [2, 3, 6, 381, 393, 498], "exp": [0, 1, 141, 147, 210, 214, 253, 286, 346, 356, 408, 427, 428, 445, 457, 458, 462, 497, 499, 507], "exp_elementwis": [1, 147], "expand_dim": 0, "expect": [6, 347, 348, 349, 350, 351, 352, 353, 354, 355, 409, 417, 442, 497, 498, 501], "expens": 417, "expensive_fun": 503, "experiment": [142, 144, 176, 504], "explain": 2, "explicit": [2, 481, 494, 504], "explicitli": [168, 340, 494, 502], "explor": 9, "expm1": 0, "exponenti": [0, 139, 141, 346, 356, 405, 427, 428, 457, 487], "exponential_decai": 472, "export": [8, 9, 142, 143, 176], "export_funct": 499, "ext_modul": 2, "extend": [2, 243], "extens": [8, 205, 230, 387, 506], "extern": 504, "extra": [1, 326, 327, 499], "extract": [0, 6, 46, 119, 120, 284, 340, 380, 470], "extras_requir": 2, "extrem": [501, 503], "ey": [0, 6, 195, 203], "f": [0, 2, 5, 7, 114, 198, 340, 366, 477, 497, 504], "f_jvp": 114, "f_t": 366, "f_vjp": 114, "f_vmap": 114, "face": 6, "factor": [2, 15, 173, 190, 191, 196, 197, 199, 418, 441, 487, 490], "fail": [497, 498, 502], "fall": [2, 114], "fals": [0, 1, 2, 6, 16, 17, 18, 27, 28, 34, 35, 36, 37, 42, 43, 44, 45, 57, 58, 59, 60, 64, 76, 77, 81, 83, 96, 103, 110, 111, 112, 113, 125, 142, 144, 147, 178, 184, 190, 191, 198, 201, 202, 203, 205, 214, 216, 218, 219, 228, 232, 246, 293, 297, 314, 318, 322, 325, 326, 327, 328, 332, 361, 365, 367, 369, 381, 383, 393, 396, 399, 404, 409, 417, 418, 439, 442, 474, 476, 477, 485, 499, 504], "famili": 6, "fan": [420, 421, 422, 423], "fan_in": [420, 421, 422, 423], "fan_out": [420, 421, 422, 423], "far": 472, "fast": [1, 8, 358, 431, 498, 507], "faster": [1, 2, 9, 131, 429, 439, 497, 498, 500], "featur": [1, 8, 100, 101, 102, 103, 104, 105, 106, 149, 345, 360, 361, 365, 366, 367, 369, 399, 400, 401, 404, 417, 418, 497, 498, 503], "feed": 6, "feed_forward": 6, "feedforward": [420, 421], "feel": 6, "fetch": 1, "few": [1, 2, 6, 7, 8, 9, 499, 503, 505], "fewer": 498, "ffn": 6, "ffn_norm": 6, "fft": 8, "fi": 498, "figur": 498, "file": [4, 6, 9, 142, 143, 144, 176, 205, 273, 274, 275, 276, 277, 383, 387, 498, 499, 500, 506], "file_or_weight": 383, "fill": [0, 167, 241, 309, 320, 419, 420, 421, 422, 423, 425, 426], "filter": [0, 107, 347, 348, 349, 350, 351, 352, 376, 380], "filter_and_map": 340, "filter_fn": [376, 380], "final": [2, 4, 5, 6, 7, 173, 486, 489, 498, 502], "find": [2, 4, 5, 9, 498], "find_packag": [2, 4], "finder": 9, "fine": [494, 499, 503], "finetun": 340, "finit": [0, 179, 236], "first": [0, 1, 2, 3, 4, 5, 6, 7, 9, 120, 123, 125, 164, 170, 184, 186, 187, 202, 211, 213, 215, 244, 261, 269, 298, 304, 307, 313, 325, 327, 328, 340, 343, 344, 361, 373, 374, 418, 440, 448, 474, 478, 481, 497, 498, 499, 500, 502, 504, 507], "first_lay": 503, "firt": 497, "fit": [248, 507], "five": 497, "fix": [2, 6, 9, 497, 503], "flag": [4, 9, 497, 504], "flat": [168, 169, 325, 329], "flat_param": 276, "flatten": [0, 29, 30, 110, 111, 112, 113, 198, 242, 244, 247, 267, 270, 287, 300, 301, 306, 325, 497], "flexibl": 8, "flexibli": 395, "flip": [0, 103, 107], "float": [0, 1, 2, 12, 15, 17, 19, 79, 146, 147, 148, 149, 150, 163, 166, 167, 173, 178, 184, 198, 236, 249, 251, 255, 257, 321, 324, 332, 345, 353, 354, 355, 361, 365, 367, 376, 388, 400, 404, 409, 415, 417, 418, 419, 420, 421, 422, 423, 425, 426, 440, 441, 442, 444, 448, 451, 452, 463, 464, 473, 474, 475, 476, 477, 478, 479, 484, 485, 486, 487, 489, 490], "float16": [1, 2, 12, 147, 173, 205, 332, 376, 503, 504], "float16_t": [1, 2], "float32": [0, 1, 2, 12, 19, 145, 147, 150, 173, 174, 184, 193, 194, 198, 199, 204, 240, 253, 255, 256, 257, 262, 263, 285, 309, 319, 332, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 441, 448, 486, 487, 488, 489, 490, 497, 498, 499, 500, 501, 503, 504, 505, 506], "float64": [12, 184, 332, 504], "floor": [0, 1, 166], "floor_divid": 0, "flow": [0, 294, 503], "flush": 2, "fn": [176, 323, 326, 327, 328, 505], "follow": [1, 2, 4, 6, 7, 8, 9, 19, 107, 118, 150, 168, 198, 243, 248, 327, 340, 430, 431, 445, 473, 474, 475, 478, 479, 485, 494, 497, 498, 499, 500, 502, 507], "food": 6, "forc": [6, 7, 340, 498, 505], "forg": [9, 498], "formal": [118, 248], "format": [6, 143, 205, 273, 274, 275, 276, 277, 498, 504], "formul": [346, 356], "formula": 451, "forth": [418, 498], "forward": [1, 2, 313, 497, 502, 503], "found": [4, 380], "four": 345, "fourier": [151, 152, 153, 154, 155, 156, 160, 161, 162], "fourth": 499, "frac": [136, 248, 280, 345, 353, 354, 355, 361, 365, 367, 369, 400, 408, 420, 421, 422, 423, 440, 442, 444, 447, 458, 460, 461, 473, 475, 476, 477, 478, 484], "fraction": 19, "framework": 8, "free": 227, "freez": [340, 393, 470], "freq": 149, "frequenc": [149, 404, 409], "frequent": [497, 503], "friend": 6, "fro": 198, "frobeniu": 198, "from": [0, 1, 2, 4, 6, 7, 8, 84, 117, 118, 120, 123, 124, 127, 128, 129, 147, 158, 159, 161, 162, 167, 168, 173, 176, 198, 205, 215, 219, 224, 227, 241, 248, 250, 251, 252, 253, 254, 255, 259, 262, 276, 284, 291, 294, 296, 300, 301, 306, 307, 318, 320, 325, 326, 327, 328, 329, 340, 369, 381, 383, 396, 420, 421, 422, 423, 425, 426, 442, 451, 467, 472, 496, 497, 498, 499, 500, 503, 504, 505, 506, 507], "from_embed": 398, "from_linear": 399, "front": [2, 499], "frozen": [340, 381, 391, 393, 399, 470], "fuction": 131, "full": [0, 1, 2, 7, 66, 80, 107, 147, 196, 286, 394, 395, 442, 497, 498, 499, 503], "full_turn": 409, "fulli": [2, 8, 502, 504, 507], "fun": [96, 142, 144, 170, 185, 313, 316, 317, 497, 499, 501, 503, 507], "fun1": 503, "func": 401, "function": [0, 1, 2, 3, 5, 6, 7, 8, 17, 19, 84, 96, 114, 131, 136, 137, 142, 144, 147, 170, 176, 178, 185, 190, 191, 193, 194, 195, 198, 199, 202, 203, 215, 229, 280, 313, 316, 317, 323, 324, 326, 327, 328, 340, 346, 356, 358, 359, 362, 363, 364, 370, 371, 375, 377, 381, 388, 393, 397, 401, 402, 403, 405, 406, 407, 408, 410, 411, 412, 413, 414, 415, 416, 417, 429, 430, 431, 432, 433, 434, 435, 437, 438, 439, 453, 458, 460, 461, 462, 463, 464, 465, 467, 472, 481, 494, 496, 498, 501, 503, 504, 506], "functionexport": 144, "functool": 497, "further": [2, 9, 500], "fuse": [1, 497], "fusibl": 497, "futur": [6, 142, 144, 176, 399, 501, 503], "fx": 114, "g": [3, 9, 114, 147, 198, 248, 366, 466, 484, 485, 499, 503, 508], "g_t": [366, 473, 475, 476, 477, 478, 479, 484, 485], "gain": [420, 421, 422, 423], "gamma": [345, 361, 365, 367, 400, 420, 421, 422, 423], "gap": 1, "gate": [359, 360, 432], "gather": [0, 123, 168, 169], "gather_mm": [0, 169], "gather_qmm": 0, "gaurante": 315, "gaussian": [5, 358, 429, 430, 431, 442], "gaussian_nll_loss": 340, "gc_func": 417, "gelu": [340, 430, 431, 497], "gelu_approx": [340, 358, 429], "gelu_fast_approx": [340, 358, 429], "geluapprox": 358, "gelufast": 358, "gener": [0, 1, 3, 5, 12, 19, 103, 145, 147, 158, 159, 204, 219, 251, 256, 257, 258, 259, 262, 263, 417, 494, 497, 501, 503, 508], "general_": 2, "generate_stub": 9, "geq": [415, 464], "get": [2, 5, 7, 9, 101, 102, 103, 105, 106, 115, 116, 163, 221, 222, 223, 224, 254, 340, 497, 499, 500, 503, 507], "get_cache_memori": 220, "get_command_encod": 2, "get_kernel": 2, "gguf": [9, 205, 274, 506], "gh": 1, "gii": 1, "git": 9, "github": [5, 7, 9, 497], "give": [2, 6, 7, 29, 497], "given": [0, 2, 9, 16, 18, 29, 39, 84, 93, 95, 97, 110, 111, 112, 113, 118, 120, 133, 138, 140, 150, 151, 152, 153, 154, 155, 156, 160, 161, 162, 167, 168, 196, 198, 214, 216, 218, 227, 232, 236, 238, 246, 256, 258, 259, 270, 271, 279, 286, 288, 293, 297, 299, 305, 306, 307, 309, 310, 311, 314, 330, 353, 380, 396, 440, 442, 448], "gix": 1, "gix_mult": 1, "giy_mult": 1, "global": [121, 123, 124, 125, 127, 128, 129, 134, 260, 321, 324, 494, 497], "glorot": [420, 421], "glorot_norm": 340, "glorot_uniform": 340, "glu": [6, 340], "gm": 1, "gn": 1, "go": [2, 6, 498, 500], "golub": 198, "good": [2, 9, 472, 497, 498, 502, 507], "goroshin": 354, "gower": 6, "gpu": [1, 3, 8, 9, 221, 332, 501, 507], "gputrac": [3, 230], "grad": [2, 5, 7, 114, 313, 324, 472, 480, 497, 498, 499, 500, 501, 503, 505], "grad_fn": [5, 497, 500], "gradient": [0, 5, 7, 114, 170, 294, 313, 321, 323, 324, 340, 381, 394, 399, 417, 447, 470, 472, 473, 474, 476, 477, 478, 479, 480, 483, 485, 497, 498, 500, 501, 503, 504, 505], "grain": 494, "graph": [2, 6, 7, 8, 143, 499, 500], "great": 3, "greater": [0, 6, 29, 141, 172, 244, 324, 415, 464], "greater_equ": 0, "grep": 9, "grid": [2, 147, 219], "grid_dim": 2, "grid_grad": 1, "grid_idx": 1, "grid_sampl": 1, "grid_sample_grad": 1, "grid_sample_ref": 1, "grid_sample_vjp": 1, "grid_shap": 1, "grid_siz": 1, "ground": [5, 6, 441, 451], "group": [0, 1, 100, 101, 102, 103, 104, 105, 106, 118, 123, 124, 125, 127, 128, 129, 150, 169, 248, 249, 315, 321, 322, 347, 348, 361, 398, 399, 498], "group_dim": 2, "group_siz": [0, 118, 169, 248, 249, 322, 398, 399], "groupnorm": 340, "grow": 503, "gru": 340, "guid": [2, 4, 8, 498, 499], "gw": 1, "h": [1, 2, 4, 100, 101, 102, 104, 105, 106, 198, 345, 348, 349, 351, 352, 354, 355, 360, 366, 401, 500, 503], "h_": [360, 366, 401], "h_in": 1, "h_stride": 1, "h_t": [360, 366, 401], "ha": [2, 3, 6, 7, 8, 9, 79, 96, 120, 129, 157, 158, 160, 161, 162, 170, 190, 191, 193, 194, 195, 202, 203, 219, 223, 252, 345, 360, 366, 369, 401, 470, 472, 497, 498, 499, 501, 502, 503, 505, 507], "had": 6, "hadamard": [0, 173], "hadamard_transform": 0, "half": [19, 259, 263, 404, 503], "halv": [359, 432], "hand": [6, 500, 503], "handi": 500, "handl": [2, 340, 497], "happen": [2, 6, 146, 148, 417, 472, 497, 503], "happi": 6, "hard": 6, "hard_shrink": [340, 362], "hard_tanh": [340, 363], "hardcod": 497, "hardshrink": [340, 433], "hardswish": 340, "hardtanh": [340, 434], "hat": [118, 248], "have": [0, 1, 2, 6, 9, 17, 83, 85, 86, 87, 92, 114, 123, 150, 158, 159, 161, 162, 169, 178, 215, 230, 252, 315, 321, 325, 366, 396, 406, 479, 481, 496, 497, 498, 499, 501, 502, 503, 507], "haven": 6, "hazan": 475, "he": [6, 422, 423], "he_norm": 340, "he_uniform": 340, "head": [150, 396, 417], "header": [2, 147], "heart": 6, "heavi": 6, "height": [343, 344, 345, 348, 349, 351, 352, 354, 355, 373, 374], "hello": [325, 329], "help": [2, 6, 497, 507], "helper": [6, 147, 321, 497, 498, 502], "henc": [0, 2, 248, 497], "hendryck": 431, "here": [2, 6, 472, 497, 499, 500, 503, 506, 507], "hermitian": [193, 194], "hf": 366, "hg": 366, "hh": 401, "hi": [6, 366], "hidden": [360, 366, 401, 417], "hidden_dim": [7, 470, 472], "hidden_s": [360, 366, 401], "hierarchi": 332, "high": [259, 263, 340, 357, 426, 467], "high_pad_s": 0, "higher": [2, 177, 229, 448, 498, 500], "highli": 9, "him": 6, "hing": 443, "hinge_loss": 340, "hinton": 484, "hit": 2, "hn": 360, "ho": 366, "hold": [2, 6, 11, 12, 198, 497], "homebrew": 498, "hopkin": 198, "host": 2, "host1": 498, "host2": 498, "host3": 498, "host4": 498, "host_nam": 1, "hostfil": [498, 502], "hostnam": [498, 502], "hostname1": [498, 502], "hostname2": [498, 502], "hostname3": 498, "hostname4": 498, "hot": 441, "hour": 6, "how": [2, 4, 6, 7, 340, 342, 343, 344, 347, 348, 349, 350, 351, 352, 357, 372, 373, 374, 398, 418, 480, 497, 501, 507], "howev": [2, 114, 340, 358, 361, 481, 494, 497, 498, 503, 504], "hr": 360, "http": [361, 365, 367, 375, 400, 431, 453], "huber": 444, "huber_loss": 340, "human": [422, 423], "hundr": 9, "hurri": 6, "hutter": 477, "hyperbol": [0, 21, 23, 26, 109, 283, 303, 416, 465], "hz": 360, "i": [0, 1, 2, 3, 4, 6, 7, 8, 9, 17, 19, 29, 38, 79, 84, 95, 101, 102, 103, 105, 106, 107, 110, 111, 112, 113, 114, 119, 120, 123, 124, 126, 127, 128, 129, 131, 138, 142, 144, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 166, 167, 168, 169, 173, 176, 178, 179, 184, 185, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 205, 210, 214, 215, 219, 225, 228, 229, 243, 244, 247, 248, 249, 256, 257, 258, 268, 270, 273, 274, 275, 280, 286, 288, 293, 294, 299, 300, 301, 304, 307, 308, 312, 313, 314, 315, 316, 317, 318, 321, 322, 324, 325, 326, 327, 328, 332, 334, 340, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 358, 360, 361, 365, 366, 367, 369, 372, 373, 374, 380, 381, 387, 389, 390, 392, 393, 395, 396, 397, 399, 400, 401, 404, 409, 415, 417, 418, 422, 423, 429, 431, 439, 440, 442, 447, 448, 451, 452, 454, 459, 464, 470, 472, 474, 476, 477, 479, 480, 481, 486, 488, 489, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507, 508], "i386": 9, "i_n": 1, "i_nw": 1, "i_s": 1, "i_sw": 1, "i_t": 366, "iclr": [476, 477, 478], "id": [7, 9], "idea": [500, 503], "idempot": [381, 393], "ident": [0, 114, 129, 145, 294, 340, 390, 498], "identifi": [2, 325, 496], "idim": 7, "idiom": [7, 497], "idx": [39, 501], "ie": 393, "ieee": 332, "ifac": 498, "ignor": [6, 39, 95, 96, 138, 474, 502], "ih": 401, "ii": 1, "ij": 219, "imag": [0, 348, 349, 351, 352, 354, 355, 418], "imagenet": [422, 423], "imaginari": 175, "immedi": [6, 376], "implement": [0, 1, 5, 7, 149, 150, 357, 380, 396, 404, 406, 409, 415, 417, 418, 464, 473, 474, 475, 478, 479, 480, 492, 497, 500], "impli": 315, "implicit": [494, 497, 500], "implicitli": 503, "import": [2, 3, 5, 6, 7, 9, 114, 125, 173, 176, 198, 276, 313, 325, 326, 327, 328, 329, 340, 342, 343, 344, 345, 365, 372, 373, 374, 383, 418, 439, 441, 448, 467, 470, 472, 497, 498, 500, 501, 503, 504, 505], "import_funct": 499, "imported_ab": 499, "imported_fun": 499, "imported_funct": 499, "improv": [1, 2, 3, 6, 439, 473, 474, 475, 476, 477, 478, 484, 497, 498], "in_ax": [317, 500], "in_channel": [347, 348, 349, 350, 351, 352], "in_dim": [340, 470], "in_proj": 470, "includ": [1, 2, 4, 110, 111, 112, 113, 143, 147, 222, 223, 228, 367, 377, 389, 399, 442, 472, 497, 499, 500, 501, 505, 506, 508], "include_dir": 2, "inclus": [0, 42, 43, 44, 45, 110, 111, 112, 113, 164], "incom": 2, "inconveni": 497, "incorpor": 504, "incorrect": 504, "increas": [229, 502], "increment": 19, "incur": [6, 9], "independ": [122, 354, 355], "index": [0, 1, 2, 8, 10, 29, 39, 140, 145, 170, 219, 244, 284, 285, 300, 301, 313], "indic": [0, 2, 17, 27, 28, 29, 30, 39, 168, 169, 170, 178, 179, 180, 181, 182, 183, 184, 196, 202, 247, 284, 285, 288, 300, 301, 313, 390, 392, 441, 448, 488, 501], "indices_or_sect": [72, 288], "indirectli": 504, "individu": [340, 354, 355], "ineffici": [501, 503], "inexact": [12, 184], "inf": [198, 236, 396], "infer": [8, 167, 205, 307, 312, 498, 499], "infin": [0, 180, 182, 183, 236, 372, 373, 374, 478], "infinit": [17, 178, 179], "info": [6, 9], "inform": [3, 4, 6, 7, 9, 133, 163, 221, 274, 275, 332, 340, 345, 358, 396, 498, 499, 500, 507], "inherit": [7, 496], "inifn": 180, "init": [340, 397, 467, 472, 486, 487, 489, 490, 498], "init_fn": [419, 420, 421, 422, 423, 424, 425, 426, 467], "init_valu": 1, "initi": [1, 3, 5, 6, 125, 328, 340, 345, 361, 365, 367, 369, 397, 400, 419, 420, 421, 422, 423, 424, 425, 426, 470, 481, 486, 487, 489, 490, 497, 498, 499, 503], "initializer_list": 0, "inject": 0, "inlin": 0, "inner": [0, 497], "inorm": 365, "inp": [1, 147], "inp_ndim": 1, "inp_shap": 1, "inp_strid": 1, "inplac": [2, 9], "input": [0, 1, 2, 5, 6, 13, 14, 15, 16, 17, 18, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 119, 120, 123, 124, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 142, 143, 144, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 168, 169, 170, 171, 172, 173, 175, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 232, 233, 234, 235, 236, 237, 239, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 258, 261, 264, 265, 266, 267, 268, 269, 270, 271, 272, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 310, 311, 312, 313, 314, 315, 317, 318, 320, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 354, 355, 357, 359, 360, 361, 365, 366, 367, 369, 372, 373, 374, 396, 399, 400, 401, 404, 415, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 442, 443, 444, 445, 447, 448, 450, 452, 464, 467, 497, 499, 500, 501, 502, 505, 506], "input_dil": [0, 103], "input_dim": [7, 340, 369, 399], "input_nam": [1, 147], "input_s": [360, 366, 401], "inputs1": 448, "inputs2": 448, "insert": [120, 140, 507], "insid": [497, 499], "inspect": [3, 497, 505], "inspir": 8, "instabl": 452, "instal": [2, 4, 502], "instanc": [6, 39, 114, 248, 329, 340, 365, 376, 377, 378, 381, 383, 384, 385, 390, 393, 394, 395, 406, 470, 498, 502, 504], "instancenorm": 340, "instanti": [1, 2, 7, 503], "instantiate_kernel": 2, "instead": [2, 9, 114, 340, 395, 409, 500, 503], "instruct": [4, 499], "int": [0, 1, 2, 4, 6, 7, 10, 16, 18, 19, 27, 28, 29, 30, 34, 35, 36, 37, 42, 43, 44, 45, 46, 47, 50, 57, 58, 59, 60, 61, 64, 67, 69, 72, 75, 76, 77, 78, 79, 81, 84, 92, 93, 97, 100, 101, 102, 103, 104, 105, 106, 110, 111, 112, 113, 118, 119, 120, 127, 128, 129, 133, 140, 145, 149, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 167, 169, 170, 174, 184, 192, 198, 204, 214, 216, 218, 221, 222, 223, 224, 227, 228, 229, 232, 234, 240, 243, 244, 246, 247, 248, 249, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 267, 268, 270, 271, 284, 285, 286, 287, 288, 291, 292, 293, 297, 298, 300, 301, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 317, 319, 321, 322, 340, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 357, 359, 360, 361, 365, 366, 367, 369, 372, 373, 374, 396, 398, 399, 400, 401, 404, 409, 417, 432, 440, 441, 445, 450, 452, 470, 486, 488, 489, 490], "int16": 332, "int32": [0, 1, 12, 19, 39, 164, 184, 186, 198, 259, 284, 312, 332, 418, 501, 505], "int64": [12, 332], "int64_t": 2, "int8": [12, 332], "int_0": 136, "integ": [0, 12, 166, 168, 169, 184, 198, 221, 243, 248, 249, 251, 258, 259, 288, 300, 304, 317, 332, 357, 388, 488, 501], "integr": [19, 300, 503], "intend": [0, 497], "interact": 417, "interest": 507, "interfac": [2, 498, 502], "intermedi": 504, "intern": 345, "interpol": 418, "interpret": 4, "interv": [19, 204, 259, 263], "introduc": [0, 270], "intuit": 340, "invalid": [0, 84], "invers": [0, 20, 21, 22, 23, 24, 25, 26, 89, 137, 154, 155, 156, 157, 158, 159, 191, 195, 203], "invert": 0, "involv": [472, 497], "iogpu": 229, "iostream": 4, "ip": [498, 502], "ip1": [498, 502], "ip2": [498, 502], "ip3": 498, "ip4": 498, "is_avail": 125, "is_equival": 2, "is_leaf": [325, 326, 327, 328], "is_leaf_fn": 380, "isclos": 0, "isfinit": 0, "ish": 6, "ishmael": 6, "isinf": 0, "isnan": 0, "isneginf": 0, "isposinf": 0, "issu": [498, 500, 504], "issubdtyp": [2, 12, 332], "item": [0, 2, 5, 6, 7, 326, 472, 499, 503, 504, 505], "iter": [5, 7, 202, 326, 327, 494, 497, 503], "iterm": 9, "itertool": [6, 326], "its": [0, 1, 2, 9, 150, 191, 215, 244, 261, 309, 323, 329, 340, 399, 472, 476, 477, 478, 498, 503, 504, 507], "itself": [2, 322, 481], "ix": 1, "ix_n": 1, "ix_nw": 1, "ix_s": 1, "ix_sw": 1, "iy_n": 1, "iy_nw": 1, "iy_s": 1, "iy_sw": 1, "j": [6, 9, 198, 354, 475, 476, 478], "j8": 2, "jacobian": [2, 185, 316, 505], "jain": 354, "jax": [8, 494], "jit": 147, "jmlr": 475, "jnp": 504, "john": 198, "join": 488, "join_schedul": 472, "jointli": 256, "json": [498, 502], "just": [2, 4, 7, 367, 497, 499, 501], "jvp": [2, 114, 505], "k": [0, 6, 46, 92, 119, 145, 150, 168, 173, 306, 309, 310, 311, 369, 381], "kaim": 423, "keep": [2, 16, 18, 27, 28, 214, 216, 218, 232, 246, 293, 297, 314, 340, 380, 500, 503], "keepdim": [0, 16, 18, 27, 28, 34, 35, 36, 37, 57, 58, 59, 60, 64, 76, 77, 81, 198, 214, 216, 218, 232, 246, 286, 293, 297, 314], "kei": [1, 3, 6, 142, 150, 176, 221, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 325, 326, 380, 381, 393, 396, 481, 494, 496, 499, 500], "kept": 229, "kernel": [2, 8, 9, 100, 101, 102, 103, 104, 105, 106, 147, 342, 372, 497, 501], "kernel_dil": [0, 103], "kernel_s": [342, 343, 344, 347, 348, 349, 350, 351, 352, 372, 373, 374], "key_cach": 6, "key_input_dim": 396, "key_proj": 6, "keyword": [142, 170, 276, 277, 313, 326, 340, 494, 499, 506, 508], "kind": 6, "kingma": [476, 478], "kl_div_loss": 340, "kname": 2, "know": [2, 6], "known": [407, 459], "kron": 0, "kroneck": [0, 186], "kth": [0, 29, 244], "kullback": 445, "kw_onli": 2, "kwarg": [11, 122, 142, 143, 176, 276, 277, 330, 499, 508], "l": [6, 7, 190, 191, 193, 194, 196, 340, 345, 347, 350, 360, 366, 401, 451], "l1": [313, 444, 446, 447, 451], "l1_loss": 340, "l2": [444, 447, 485], "l2_loss": 340, "l_": 444, "la": 198, "label": [3, 5, 441, 448], "label_smooth": 441, "lack": 501, "lambd": [362, 413, 433, 463], "lambda": [326, 327, 328, 340, 362, 376, 381, 388, 413, 433, 457, 463, 473, 474, 475, 476, 477, 478, 479, 484, 485, 497, 498, 499, 500], "languag": [1, 2, 4], "larg": [6, 340, 396, 447, 497, 499, 503], "larger": [1, 149, 229, 404, 479], "largest": [198, 236, 306], "lasso": 313, "last": [0, 1, 6, 30, 79, 146, 148, 153, 156, 158, 159, 161, 162, 164, 168, 169, 177, 190, 191, 193, 194, 195, 199, 202, 203, 215, 224, 252, 287, 304, 315, 347, 348, 349, 350, 351, 352, 354, 355, 361, 418, 504], "later": [3, 9, 472], "launch": [1, 2, 125, 498, 501], "layer": [8, 146, 322, 340, 342, 343, 344, 354, 355, 360, 361, 366, 367, 369, 372, 373, 374, 390, 395, 398, 399, 401, 406, 417, 466, 470, 499, 502], "layer_s": 7, "layernorm": 340, "layout": 1, "lazi": [8, 470, 505], "lazili": [6, 340], "lceil": 92, "ld": [360, 366, 401], "lead": [0, 19, 84, 497], "leaf": [96, 322, 325, 326, 327, 328, 380], "leaf_modul": 340, "leaki": [368, 436], "leaky_relu": 340, "leakyrelu": 340, "learn": [5, 7, 8, 345, 361, 365, 367, 397, 400, 472, 473, 474, 475, 476, 477, 478, 479, 484, 485], "learnabl": [347, 348, 349, 350, 351, 352, 406], "learning_r": [7, 472, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 486, 487, 488, 489, 490, 497], "least": [6, 85, 86, 87, 95, 190, 191, 193, 194, 195, 199, 202, 203, 248], "leav": [2, 138, 326, 327, 328], "lectur": 484, "lecun": 354, "left": [0, 6, 149, 187, 198, 248, 270, 358, 404, 418, 430, 431, 442, 444, 452], "left_shift": 0, "leibler": 445, "len": [6, 153, 156, 159, 162, 173, 488], "length": [6, 291, 345, 347, 350, 360, 366, 401, 488], "leq": [444, 457], "less": [0, 1, 6, 29, 189, 229, 244, 321, 404, 451, 498], "less_equ": 0, "let": [1, 2, 5, 6, 191, 497, 499, 500, 503, 504], "level": [0, 168, 169, 422, 423], "lh": [360, 366, 401], "lhs_indic": [0, 168, 169], "lhs_mask": 92, "lib": 498, "libmlx": 9, "libmlx_ext": 2, "libmpi": 498, "librari": [2, 4, 9, 334, 340, 498, 499], "like": [2, 6, 8, 128, 142, 144, 176, 184, 241, 320, 355, 447, 481, 483, 497, 498, 499, 500, 502, 503, 504, 505, 507], "likelihood": [442, 450], "limit": [0, 2, 95, 227, 228, 229, 501], "linalg": 173, "line": [6, 498, 499, 502, 503, 504], "linear": [0, 2, 6, 7, 8, 200, 201, 322, 326, 340, 346, 356, 358, 359, 368, 383, 399, 401, 402, 403, 405, 407, 418, 427, 428, 429, 430, 431, 432, 436, 455, 456, 457, 459, 467, 470, 481, 488, 489, 497, 499], "linear1": 6, "linear2": 6, "linear3": 6, "linear_schedul": [472, 488], "linearli": 396, "link": [2, 4, 9], "linspac": 0, "lion": 472, "list": [1, 6, 11, 16, 18, 31, 72, 79, 84, 85, 86, 87, 93, 96, 97, 103, 133, 138, 147, 152, 153, 155, 156, 158, 159, 161, 162, 167, 170, 185, 198, 214, 216, 218, 219, 232, 240, 243, 246, 251, 252, 253, 255, 256, 257, 259, 262, 263, 274, 286, 288, 292, 293, 297, 304, 305, 308, 313, 314, 316, 319, 325, 328, 329, 340, 381, 383, 384, 385, 386, 391, 393, 394, 395, 470, 472, 476, 477, 478, 479, 488, 496, 497, 498, 499, 500, 502, 503], "listen": 498, "liter": [2, 243, 418, 422, 423, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452], "littl": 6, "liu": 6, "live": [8, 147, 507], "ll": [1, 5, 7, 444, 497, 500], "llama": 6, "llamaattent": 6, "llamaencoderlay": 6, "llm": 8, "load": [7, 8, 334, 383, 498], "load_weight": [340, 503], "loader": 7, "loader_path": 2, "loan": 198, "loc": [1, 255, 257], "local": [340, 354, 498], "localhost": [498, 502], "locat": [0, 2, 4, 84, 284, 285, 394, 395, 498, 507], "log": [0, 208, 210, 214, 370, 371, 437, 438, 439, 442, 445, 447, 450, 462], "log10": 0, "log1p": 0, "log2": 0, "log_cosh_loss": 340, "log_sigmoid": [340, 370], "log_softmax": [340, 371], "logaddexp": 0, "logarithm": [0, 206, 207, 208, 209], "logcosh": 447, "logic": [0, 2, 211, 212, 213, 498], "logical_and": 0, "logical_not": 0, "logical_or": 0, "logist": [0, 5, 280, 431, 459], "logit": [6, 252, 439, 441, 497], "logsigmoid": 340, "logsoftmax": 340, "logsumexp": 0, "long": 6, "longer": [6, 107, 500], "look": [2, 6, 498], "lookup": 357, "loop": [6, 7, 497, 498, 500, 503], "loshchilov": 477, "loss": [5, 7, 313, 340, 472, 497, 498, 500, 503], "loss_and_grad": 340, "loss_and_grad_fn": [7, 472, 497, 500], "loss_fn": [5, 7, 472, 497, 500], "loss_grad_fn": 498, "lot": 500, "low": [259, 263, 426, 467], "low_pad_s": 0, "lower": [190, 191, 193, 194, 201, 203, 248, 259, 262, 263, 309, 426], "lr": [5, 479], "lr_schedul": [486, 487, 488, 489, 490], "lstm": 340, "lto": 2, "lu": [6, 197], "luckili": 503, "lvalu": 313, "m": [0, 2, 4, 6, 9, 92, 145, 168, 173, 198, 309, 473, 497], "m1": [1, 6, 497, 500, 507], "m10": 332, "m7": 332, "m_": [476, 477, 478, 479], "m_t": [476, 477, 478, 479], "mac": 498, "machin": [6, 8, 9, 484, 498], "maco": [9, 229], "macosx": 9, "made": [6, 334], "mai": [2, 4, 142, 144, 176, 198, 322, 354, 498, 500, 501], "main": [4, 8, 120, 145, 147, 307, 326, 327, 340, 498], "maintain": [354, 355, 479], "major": [0, 2], "make": [1, 2, 3, 4, 6, 7, 9, 143, 144, 215, 238, 279, 340, 486, 487, 489, 490, 497, 503, 505, 507], "make_shar": 2, "malloc_or_wait": 2, "man": 6, "manag": [295, 494, 498, 499, 507], "mani": [2, 84, 288, 347, 348, 349, 350, 351, 352, 357, 398, 497, 498, 499, 503], "manual": [340, 498], "map": [2, 7, 39, 205, 326, 357, 376, 499], "map_fn": [376, 380], "map_torch_to_mlx": 6, "margin": [448, 452], "margin_ranking_loss": 340, "mask": [0, 6, 92, 150, 390, 396, 501], "mask_lh": [0, 92], "mask_n": 1, "mask_nw": 1, "mask_out": [0, 92], "mask_rh": [0, 92], "mask_s": 1, "mask_sw": 1, "matadata": 205, "match": [9, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 222, 383, 418, 441, 501, 504], "materi": [6, 8], "math": [6, 452, 497], "mathbf": 191, "mathcal": 369, "mathemat": 198, "mathrm": [136, 280, 365], "matmul": [0, 168, 507], "matric": [198, 199, 202], "matrix": [0, 5, 15, 46, 92, 118, 119, 145, 168, 169, 173, 174, 190, 191, 193, 194, 195, 196, 197, 198, 199, 202, 203, 215, 219, 248, 249, 256, 398, 399, 424, 467], "matter": [6, 340, 499], "matur": 498, "max": [0, 1, 2, 198, 217, 346, 372, 373, 374, 397, 427, 434, 435, 440, 442, 443, 448, 452, 454, 456, 474, 478, 497, 500, 507], "max_buffer_s": 221, "max_freq": 409, "max_i": 248, "max_norm": 324, "max_recommended_working_set_s": [221, 229], "max_val": 434, "maximum": [0, 7, 27, 39, 95, 110, 224, 228, 324, 340, 368, 372, 373, 374, 402, 409, 430, 431, 436, 455, 470, 503], "maxpool1d": 340, "maxpool2d": 340, "maxpool3d": 340, "maxtotalthreadsperthreadgroup": 2, "mca": [498, 502], "md": 198, "me": 6, "mean": [0, 1, 5, 6, 7, 148, 255, 256, 257, 313, 340, 345, 361, 381, 400, 425, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 497, 498, 500, 504], "meant": 114, "measur": 507, "mechan": 417, "medic": 355, "meet": 9, "member": [340, 386, 391], "memori": [0, 1, 2, 8, 84, 220, 222, 223, 224, 226, 227, 228, 229, 417, 470, 474, 497, 503, 504], "memory_order_relax": 1, "memory_s": [221, 229], "memoryview": [503, 504], "merg": 497, "meshgrid": 0, "metadata": [5, 205, 274, 275], "metal": [2, 4, 8, 147], "metal_captur": 3, "metal_kernel": 1, "metal_path": 9, "metallib": [2, 9], "method": [2, 6, 10, 11, 31, 114, 122, 163, 322, 330, 340, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 387, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 470, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 492], "millisecond": [9, 497, 507], "min": [0, 2, 198, 233, 346, 397, 427, 434, 435, 454, 456], "min_freq": 409, "min_i": 248, "min_val": 434, "mind": 6, "mine": 6, "minibatch": 7, "minim": [498, 502], "minimum": [0, 28, 39, 95, 111, 409, 439, 440], "minsizerel": 9, "minu": 141, "minut": 6, "mish": 340, "mismatch": 499, "miss": [383, 499, 506], "mix": 501, "mkdir": [3, 9], "ml": 9, "mlp": [7, 340, 417, 472], "mlp_dim": [6, 417], "mlx": [1, 3, 5, 6, 7, 9, 334, 340, 467, 470, 472, 494, 496, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "mlx_build_acceler": 4, "mlx_build_benchmark": 9, "mlx_build_cpu": 9, "mlx_build_exampl": 9, "mlx_build_gguf": 9, "mlx_build_met": [2, 4, 9], "mlx_build_metallib": 2, "mlx_build_python_bind": 9, "mlx_build_safetensor": 9, "mlx_build_test": 9, "mlx_cxx_flag": 4, "mlx_disable_compil": [121, 134, 497], "mlx_ext": 2, "mlx_ext_metallib": 2, "mlx_found": 4, "mlx_include_dir": [2, 4], "mlx_librari": 4, "mlx_metal_debug": [3, 9], "mlx_metal_jit": 9, "mlx_root": 4, "mlx_sample_extens": 2, "mlx_trace": 3, "mlxfn": [142, 144, 176, 499], "mnist": 7, "mode": [0, 1, 2, 107, 243, 379, 390, 392, 418, 422, 423], "model": [5, 7, 8, 276, 322, 323, 326, 327, 340, 376, 379, 381, 383, 387, 390, 392, 393, 394, 396, 417, 467, 470, 472, 480, 481, 483, 497, 498, 499, 503], "modest": 2, "modif": 504, "modifi": 504, "modul": [2, 4, 6, 7, 322, 323, 406, 417, 467, 483, 496, 497, 503], "moment": [6, 474, 478, 498], "momentum": [345, 479, 481, 485, 497], "monei": 6, "monitor": 502, "monoton": 453, "more": [1, 2, 3, 4, 7, 11, 79, 120, 142, 168, 190, 191, 193, 194, 195, 196, 202, 203, 215, 227, 228, 274, 275, 332, 340, 345, 354, 404, 409, 417, 418, 420, 421, 422, 423, 439, 494, 497, 498, 500, 501, 505, 507], "moreov": 502, "most": [2, 150, 252, 312, 340, 483, 497, 498, 500, 501, 503], "move": [0, 2, 234, 507], "moveaxi": 0, "mpi": [125, 334], "mpirun": [498, 502], "mse": 313, "mse_loss": 340, "mtl": 2, "mtl_capture_en": 3, "mtlcommandbuff": 2, "mu": 485, "much": [1, 2, 6, 342, 343, 344, 372, 373, 374, 497, 503], "multi": [8, 150, 347, 348, 349, 350, 351, 352, 499, 501, 504], "multidimension": 219, "multiheadattent": [6, 340], "multipl": [0, 1, 9, 15, 92, 144, 146, 148, 168, 169, 215, 235, 248, 249, 396, 409, 487, 488, 490, 497, 503, 506], "multipli": [0, 2, 39, 169, 248, 249, 353, 409, 418], "murtadha": 6, "must": [0, 1, 2, 3, 9, 92, 95, 142, 149, 150, 167, 169, 193, 194, 198, 251, 252, 256, 259, 262, 263, 318, 418, 504], "mx": [1, 2, 3, 4, 5, 6, 7, 39, 98, 99, 114, 125, 128, 142, 143, 144, 147, 164, 176, 184, 186, 193, 194, 196, 198, 199, 205, 258, 276, 284, 285, 312, 313, 324, 340, 342, 343, 344, 345, 356, 365, 368, 372, 373, 374, 376, 383, 387, 402, 418, 419, 420, 421, 422, 423, 424, 425, 426, 428, 436, 439, 440, 441, 445, 448, 455, 465, 467, 470, 472, 494, 497, 498, 499, 500, 501, 503, 504, 505, 506, 507, 508], "my": [6, 9], "my_devic": 508, "my_path": 276, "my_script": [498, 502], "myexp": [1, 147], "myexp_strid": 1, "mymlp": 470, "n": [0, 1, 2, 6, 31, 92, 100, 101, 102, 103, 104, 105, 106, 145, 150, 151, 153, 154, 156, 157, 160, 162, 173, 174, 256, 293, 309, 314, 345, 347, 348, 349, 350, 351, 352, 354, 355, 360, 366, 401, 418, 447, 452, 498, 502], "n_kv": 150, "n_q": 150, "n_t": 360, "naiv": [2, 500], "naive_add": 500, "name": [1, 2, 114, 143, 147, 169, 205, 248, 249, 274, 275, 276, 277, 340, 361, 380, 383, 385, 498, 501, 506], "named_modul": 340, "namespac": 4, "nan": [0, 17, 83, 178, 179, 181, 236], "nan_to_num": 0, "nanobind": 2, "nanobind_add_modul": 2, "nativ": [9, 498], "natur": [0, 206, 208, 503], "nb": 2, "nb_domain": 2, "nb_modul": 2, "nb_static": 2, "nbyte": 2, "nc": 345, "ndarrai": [31, 501, 503, 505], "ndhwc": [349, 352, 355], "ndim": [0, 1, 2, 164, 198, 202, 418], "ne": 1, "nearest": [1, 418], "necessari": 340, "necessarili": 306, "need": [1, 2, 4, 6, 7, 8, 9, 83, 248, 340, 394, 395, 409, 417, 494, 498, 500, 502, 503, 504, 505, 507], "neg": [0, 120, 164, 182, 236, 270, 307, 368, 372, 373, 374, 396, 442, 450, 452, 501], "negat": [0, 237], "negative_slop": [368, 436], "neginf": [0, 236], "neighbor": [418, 502], "neither": [170, 313], "nelem": 2, "nervou": 6, "nest": [79, 96, 328, 340, 470, 496, 500], "nesterov": 485, "network": [6, 8, 321, 345, 354, 357, 420, 421, 467, 470, 484, 498], "neural": [6, 8, 357, 420, 421, 453, 467, 470, 484], "never": [6, 503], "new": [0, 2, 7, 93, 120, 234, 238, 268, 292, 308, 315, 326, 327, 388, 396, 470, 472, 483, 488, 497, 499, 501, 503, 504], "new_tre": 327, "next": [2, 4, 6, 7, 227, 499], "nh": [360, 366, 401], "nhwc": [345, 348, 351], "nice": [500, 503], "nlc": [345, 347, 350], "nld": [360, 366, 401], "nlh": [360, 366, 401], "nll": [442, 450], "nll_loss": 340, "nn": [2, 6, 7, 276, 326, 340, 467, 470, 472, 481, 483, 497, 499, 503], "nobodi": 6, "node": [96, 138, 317, 327, 328, 498, 502], "nois": 5, "noisi": 5, "nomins": 2, "non": [0, 1, 2, 4, 9, 219, 391, 401, 453, 470], "none": [1, 2, 6, 10, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 118, 119, 120, 121, 123, 124, 127, 128, 129, 130, 131, 132, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 177, 178, 179, 180, 181, 182, 183, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 226, 230, 231, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 317, 318, 319, 320, 321, 322, 325, 326, 327, 328, 342, 343, 344, 358, 372, 373, 374, 376, 380, 381, 388, 393, 396, 401, 409, 417, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 474, 492, 499, 501], "nonlinear": [401, 497], "nonzero": 501, "noop": [393, 498], "nor": [2, 170, 313], "norm": [6, 148, 324, 361, 452, 478, 479], "norm1": 6, "norm2": 6, "norm_first": 417, "normal": [1, 2, 5, 6, 146, 147, 148, 193, 256, 262, 340, 342, 343, 344, 345, 361, 365, 367, 372, 373, 374, 400, 417, 420, 422, 504, 507], "not_equ": 0, "notabl": [6, 8], "notat": [118, 325, 385], "note": [0, 1, 2, 4, 6, 9, 17, 19, 84, 92, 96, 102, 105, 106, 114, 150, 158, 159, 169, 178, 196, 198, 222, 248, 252, 315, 322, 340, 400, 418, 472, 504, 506], "noth": [6, 114, 340, 503], "notic": [6, 499, 500, 506], "now": [1, 2, 6, 9, 399, 497, 504], "np": [1, 6, 7, 498, 504, 505], "npy": [205, 273, 506], "npz": [6, 205, 276, 277, 383, 387, 506], "nuc": 198, "nuclear": 198, "nuisanc": 498, "nullopt": 0, "num": [0, 6, 204, 261], "num_class": [7, 472], "num_decoder_lay": 417, "num_embed": [357, 398], "num_encoder_lay": 417, "num_epoch": [7, 472], "num_exampl": 5, "num_featur": [5, 345], "num_group": 361, "num_head": [6, 396, 417], "num_it": 5, "num_lay": [6, 7, 472], "num_param": 340, "num_paramet": 397, "num_sampl": 252, "num_split": 0, "number": [0, 2, 12, 19, 62, 71, 96, 101, 102, 103, 105, 106, 118, 143, 145, 150, 169, 170, 174, 185, 204, 236, 243, 248, 249, 252, 255, 257, 261, 263, 267, 270, 271, 304, 305, 309, 313, 316, 317, 321, 322, 340, 345, 347, 348, 349, 350, 351, 352, 354, 355, 361, 365, 396, 397, 417, 418, 420, 421, 422, 423, 486, 488, 489, 494, 497, 500, 502, 508], "number_of_el": 0, "numer": [6, 146, 148, 198, 210, 214, 286, 345, 361, 365, 367, 400, 439, 440, 442, 452, 473, 474, 475, 476, 477, 478, 484, 497, 503], "numpi": [2, 6, 7, 8, 14, 17, 19, 88, 90, 91, 93, 130, 131, 135, 171, 172, 178, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296, 503, 505, 506], "nw": 1, "nwhc": 354, "o": [2, 9, 150, 366], "o_t": 366, "obj": 274, "object": [3, 11, 31, 51, 79, 96, 143, 144, 147, 184, 276, 317, 325, 326, 327, 328, 332, 354, 417, 496, 502], "observ": 6, "occupi": [118, 169, 248, 249], "occur": 504, "odim": 7, "odot": [360, 366], "off": [6, 9, 503], "offer": 447, "offset": [0, 1, 2, 6, 47, 84, 120, 146, 149, 307], "often": 355, "ok": [383, 497, 499, 500], "okai": [497, 503], "old": 6, "older": [142, 144, 176], "omit": [478, 498], "onc": [2, 9, 497, 499], "one": [0, 2, 4, 6, 9, 39, 79, 85, 95, 101, 102, 103, 105, 106, 125, 140, 142, 145, 146, 148, 149, 198, 208, 215, 249, 252, 291, 296, 312, 321, 332, 393, 418, 441, 498, 499, 502, 507], "ones": [0, 2, 6, 241, 276, 285, 309, 394, 395, 472, 498, 501], "ones_lik": 0, "onli": [1, 2, 6, 8, 9, 83, 92, 101, 102, 103, 105, 106, 114, 193, 194, 198, 202, 229, 248, 256, 315, 332, 340, 380, 381, 383, 388, 390, 393, 394, 395, 470, 497, 498, 499, 500, 502, 506, 507], "onlin": 475, "op": [1, 2, 242, 315, 381, 503], "open": [3, 9, 19, 259, 263, 498], "openmpi": 498, "oper": [3, 6, 8, 10, 38, 85, 86, 87, 103, 150, 168, 169, 245, 247, 286, 294, 301, 330, 332, 340, 417, 479, 497, 498, 500, 501, 503, 504, 505, 507, 508], "operand": [132, 133, 168], "opportun": 497, "opt": [480, 498], "optim": [1, 3, 5, 7, 8, 394, 497, 498, 500, 503], "option": [0, 3, 6, 15, 16, 18, 19, 27, 28, 29, 30, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 84, 85, 86, 87, 92, 96, 97, 100, 101, 102, 103, 104, 105, 106, 107, 110, 111, 112, 113, 114, 118, 119, 120, 123, 124, 125, 127, 128, 129, 142, 144, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 167, 168, 169, 170, 174, 182, 183, 186, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 214, 216, 218, 219, 228, 232, 236, 240, 243, 244, 246, 248, 249, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 267, 268, 270, 286, 287, 288, 291, 292, 293, 297, 299, 300, 304, 306, 307, 308, 309, 310, 311, 312, 313, 314, 317, 319, 321, 322, 325, 326, 327, 328, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 360, 366, 369, 372, 373, 374, 376, 380, 381, 383, 388, 393, 396, 398, 399, 401, 404, 409, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 473, 474, 475, 476, 477, 478, 479, 481, 484, 485, 486, 494, 497, 499, 506, 508], "ord": 198, "order": [0, 1, 29, 84, 103, 133, 193, 194, 198, 244, 248, 306, 340, 361, 394, 406, 481, 497, 500, 502], "ordinari": 177, "org": [361, 365, 367, 375, 400, 431, 453], "origin": [6, 120, 324, 345, 389, 420, 421, 422, 423, 473, 474, 475, 478, 479, 499, 504], "orthonorm": 173, "ostream": 2, "ostringstream": 2, "other": [0, 2, 6, 8, 184, 198, 340, 382, 470, 479, 497, 498, 499, 501, 502, 503, 505], "other_input": 340, "otherwis": [19, 103, 125, 228, 258, 322, 325, 326, 327, 328, 381, 383, 393, 415, 417, 418, 433, 439, 444, 451, 463, 464, 503, 504], "our": [1, 2, 6, 7, 406, 473, 474, 475, 478, 479, 498], "out": [0, 1, 2, 9, 92, 147, 176, 354, 355, 390, 497, 498, 499, 500, 501], "out_ax": [317, 500], "out_channel": [347, 348, 349, 350, 351, 352], "out_dim": [340, 470], "out_dtyp": 2, "out_idx": 2, "out_mask": 92, "out_proj": [6, 470], "out_ptr": 2, "out_shap": [1, 2], "outer": [0, 497, 503], "outlier": 447, "output": [0, 1, 2, 6, 9, 16, 17, 18, 19, 29, 84, 92, 93, 96, 98, 99, 110, 111, 112, 113, 114, 132, 143, 145, 146, 147, 148, 149, 150, 157, 160, 161, 162, 167, 168, 170, 173, 174, 178, 198, 204, 214, 216, 218, 219, 232, 236, 240, 241, 244, 246, 247, 251, 252, 253, 255, 256, 257, 259, 262, 263, 276, 277, 284, 285, 286, 291, 293, 297, 301, 307, 309, 313, 314, 315, 316, 317, 318, 319, 320, 345, 347, 348, 349, 350, 351, 352, 365, 369, 396, 399, 415, 417, 418, 420, 421, 422, 423, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 467, 497, 498, 499, 500, 501, 502, 503, 504, 505, 506, 507], "output_dim": [7, 340, 369, 399], "output_directori": 2, "output_dtyp": [1, 147], "output_fil": 6, "output_nam": [1, 147], "output_shap": [1, 147], "output_strip_trailing_whitespac": 4, "output_vari": 4, "outsid": [147, 164], "over": [0, 2, 6, 7, 16, 18, 27, 28, 29, 30, 100, 101, 102, 103, 104, 105, 106, 110, 111, 112, 113, 153, 156, 159, 162, 177, 198, 202, 204, 214, 216, 218, 232, 244, 246, 272, 286, 287, 293, 297, 304, 306, 314, 345, 347, 348, 349, 350, 351, 352, 361, 367, 400, 441, 486, 489, 498, 500, 502], "overal": 2, "overhead": [497, 503, 507], "overlap": 1, "overload": 19, "overrid": [2, 134], "overview": 3, "overwrit": 6, "own": [9, 498, 504], "owndata": 504, "p": [9, 196, 251, 340, 353, 354, 355, 452, 476, 478], "pack": [169, 248, 249], "packag": [2, 5, 7, 9, 334, 467, 498, 502], "package_data": 2, "pad": [0, 1, 100, 101, 102, 103, 104, 105, 106, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 342, 343, 344, 347, 348, 349, 350, 351, 352, 372, 373, 374], "pad_valu": 0, "pad_width": [0, 243], "padding_hi": 0, "padding_lo": 0, "page": [498, 505], "pain": 6, "pair": [0, 2, 243, 383, 404], "pairwis": 452, "pan": 6, "paper": [345, 409, 473, 474, 475, 478, 479], "parallel": [498, 507], "param": [313, 322, 340, 467, 499, 500], "paramet": [0, 1, 2, 5, 6, 7, 13, 14, 15, 16, 17, 18, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 227, 228, 229, 230, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 365, 366, 367, 368, 369, 372, 373, 374, 376, 377, 380, 381, 383, 388, 389, 390, 393, 394, 395, 396, 397, 398, 399, 400, 401, 404, 406, 409, 413, 415, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 432, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 466, 467, 470, 472, 473, 474, 475, 476, 477, 478, 479, 480, 481, 483, 484, 485, 486, 487, 488, 489, 490, 492, 497, 498, 499, 500, 503], "parameter_scal": 474, "parametr": [397, 454], "pars": [6, 143], "parse_arg": 6, "parser": 6, "part": [1, 2, 142, 144, 175, 176, 264, 500, 501], "parti": 498, "partial": [394, 395, 497, 503], "particip": [123, 124, 127, 128, 129], "particular": [248, 361], "particularli": 497, "partit": [0, 29], "pass": [1, 2, 6, 7, 66, 80, 242, 243, 313, 321, 323, 325, 326, 327, 340, 381, 393, 394, 395, 406, 497, 498, 499, 502, 503], "password": [498, 502], "path": [3, 4, 9, 133, 142, 143, 144, 176, 230, 276, 277, 322, 327, 383, 498, 502], "pattern": [340, 503], "peak": [224, 226], "penalti": 485, "pep": 504, "per": [6, 7, 118, 150, 169, 248, 249, 321, 322, 345, 361, 365, 367, 400, 492, 497, 498, 502, 503], "perceptron": [8, 499], "perf_count": 497, "perfectli": 503, "perform": [0, 1, 2, 3, 6, 8, 15, 92, 103, 110, 111, 112, 113, 129, 132, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 168, 169, 173, 193, 194, 215, 249, 271, 286, 300, 321, 340, 361, 417, 422, 423, 472, 497, 498, 501, 503, 507], "perhap": [2, 6], "perm": 7, "permtuat": 258, "permuat": 196, "permut": [0, 7], "persist": 9, "pg": 198, "phi": [358, 429], "physic": 498, "pi": [136, 358, 409, 430, 500], "pick": 2, "pip": [2, 4, 9], "pipelin": 2, "pivot": [196, 197], "pixel": 354, "place": [6, 39, 270, 271, 322, 498, 503, 504], "placehold": 497, "plai": [2, 6], "plain": 406, "plan": [2, 497], "platform": 9, "plot": 498, "plu": [0, 208], "png": 498, "point": [0, 2, 5, 6, 9, 84, 163, 166, 249, 332], "pool": [342, 343, 344, 372, 373, 374, 507], "popul": 2, "port": 502, "portion": 353, "posinf": [0, 236], "posit": [0, 6, 29, 120, 149, 164, 170, 183, 190, 191, 234, 236, 244, 256, 270, 307, 313, 326, 340, 347, 348, 349, 350, 351, 352, 396, 404, 409, 442, 452, 499], "possibl": [125, 288, 357, 398, 497, 498, 501, 507], "possibli": [6, 15, 92, 168, 215, 324], "postur": 6, "potenti": [2, 228], "power": [0, 500, 504], "practic": [2, 497], "pre": [9, 150, 439], "preced": 361, "precis": [0, 6, 141, 150, 340, 358, 400, 439, 480, 497], "preclud": 340, "pred": [443, 447], "predic": [322, 388], "predict": [439, 442, 443, 444, 445, 446, 447, 449, 450, 451], "prefix": [317, 325, 327], "prelu": 340, "prepar": [2, 6, 498], "prepend": [3, 215], "preprint": [6, 473, 479], "preprocessor": 9, "present": 1, "preserv": [268, 500], "press": [6, 198], "pressur": 2, "pretti": [497, 503], "prevent": [294, 452, 504], "previou": [227, 228, 229], "primal": [1, 2, 114, 185, 316], "primit": 500, "print": [1, 2, 5, 6, 7, 9, 114, 186, 324, 325, 326, 327, 329, 340, 494, 497, 498, 499, 500, 501, 502, 503, 504, 505], "prior": [247, 300, 301], "priorit": 500, "privat": [2, 4], "prng": [251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 494], "prob": 439, "probabl": [9, 259, 353, 354, 355, 399, 439, 441, 445, 507], "problem": [5, 7, 340], "process": [6, 103, 107, 122, 123, 124, 125, 127, 128, 129, 321, 326, 327, 355, 357, 417, 496, 498, 502], "processor": 9, "prod": [0, 1], "produc": [0, 2, 9, 96, 396, 467, 499], "product": [0, 2, 15, 84, 112, 177, 185, 186, 192, 215, 242, 246, 304, 316, 396, 505], "profil": 3, "program": [4, 224], "programmat": 395, "project": [3, 4, 6, 396, 499], "project_source_dir": 2, "promot": [2, 150], "promote_typ": 2, "promoted_dtyp": 2, "prompt": 6, "propag": [500, 501], "properti": [32, 39, 48, 52, 62, 63, 69, 71, 389, 392, 482, 498, 500], "proportion": 324, "protocol": 504, "provid": [0, 2, 6, 84, 118, 142, 143, 170, 258, 270, 304, 313, 321, 326, 328, 334, 340, 376, 381, 383, 393, 394, 395, 398, 399, 417, 418, 466, 470, 498, 499, 506, 508], "pseudo": 494, "pth": 6, "public": [2, 340], "pun": 0, "pure": [1, 114, 340, 472], "purpos": [1, 198, 498], "purs": 6, "push": 2, "push_back": 2, "put": [0, 1, 7, 247, 497, 498], "put_along_axi": [0, 196], "py": [2, 6, 9, 498, 502], "pypi": 9, "python": [1, 3, 4, 6, 51, 69, 79, 138, 321, 325, 326, 327, 328, 329, 470, 480, 481, 483, 496, 498, 499, 500, 502, 504], "python_execut": 4, "python_requir": 2, "pytorch": [6, 8, 358, 361, 500], "pytorch_compat": 361, "q": [150, 199], "quantiz": [0, 118, 169, 205, 249, 398, 399], "quantized_matmul": 0, "quantizedembed": 340, "quantizedlinear": 340, "quarter": 6, "queri": [6, 150, 229, 396], "query_input_dim": 396, "query_proj": 6, "question": [6, 503], "queue": 3, "quick": [2, 8], "quit": [500, 504], "quotient": [0, 130, 131, 166], "r": [2, 6, 199, 313, 354, 360], "r_t": 360, "race": 507, "radian": [0, 117], "rag": 6, "rain": 6, "rais": [0, 6, 114, 198, 228, 245, 288, 383, 499], "ram": 6, "random": [1, 2, 3, 5, 6, 7, 8, 147, 342, 343, 344, 345, 365, 372, 373, 374, 383, 390, 497, 499, 500, 507, 508], "randomli": [5, 6, 258, 353, 354, 355], "rang": [0, 2, 3, 5, 6, 7, 9, 19, 164, 168, 204, 421, 423, 430, 431, 472, 486, 487, 488, 489, 490, 494, 497, 500, 503, 507], "rank": [0, 127, 128, 129, 448, 498, 502], "rate": [5, 472, 473, 474, 475, 476, 477, 478, 479, 484, 485], "rather": [2, 500, 507], "ratio": [0, 25], "rceil": 92, "re": [7, 9, 467], "reachabl": 498, "readabl": 3, "real": [0, 157, 158, 159, 160, 161, 162, 190, 191, 193, 194], "realli": 367, "reason": [1, 6, 501], "reboot": 9, "receiv": [127, 128, 322, 488, 498, 504], "reciproc": [0, 272], "reclaim": 227, "recommend": [9, 228, 479], "recompil": [96, 497], "reconstruct": 196, "record": [3, 224, 503], "recreat": [329, 472], "rectifi": [368, 402, 403, 422, 423, 436, 455, 456], "recurr": [360, 366, 401], "recurs": [143, 340, 380, 381, 386, 391, 393, 470], "recv": [128, 498], "reduc": [0, 1, 9, 16, 18, 27, 28, 124, 214, 216, 218, 232, 246, 293, 297, 314, 321, 328, 345, 417, 447], "reduct": [16, 18, 124, 214, 216, 232, 246, 328, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452], "redund": 500, "refer": [198, 365, 375, 389, 420, 421, 422, 423, 431, 453, 501], "reflect": [389, 497, 501, 504], "regard": 358, "regardless": [84, 150, 498], "regist": [2, 7], "register_librari": 2, "regress": [8, 447], "regular": [39, 354, 453, 477, 497, 499, 501], "regularli": 2, "reimplement": 2, "rel": [17, 178, 474, 497, 498], "relative_step": 474, "relax": 228, "releas": 4, "relev": 2, "reli": [1, 2], "relu": [340, 397, 417, 454, 467], "relu6": 340, "remain": [0, 6, 229, 313, 327, 353, 354, 355, 498], "remaind": [0, 131], "remov": [0, 120, 215, 252, 291, 441], "rep": [0, 305], "repeat": [0, 305], "repeatedli": 5, "repetit": 267, "replac": [0, 6, 236, 394, 395, 417, 451], "replai": 3, "repli": 6, "repo": [5, 7, 9, 497], "report": [222, 228], "repres": [2, 6, 122, 125, 169, 448, 452, 504], "represent": [6, 197, 248, 315, 325, 329], "requir": [1, 2, 4, 6, 340, 498, 502, 503, 504], "requires_grad": 500, "rerun": [497, 503], "rescal": 324, "research": 8, "reset": 226, "reset_peak_memori": 224, "reshap": [0, 6, 198, 418, 497, 501], "resid": 229, "resolv": 2, "resourc": 2, "resource_limit": 221, "respect": [2, 5, 7, 114, 146, 148, 168, 169, 170, 248, 313, 326, 340, 345, 358, 361, 365, 367, 470, 498, 500, 502, 505], "respons": 2, "rest": [6, 149, 326, 327, 404, 502], "restart": 9, "restor": 270, "result": [0, 6, 15, 19, 39, 79, 84, 96, 143, 146, 148, 169, 186, 198, 215, 249, 256, 267, 292, 326, 327, 328, 332, 409, 439, 497, 498, 500, 504], "resum": 6, "return": [0, 1, 2, 4, 5, 6, 7, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 51, 69, 79, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 142, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 223, 227, 228, 229, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 271, 272, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 322, 323, 324, 325, 326, 327, 328, 329, 340, 360, 366, 376, 377, 378, 380, 381, 382, 383, 384, 385, 386, 390, 391, 393, 394, 395, 401, 419, 420, 421, 422, 423, 424, 425, 426, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 467, 470, 480, 496, 497, 498, 499, 500, 501, 503, 504, 506, 507], "return_metadata": 205, "revers": [0, 2, 42, 43, 44, 45, 84, 110, 111, 112, 113, 308, 409], "rf": 9, "rfft": 157, "rfft2": 158, "rfftn": 159, "rho": 473, "rhs_indic": [0, 168, 169], "rhs_mask": 92, "right": [0, 1, 2, 9, 248, 269, 270, 358, 418, 430, 431, 442, 444, 452], "right_shift": 0, "ring": 125, "rm": [6, 9, 148, 474], "rmsnorm": [6, 340], "rmsprop": 472, "rnn": [340, 360], "robust": 447, "roform": [6, 404], "roll": 0, "root": [0, 6, 148, 272, 289, 400], "rope": [6, 340], "rosetta": 9, "rotari": [6, 149, 404], "rotat": [149, 404], "round": [0, 248], "row": [0, 1, 2, 84, 145, 147, 174, 248, 309], "rpath": 2, "rsqrt": 0, "rtol": [0, 17, 178], "rule": [2, 472], "run": [1, 2, 3, 4, 6, 7, 8, 9, 10, 147, 242, 330, 345, 376, 473, 474, 476, 477, 478, 497, 499, 502, 503, 507, 508], "runtim": [6, 125, 334, 497, 498], "runtime_error": 2, "safetensor": [9, 205, 275, 383, 387, 472, 503, 506], "sai": [2, 6, 467, 503], "said": 6, "sake": 500, "same": [0, 2, 6, 9, 17, 39, 83, 93, 96, 101, 102, 103, 105, 106, 107, 123, 146, 148, 157, 160, 161, 162, 169, 170, 178, 185, 243, 252, 270, 271, 285, 315, 316, 318, 321, 327, 340, 343, 344, 345, 353, 361, 365, 373, 374, 398, 419, 420, 421, 422, 423, 424, 425, 426, 441, 452, 470, 480, 494, 497, 498, 499, 501, 502, 507], "sampl": [2, 5, 6, 204, 251, 252, 253, 255, 256, 259, 262, 263, 420, 421, 422, 423, 425, 426, 442, 448, 452, 494, 497, 499], "sat": 6, "save": [3, 6, 8, 205, 230, 248, 274, 275, 276, 277, 387, 499, 503], "save_gguf": 506, "save_safetensor": [387, 472, 506], "save_weight": 340, "savez": [6, 387, 506], "savez_compress": 506, "saw": [6, 500], "scalar": [0, 2, 14, 15, 17, 31, 51, 79, 83, 88, 89, 90, 91, 92, 93, 95, 130, 131, 135, 166, 167, 170, 171, 172, 173, 178, 187, 188, 189, 204, 210, 211, 212, 213, 215, 217, 233, 235, 236, 239, 243, 245, 251, 259, 262, 263, 266, 269, 274, 296, 313, 315, 318, 323, 452, 499, 500, 503, 505], "scale": [0, 2, 6, 15, 118, 146, 148, 149, 150, 169, 173, 248, 249, 255, 257, 324, 354, 355, 367, 396, 404, 405, 409, 418, 457, 474], "scale_arr": 2, "scale_factor": 418, "scale_paramet": 474, "scatter": 0, "scatter_add": 0, "scatter_add_axi": 0, "scatter_max": 0, "scatter_min": 0, "scatter_prod": 0, "schedul": [2, 228, 472, 486, 487, 488, 489, 490, 492, 507], "schema": [3, 502], "scipi": [173, 196], "scope": 340, "score": [6, 150, 448], "script": [498, 502], "sdk": 9, "se": 1, "second": [6, 9, 120, 184, 186, 187, 211, 213, 215, 269, 298, 307, 313, 343, 344, 373, 374, 440, 448, 474, 478, 497, 499, 500, 507], "second_layer_a": 503, "second_layer_b": 503, "secret": 6, "section": [1, 6, 9, 288, 452, 497, 498, 500], "see": [1, 2, 4, 6, 7, 9, 11, 12, 33, 34, 35, 36, 37, 40, 41, 42, 43, 44, 45, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 198, 227, 274, 275, 322, 332, 340, 345, 346, 354, 356, 358, 362, 363, 364, 370, 371, 379, 397, 398, 399, 402, 403, 404, 405, 407, 409, 410, 411, 412, 413, 414, 416, 418, 420, 421, 422, 423, 429, 430, 431, 457, 497, 498, 499, 500, 501, 502, 505, 507], "seed": 254, "seen": [498, 504], "select": [0, 3, 9, 193, 194, 306, 318, 376, 380, 388, 502], "self": [6, 7, 10, 31, 32, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 51, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 114, 163, 340, 453, 470], "selu": 340, "semant": [14, 88, 90, 91, 93, 130, 131, 135, 171, 172, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296, 507], "semi": [190, 191, 256], "send": 498, "sender": 498, "sennrich": 6, "sensit": 447, "sentencepiec": 6, "separ": [6, 66, 80, 361, 448], "sequenc": [6, 16, 18, 34, 35, 57, 58, 59, 60, 64, 72, 75, 76, 77, 81, 84, 93, 103, 127, 140, 147, 152, 153, 155, 156, 158, 159, 161, 162, 167, 170, 214, 216, 218, 232, 240, 246, 251, 252, 253, 255, 256, 257, 259, 262, 263, 268, 284, 285, 286, 288, 291, 293, 297, 304, 305, 308, 312, 313, 314, 319, 345, 347, 350, 360, 366, 401, 417, 494, 507], "sequenti": [340, 467], "seri": 9, "serial": 472, "set": [2, 4, 6, 7, 9, 96, 114, 121, 123, 124, 125, 127, 128, 129, 134, 146, 148, 149, 221, 227, 228, 229, 278, 279, 295, 321, 358, 367, 369, 379, 381, 388, 389, 390, 393, 394, 399, 404, 415, 440, 452, 464, 470, 472, 474, 476, 477, 481, 494, 499, 500, 503], "set_byt": 2, "set_compute_pipeline_st": 2, "set_data": 2, "set_dtyp": 340, "set_input_arrai": 2, "set_memory_limit": 227, "set_output_arrai": 2, "set_vector_byt": 2, "setup": [2, 4, 5, 7, 9, 497, 498, 499], "sever": [6, 9, 100, 101, 102, 103, 104, 105, 106, 276, 277, 321, 497, 498, 502, 506], "sgd": [5, 7, 472, 479, 481, 486, 487, 490, 497], "shade": [1, 2], "shall": 6, "shape": [0, 2, 3, 6, 7, 66, 83, 84, 92, 93, 96, 100, 101, 102, 103, 104, 105, 106, 120, 123, 127, 128, 142, 144, 147, 150, 151, 154, 157, 160, 161, 162, 167, 168, 173, 185, 195, 203, 215, 240, 241, 251, 252, 253, 255, 256, 257, 259, 262, 263, 268, 270, 285, 312, 315, 316, 318, 319, 320, 340, 342, 343, 344, 345, 347, 348, 349, 350, 351, 352, 354, 355, 360, 365, 366, 369, 372, 373, 374, 383, 401, 419, 420, 421, 422, 423, 424, 425, 426, 441, 452, 472, 497, 499, 500, 501, 505, 507], "shapeless": [0, 96, 142, 144], "share": [8, 118, 169, 248, 249, 315, 498], "shazeer": 6, "shift": [0, 187, 269, 270, 345], "shop": 6, "should": [1, 2, 4, 5, 6, 7, 9, 84, 120, 123, 146, 147, 148, 150, 185, 220, 229, 230, 247, 248, 301, 307, 313, 316, 321, 322, 325, 340, 347, 348, 349, 350, 351, 352, 354, 355, 390, 396, 406, 441, 443, 448, 470, 496, 497, 498, 499, 500, 503, 504, 508], "show": [9, 332, 497], "shown": 2, "shuffl": 7, "side": [0, 243, 342, 343, 344, 372, 373, 374, 497], "sigma": [358, 359, 360, 366, 408, 420, 421, 422, 423, 431, 432, 437, 458, 459], "sigmoid": [0, 6, 340, 370, 407, 431, 437, 439, 459], "sign": [0, 17, 178, 332, 479], "signal": [107, 418], "signatur": [1, 147], "signedinteg": [12, 184], "signific": 248, "significantli": 498, "silent": [160, 161, 162], "silicon": [2, 6, 8, 9, 507], "silu": 340, "simd": 1, "simd_sum": 1, "simdgroup": 1, "simdgroup_s": 1, "similar": [6, 169, 184, 326, 394, 395, 396, 440, 498, 504, 506], "similarli": [2, 9, 215, 500, 503], "simpl": [2, 6, 7, 340, 357, 466, 472, 497, 498, 499, 500, 502, 503], "simple_axpbi": 2, "simple_tim": 2, "simplest": [2, 340, 498], "simpli": [2, 6, 9, 356, 368, 402, 428, 436, 455, 465, 470, 497, 498, 500, 502], "simplic": 0, "simplifi": 498, "simultan": 1, "sin": [0, 114, 409, 499, 500, 505], "sinc": [1, 2, 6, 7, 169, 224, 470, 479, 488, 497, 499, 504, 507], "sine": [0, 22, 23, 282, 283, 499, 500], "sing": 198, "singer": 475, "singl": [7, 138, 185, 205, 219, 243, 316, 343, 344, 373, 374, 497, 499, 501, 506], "singleton": [0, 16, 18, 27, 28, 125, 214, 215, 216, 218, 232, 246, 293, 297, 314, 498], "singular": [198, 202], "sinh": 0, "sinusoid": 409, "sinusoidalpositionalencod": 340, "size": [0, 1, 2, 6, 7, 52, 69, 92, 101, 102, 105, 106, 118, 140, 146, 147, 148, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 167, 169, 173, 174, 184, 192, 198, 223, 228, 229, 248, 249, 252, 268, 284, 288, 291, 312, 315, 321, 322, 340, 342, 343, 344, 347, 348, 349, 350, 351, 352, 357, 365, 372, 373, 374, 398, 399, 418, 474, 498, 503, 504], "size_in_megabyt": 229, "size_t": [0, 2], "skip": [3, 84], "slice": [0, 285, 501], "slice_s": [0, 284], "slice_upd": 0, "slide": [342, 343, 344, 372, 373, 374], "slight": [6, 503], "slightli": [404, 507], "slope": 368, "slow": 497, "slowli": 6, "small": [6, 141, 146, 148, 321, 345, 361, 367, 400, 442, 447, 452, 497, 507], "smaller": [0, 9, 244, 321, 479, 497], "smallest": 198, "smile": 6, "smooth": [441, 451, 484], "smooth_l1_loss": 340, "sned": 129, "snippet": 498, "so": [1, 2, 6, 9, 170, 173, 313, 353, 418, 472, 497, 498, 503, 507], "socket": 498, "softmax": [0, 6, 150, 340, 371, 438, 441], "softmin": 340, "softplu": [340, 375, 453], "softshrink": 340, "softsign": 340, "solut": [200, 201], "solv": 340, "some": [0, 2, 5, 6, 7, 143, 381, 393, 472, 481, 497, 498, 499, 500, 502, 503], "someon": 6, "someth": [5, 6, 501], "sometim": 497, "sonoma": 9, "soon": 6, "sort": [0, 29, 30, 244, 306], "sourc": [0, 1, 2, 3, 4, 61, 127, 128, 147, 234, 308, 498], "space": [0, 2, 204, 439, 450], "spars": [0, 219], "spatial": [101, 102, 103, 105, 106, 342, 343, 344, 361, 372, 373, 374, 418], "speak": [6, 198], "specif": [1, 2, 9, 498, 500], "specifi": [0, 2, 19, 38, 101, 102, 103, 105, 106, 120, 158, 159, 167, 170, 192, 198, 204, 234, 240, 247, 252, 267, 298, 300, 301, 304, 307, 308, 313, 317, 319, 345, 415, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 464, 497, 498, 499, 500, 507], "speed": 1, "spent": 6, "split": [0, 359, 361, 432], "splittabl": 494, "sqrt": [0, 6, 136, 150, 173, 345, 358, 361, 365, 367, 369, 400, 409, 420, 421, 422, 423, 430, 473, 475, 476, 477, 484, 497], "squar": [0, 5, 6, 148, 174, 195, 203, 272, 289, 313, 326, 340, 400, 449, 451, 473, 474, 476, 477, 478, 500, 504], "squeez": [0, 418, 497], "src": [0, 127, 128], "ssh": [498, 502], "stabil": [146, 148, 345, 361, 365, 367, 400, 439, 440, 442, 473, 474, 475, 476, 477, 478, 484], "stabl": [210, 214, 286, 447], "stable_abi": 2, "stack": [0, 497], "standard": [0, 1, 4, 7, 51, 79, 215, 253, 257, 293, 417, 420, 422, 425, 498, 505], "starmap": [6, 326], "start": [0, 1, 2, 5, 6, 8, 9, 19, 149, 204, 230, 284, 285, 288, 328, 497, 499, 501, 502, 507], "start_axi": [0, 50, 164], "start_captur": 3, "start_indic": [284, 285], "state": [6, 7, 340, 360, 366, 401, 472, 481, 494, 497], "static": [9, 497], "static_cast": 2, "std": [0, 2, 4, 425, 499], "stderr": 502, "stdout": 502, "step": [0, 3, 4, 6, 7, 19, 321, 340, 360, 366, 401, 474, 481, 486, 488, 489, 490, 497, 498], "step_decai": 472, "step_siz": 490, "still": [6, 9, 198, 497, 503], "stochast": [475, 476, 478, 485, 503], "stood": 6, "stop": [0, 2, 6, 19, 204, 231, 294, 500, 501], "stop_captur": 3, "stop_gradi": [0, 500], "storag": 84, "store": 6, "str": [2, 107, 125, 132, 133, 142, 143, 144, 147, 150, 170, 176, 193, 194, 198, 205, 219, 221, 230, 273, 274, 275, 276, 277, 313, 322, 325, 329, 376, 377, 380, 381, 383, 385, 387, 393, 418, 422, 423, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452], "straight": 6, "strang": 6, "stream": [2, 8, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 116, 117, 118, 119, 120, 123, 124, 127, 128, 129, 130, 131, 132, 135, 136, 137, 139, 140, 141, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 165, 166, 167, 168, 169, 171, 172, 173, 174, 175, 177, 178, 179, 180, 181, 182, 183, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 314, 315, 318, 319, 320, 498, 507], "streamcontext": 295, "streamordevic": [0, 2], "street": 6, "strength": [479, 485], "strict": [125, 171, 188, 381, 383, 393], "strictli": [198, 229], "stride": [0, 2, 84, 100, 101, 102, 103, 104, 105, 106, 342, 343, 344, 347, 348, 349, 350, 351, 352, 372, 373, 374, 404, 501], "string": [0, 2, 133, 142, 147, 176, 221, 243, 499, 504, 506], "stronger": 502, "structur": [2, 321, 480, 500], "stub": 9, "style": [2, 14, 17, 88, 90, 91, 130, 131, 135, 171, 172, 178, 187, 188, 189, 210, 215, 217, 233, 235, 239, 245, 266, 269, 296], "su": 6, "sub": [0, 7, 120, 261, 284, 285, 307, 322], "subarrai": [120, 288], "subclass": 470, "subdivid": 1, "subdtyp": 184, "subgradi": 475, "sublinear": 474, "submodul": [6, 7, 340, 377, 381, 382, 393, 395], "subnetwork": 498, "suboptim": 499, "subscript": [132, 133], "subsect": 6, "subsequ": [125, 472, 498, 502], "subset": [340, 380], "substanti": 9, "subtl": 497, "subtract": [0, 39], "subtyp": [184, 332], "succe": 125, "successfulli": 498, "sudo": [9, 229, 498], "suggest": 498, "sum": [0, 2, 5, 14, 113, 124, 144, 177, 198, 214, 286, 304, 307, 340, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 498, 501, 504], "sum_": [198, 447], "sum_i": 438, "sum_j": [460, 461], "summat": [132, 133], "super": [6, 7, 340, 470], "superset": [326, 480], "support": [1, 2, 6, 8, 9, 17, 92, 102, 105, 106, 150, 164, 173, 178, 190, 191, 193, 194, 195, 199, 202, 203, 205, 215, 248, 256, 498, 500, 501, 504, 506], "suppos": [500, 507], "sure": [2, 3, 6, 9, 340, 497], "surpass": [422, 423], "surpris": 6, "sw": 1, "swap": [0, 107, 228, 298, 395], "swapax": [0, 114], "swiglu": 6, "swish": [407, 459], "switch": 9, "symbol": 479, "symmetr": [101, 102, 105, 106, 190, 191, 193, 194], "symmetri": [193, 194], "synchron": [2, 497], "syntax": [39, 501], "synthet": 5, "sysctl": 229, "system": [2, 4, 6, 9, 200, 201, 221, 222, 223, 229], "t": [0, 1, 2, 4, 6, 9, 136, 147, 150, 169, 190, 191, 249, 313, 340, 360, 366, 401, 473, 474, 475, 476, 477, 478, 479, 484, 485, 497, 499, 500, 507], "t_kv": 150, "t_q": 150, "tabl": [1, 198, 332, 357], "take": [0, 2, 6, 7, 88, 89, 90, 91, 96, 142, 168, 170, 185, 217, 233, 241, 249, 301, 313, 316, 317, 320, 327, 328, 342, 343, 344, 372, 373, 374, 396, 439, 494, 498, 499, 500, 501, 502, 506, 507, 508], "take_along_axi": [0, 196, 501], "taken": [120, 300, 307], "talk": 498, "tan": 0, "tangent": [0, 2, 24, 25, 26, 114, 185, 302, 303, 416, 465], "tangent_i": 2, "tangent_x": 2, "tanh": [0, 340, 358, 360, 366, 375, 401, 430, 453], "target": [2, 313, 439, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 497], "target_include_directori": 2, "target_link_librari": [2, 4], "target_link_opt": 2, "target_sourc": 2, "task": [228, 447], "tau": 485, "tcp": 498, "tediou": 498, "tell": [4, 6, 497, 504], "temp": 6, "templat": [0, 1, 2, 147], "ten": 503, "tend": 479, "tensor": [205, 304, 452, 504], "tensordot": 0, "term": [2, 442, 473, 474, 475, 476, 477, 478, 484], "termin": [9, 502], "test": [7, 9, 498, 502], "test_imag": 7, "test_label": 7, "text": [6, 358, 360, 366, 375, 401, 408, 415, 420, 421, 422, 423, 430, 433, 434, 435, 442, 443, 444, 447, 448, 451, 453, 454, 457, 458, 463, 464, 474, 479], "textrm": [248, 358, 359, 429, 432], "tf": 504, "tgp_size": 2, "th": [110, 111, 112, 113, 119, 145, 193, 488], "than": [1, 2, 6, 79, 107, 120, 131, 149, 168, 171, 172, 188, 189, 190, 191, 193, 194, 195, 196, 202, 203, 215, 227, 229, 324, 326, 404, 415, 418, 448, 451, 464, 474, 479, 497, 499, 500, 507], "thank": 503, "thei": [1, 2, 5, 6, 9, 17, 107, 169, 178, 406, 443, 470, 479, 496, 497, 498, 499, 503, 505, 506, 507], "them": [0, 2, 6, 123, 340, 381, 393, 498, 499, 502, 507], "themselv": [2, 497], "thi": [0, 1, 2, 4, 6, 7, 9, 16, 17, 18, 19, 27, 28, 29, 30, 84, 114, 134, 142, 144, 147, 168, 169, 173, 176, 178, 185, 190, 191, 193, 194, 195, 198, 199, 202, 203, 210, 214, 215, 216, 218, 220, 222, 229, 232, 244, 246, 252, 279, 286, 287, 288, 293, 297, 300, 306, 314, 321, 324, 327, 328, 340, 353, 354, 355, 359, 360, 366, 377, 378, 380, 381, 384, 385, 386, 391, 393, 394, 395, 396, 399, 401, 415, 420, 421, 422, 423, 430, 431, 432, 439, 447, 464, 470, 481, 496, 497, 498, 499, 500, 502, 503, 504, 506], "thin": 502, "thing": [2, 6], "third": [192, 344, 374, 498, 499], "thompson": 354, "those": [2, 6, 340], "though": [2, 6, 497, 499, 503, 504], "thousand": 503, "thread": [1, 2], "thread_index_in_simdgroup": 1, "thread_position_in_grid": [1, 2, 147], "threadgroup": [1, 2, 147], "threads_per_simdgroup": 1, "three": [6, 87, 344, 374, 418], "threefri": 494, "threshold": [415, 444, 451, 464], "through": [1, 2, 294, 417, 479, 497, 498, 499, 500, 504], "throw": [2, 96, 125], "thu": [6, 340], "thumb": 472, "tic": 497, "tieleman": 484, "tile": [0, 150], "time": [2, 6, 9, 228, 305, 340, 360, 366, 401, 497, 498, 500, 503, 507], "timeit": [497, 500], "titl": 2, "tmp": [1, 147], "to_quant": 322, "to_stream": 2, "toc": 497, "togeth": [0, 1, 2, 7, 248, 326, 327, 498], "tok_embed": 6, "token": [6, 357, 398], "told": 6, "toler": [0, 17, 178], "too": [184, 497, 503], "took": 6, "tool": 9, "top": [2, 306, 369, 418], "topk": 0, "torch": [6, 504], "torch_weight": 6, "total": [229, 500], "total_norm": 324, "tpi": 497, "tpng": 498, "trace": [0, 3, 144, 497], "trace_fil": 3, "tracer": 394, "track": [2, 340, 345], "track_running_stat": 345, "trade": 503, "tradit": [6, 149, 354, 355, 404], "train": [6, 7, 340, 345, 353, 354, 355, 379, 381, 393, 420, 421, 499], "train_imag": [7, 472], "train_label": [7, 472], "trainabl": [7, 323, 340, 470], "trainable_paramet": [340, 380, 481], "transfer": 502, "transform": [1, 6, 8, 114, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 173, 323, 340, 345, 361, 367, 369, 380, 381, 393, 399, 404, 501], "transformerencod": 276, "transit": 488, "translat": [146, 367], "transpos": [0, 6, 32, 104, 105, 106, 169, 249, 350, 351, 352], "treat": [0, 2, 114, 158, 159, 161, 162, 300, 418, 497], "tree": [8, 96, 138, 170, 313, 317, 321, 325, 326, 327, 328, 329, 480, 481, 483, 492, 500], "tree_flatten": [276, 326, 329, 340, 472, 499], "tree_map": [327, 340, 498], "tree_unflatten": [6, 472, 499], "trembl": 6, "tri": [0, 125], "triangl": [193, 194, 309], "triangular": [190, 191, 201, 203], "trigger": 497, "tril": 0, "trilinear": 418, "triplet": 452, "triplet_loss": 340, "triu": 0, "true": [0, 1, 2, 4, 5, 6, 17, 42, 43, 44, 45, 83, 96, 110, 111, 112, 113, 147, 149, 169, 178, 184, 190, 191, 198, 202, 205, 219, 228, 249, 286, 318, 322, 325, 326, 327, 328, 332, 340, 345, 347, 348, 349, 350, 351, 352, 360, 361, 365, 366, 367, 369, 380, 381, 383, 390, 393, 399, 401, 404, 409, 417, 418, 439, 447, 474, 476, 477, 497, 499], "truncat": [151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 262], "truth": [5, 441, 451], "try": [2, 9, 498], "tupl": [0, 31, 66, 69, 80, 97, 101, 102, 103, 105, 106, 127, 131, 133, 138, 140, 142, 176, 185, 193, 196, 197, 198, 199, 202, 243, 248, 268, 270, 284, 285, 291, 312, 313, 316, 325, 326, 327, 328, 329, 342, 343, 344, 348, 349, 351, 352, 372, 373, 374, 383, 385, 406, 418, 474, 476, 477, 478, 479, 496, 499, 500], "tutori": 2, "twice": 507, "two": [0, 2, 14, 15, 17, 25, 83, 86, 88, 90, 91, 92, 120, 130, 135, 152, 155, 161, 168, 169, 171, 172, 178, 186, 188, 189, 190, 191, 192, 193, 194, 195, 199, 202, 203, 210, 215, 217, 233, 235, 239, 242, 298, 328, 343, 359, 366, 373, 432, 440, 497, 498, 499, 500, 501, 507], "txt": [2, 4], "type": [0, 1, 2, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 38, 69, 79, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 117, 118, 119, 120, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 135, 136, 137, 139, 140, 141, 145, 146, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 221, 227, 228, 229, 232, 233, 234, 235, 236, 237, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 261, 262, 263, 264, 265, 266, 267, 268, 269, 271, 272, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 296, 297, 298, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 324, 325, 328, 340, 388, 417, 419, 420, 421, 422, 423, 424, 425, 426, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 497, 499, 501, 504], "type_to_nam": 2, "typenam": [0, 1, 2], "typic": [0, 150, 321, 357, 472, 497, 503], "u": [1, 2, 4, 190, 193, 194, 196, 202, 369, 395, 492, 498, 502, 503], "u_": 473, "u_t": 473, "uint": [1, 2, 147], "uint16": [12, 332], "uint3": 1, "uint32": [12, 27, 28, 29, 30, 252, 332], "uint64": [12, 332], "uint8": [12, 332], "ultra": 6, "unabl": 9, "unam": 9, "unari": 497, "unchang": [149, 294, 404], "uncheck": 9, "uncompress": 276, "undefin": [0, 29, 114, 190, 191, 244, 256, 501], "under": [2, 198], "underli": [2, 315], "understand": [6, 420, 421], "unevalu": 143, "unexpect": [2, 19], "unexpectedli": 502, "unflatten": 0, "unfreez": [340, 381], "unfrozen": 393, "unifi": 8, "uniform": [3, 340, 369, 383, 421, 423, 467, 494, 497, 500, 507], "uniformli": 263, "unintend": 0, "union": [19, 33, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 45, 46, 47, 49, 50, 53, 54, 55, 56, 57, 58, 59, 60, 61, 64, 65, 66, 67, 68, 70, 72, 73, 74, 75, 76, 77, 78, 80, 81, 82, 85, 86, 87, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 182, 183, 184, 186, 193, 194, 202, 221, 274, 295], "uniqu": [2, 200, 201, 494, 498], "unique_ptr": 2, "unit": [346, 356, 358, 359, 360, 368, 402, 403, 405, 407, 420, 421, 422, 423, 427, 428, 429, 430, 431, 432, 436, 455, 456, 457, 459], "unittest": 9, "univers": 198, "unless": [6, 17, 178, 198, 470], "unlik": [6, 17, 178, 196, 354, 355, 389], "unnecessari": [2, 6], "unnorm": [252, 439, 441], "unscal": 474, "unsign": [169, 248, 249, 332], "unsignedinteg": 12, "unspecifi": [16, 18, 19, 27, 28, 29, 30, 97, 110, 111, 112, 113, 167, 214, 216, 218, 232, 240, 244, 246, 267, 286, 287, 293, 297, 300, 306, 307, 314, 319, 508], "unsqueez": 6, "unsupport": 205, "until": [2, 321, 503, 505], "unus": 2, "up": [1, 2, 6, 114, 497], "upcast": 2, "updat": [0, 1, 2, 5, 6, 7, 39, 96, 285, 322, 326, 328, 345, 376, 377, 383, 388, 389, 390, 395, 472, 474, 477, 479, 480, 481, 485, 486, 487, 488, 489, 490, 497, 498, 499, 503], "update_modul": 340, "uplo": [193, 194], "upon": [6, 326, 327], "upper": [190, 191, 193, 194, 201, 203, 248, 259, 262, 263, 426], "upsampl": 340, "us": [0, 3, 5, 6, 7, 8, 9, 19, 39, 84, 114, 118, 121, 123, 124, 127, 128, 129, 131, 147, 149, 164, 169, 187, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 215, 222, 223, 224, 227, 229, 248, 249, 267, 268, 269, 270, 299, 312, 321, 325, 328, 332, 334, 340, 343, 344, 354, 357, 358, 360, 366, 369, 373, 374, 376, 380, 387, 394, 396, 398, 399, 401, 404, 409, 417, 418, 422, 423, 430, 431, 440, 467, 470, 472, 473, 474, 476, 477, 478, 479, 480, 481, 494, 496, 497, 498, 499, 500, 501, 502, 505, 507], "usag": [417, 497, 498], "user": [2, 6, 340], "usual": [357, 398, 496, 503], "util": [1, 2, 6, 8, 9, 276, 340, 472, 502], "v": [6, 107, 150, 193, 340, 381, 504], "v_": [473, 475, 476, 477, 478, 484, 485], "v_t": [473, 475, 476, 477, 478, 484, 485], "val": [0, 31, 167], "valid": [7, 107, 164, 317, 325, 381, 393, 496, 498], "valid_parameter_filt": 376, "valu": [0, 1, 5, 6, 12, 13, 17, 19, 27, 28, 51, 79, 83, 95, 125, 142, 145, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 167, 176, 178, 192, 198, 202, 204, 221, 229, 236, 243, 247, 251, 252, 253, 255, 256, 257, 259, 262, 263, 270, 274, 300, 301, 313, 317, 323, 325, 326, 327, 328, 332, 343, 344, 346, 353, 354, 355, 356, 362, 365, 369, 373, 374, 380, 396, 397, 413, 415, 417, 419, 439, 440, 441, 442, 443, 444, 446, 447, 448, 449, 450, 451, 464, 470, 474, 477, 486, 487, 489, 490, 500], "value_and_grad": [7, 114, 340, 394, 470, 472, 483, 497, 500, 504, 505], "value_and_grad_fn": 503, "value_cach": 6, "value_dim": 396, "value_input_dim": 396, "value_output_dim": 396, "value_proj": 6, "valueerror": [114, 198, 383, 500], "values_hat": 6, "van": 198, "var": [0, 345, 361, 365, 367, 442], "variabl": [9, 96, 114, 121, 134, 142, 143, 144, 170, 185, 313, 316, 317, 497, 498, 499], "varianc": [0, 293, 314, 345, 361, 442], "variant": [6, 451, 478], "variou": 198, "vector": [0, 2, 5, 8, 177, 185, 198, 300, 316, 317, 357, 441, 499, 505], "verbos": [1, 147, 498], "veri": [6, 396, 502, 503, 507], "verifi": [5, 9], "versa": 270, "version": [2, 4, 9, 118, 142, 144, 176, 210, 214, 248, 286, 317, 494, 500, 501], "versu": 497, "via": [9, 114, 480, 483, 498, 502, 503, 504], "vice": 270, "video": 355, "view": [0, 3, 84, 504], "virtual": 2, "visual": 143, "vjp": [2, 114, 505], "vmap": [2, 114, 499, 500, 503, 505], "vmap_add": 500, "vocab_s": 6, "vocabulari": [357, 398], "void": [1, 2], "vt": 202, "w": [0, 1, 5, 101, 102, 105, 106, 118, 169, 193, 248, 249, 313, 327, 345, 348, 349, 351, 352, 354, 355, 369, 472, 485, 500], "w1": [6, 324], "w2": [6, 324], "w3": 6, "w_": [360, 366, 401, 473, 474, 475, 476, 477, 478, 479, 484, 485], "w_1": 248, "w_g": 248, "w_i": [118, 248], "w_in": 1, "w_q": 248, "w_star": 5, "w_stride": 1, "w_t": [473, 475, 476, 477, 478, 479, 484, 485], "wa": [4, 6, 84, 127, 128, 498, 499, 503], "wai": [2, 6, 9, 340, 418, 497, 498, 499, 500, 501, 502], "wait": [2, 6, 228], "walk": [6, 499], "walkthrough": 2, "walsh": 173, "want": [1, 2, 6, 498, 499, 500, 502, 507], "warm": [2, 497], "warmup_init": 474, "watch": [6, 497], "wd": 479, "we": [0, 1, 2, 5, 6, 7, 114, 118, 127, 128, 169, 248, 249, 340, 357, 398, 406, 477, 479, 494, 496, 497, 498, 499, 500, 502, 503, 507], "weight": [0, 5, 100, 101, 102, 103, 104, 105, 106, 146, 148, 326, 340, 383, 387, 398, 399, 439, 441, 470, 474, 477, 479, 481, 485, 500, 503], "weight_decai": [474, 477, 479, 485], "weight_fil": 6, "weights_fp16": 503, "well": [6, 340, 381, 393, 396, 498, 503], "wen": 6, "went": 6, "were": [6, 507], "wet": 6, "what": [2, 6, 326, 502], "whatsoev": 6, "whc": 354, "when": [0, 1, 2, 6, 8, 9, 96, 103, 114, 129, 190, 191, 193, 194, 195, 198, 202, 203, 205, 347, 348, 349, 350, 351, 352, 418, 422, 423, 439, 445, 451, 470, 472, 488, 494, 497, 498, 499, 507], "where": [0, 4, 7, 145, 178, 191, 248, 313, 317, 345, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 358, 360, 361, 365, 366, 367, 369, 380, 397, 400, 401, 415, 422, 423, 428, 429, 431, 442, 448, 454, 457, 459, 464, 481, 498, 500, 501], "wherea": 500, "whether": [142, 144, 147, 169, 193, 194, 201, 203, 249, 360, 366, 380, 396, 401, 439, 442, 448], "which": [0, 1, 2, 6, 7, 8, 9, 19, 38, 84, 96, 103, 120, 123, 124, 125, 127, 128, 129, 138, 142, 144, 149, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 164, 170, 176, 179, 180, 181, 182, 183, 185, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 205, 219, 230, 248, 252, 253, 267, 268, 270, 273, 274, 275, 276, 277, 291, 292, 300, 307, 312, 313, 316, 317, 322, 343, 344, 354, 355, 358, 373, 374, 376, 380, 404, 439, 441, 444, 448, 451, 467, 480, 481, 494, 497, 498, 499, 500, 501, 502, 503, 507, 508], "while": [2, 3, 6, 9, 268, 404, 503, 504], "whistl": 2, "who": 6, "whose": [145, 322, 323], "why": 6, "wi": 498, "wide": 503, "width": [343, 344, 345, 348, 349, 351, 352, 354, 355, 373, 374, 398, 399], "window": [9, 342, 343, 344, 372, 373, 374], "wipe": 9, "wire": 229, "wired_limit_mb": 229, "wise": [0, 2, 13, 14, 20, 21, 22, 23, 24, 25, 26, 88, 89, 90, 91, 94, 108, 109, 130, 131, 135, 136, 137, 139, 141, 165, 166, 171, 172, 178, 187, 188, 189, 206, 207, 208, 209, 210, 211, 212, 213, 217, 233, 235, 237, 239, 245, 265, 266, 269, 272, 280, 281, 282, 283, 289, 290, 296, 302, 303, 346, 354, 355, 364, 375, 397, 408, 427, 434, 435, 437, 438, 453, 454, 456, 459, 460, 461, 462, 497], "wish": 9, "with_logit": 439, "within": [0, 3, 29, 178], "without": [1, 6, 8, 294, 396, 466, 496, 497, 498, 499, 502, 503, 504, 507], "wk": 6, "wl": 2, "wo": 6, "word": 0, "work": [2, 3, 6, 228, 332, 497, 498, 499, 500, 501, 502, 503], "workhors": 340, "world": [329, 498], "world2": 498, "world_ani": 498, "world_mpi": 498, "world_r": 498, "worri": [1, 503], "would": [2, 6, 418, 498, 499, 501, 503, 504, 507], "wq": 6, "wrap": [114, 340], "wrapper": [499, 502], "write": [0, 1, 6, 340, 504], "written": [2, 499], "wrong": 499, "wrt": 323, "wv": 6, "x": [0, 1, 2, 4, 5, 6, 7, 39, 92, 114, 123, 124, 128, 129, 136, 141, 142, 143, 146, 147, 148, 169, 173, 174, 176, 198, 249, 253, 258, 271, 276, 280, 310, 311, 318, 326, 328, 340, 342, 343, 344, 345, 346, 356, 358, 359, 361, 365, 367, 368, 369, 372, 373, 374, 375, 376, 397, 400, 402, 408, 409, 415, 418, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 451, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 470, 472, 479, 497, 498, 499, 500, 501, 503, 504, 505, 507], "x1": 440, "x2": 440, "x86_64": 9, "x_1": [440, 448], "x_2": [440, 448], "x_cast": 2, "x_grad": 1, "x_i": [438, 460, 461], "x_j": [460, 461], "x_offset": 2, "x_ptr": 2, "x_shape": 1, "x_stride": 2, "x_t": [360, 366, 401], "x_view": 504, "xcode": 9, "xcodeproj": 3, "xcrun": 9, "xf": 366, "xg": 366, "xi": 366, "xn": 360, "xo": 366, "xor": 91, "xr": 360, "xy": [0, 219], "xz": 360, "x\u00b2": 504, "y": [0, 2, 4, 5, 6, 7, 39, 114, 142, 143, 173, 176, 318, 340, 345, 354, 361, 365, 367, 369, 400, 443, 448, 451, 472, 475, 497, 498, 499, 500, 503, 504], "y_": [443, 447], "y_cast": 2, "y_hat": 340, "y_offset": 2, "y_ptr": 2, "y_stride": 2, "ye": 6, "year": 6, "yet": [6, 340, 470, 481, 500, 501, 503, 505], "yield": [6, 7, 494], "you": [2, 3, 4, 6, 7, 8, 9, 229, 340, 409, 417, 467, 494, 497, 498, 499, 500, 501, 502, 504, 506, 507], "your": [2, 6, 9, 470, 498, 500, 503], "z": [2, 360, 497, 499, 503], "z_t": 360, "zeiler": 473, "zero": [0, 142, 145, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 192, 219, 226, 285, 309, 310, 311, 320, 340, 342, 343, 344, 353, 354, 355, 383, 419, 420, 421, 422, 423, 424, 425, 426, 467, 472, 474, 499, 501], "zero_grad": 500, "zeros_lik": [0, 196], "zhang": 6, "zip": [6, 7], "zip_saf": 2}, "titles": ["Operations", "Custom Metal Kernels", "Custom Extensions in MLX", "Metal Debugger", "Using MLX in C++", "Linear Regression", "LLM inference", "Multi-Layer Perceptron", "MLX", "Build and Install", "mlx.core.Device", "mlx.core.Dtype", "mlx.core.DtypeCategory", "mlx.core.abs", "mlx.core.add", "mlx.core.addmm", "mlx.core.all", "mlx.core.allclose", "mlx.core.any", "mlx.core.arange", "mlx.core.arccos", "mlx.core.arccosh", "mlx.core.arcsin", "mlx.core.arcsinh", "mlx.core.arctan", "mlx.core.arctan2", "mlx.core.arctanh", "mlx.core.argmax", "mlx.core.argmin", "mlx.core.argpartition", "mlx.core.argsort", "mlx.core.array", "mlx.core.array.T", "mlx.core.array.abs", "mlx.core.array.all", "mlx.core.array.any", "mlx.core.array.argmax", "mlx.core.array.argmin", "mlx.core.array.astype", "mlx.core.array.at", "mlx.core.array.conj", "mlx.core.array.cos", "mlx.core.array.cummax", "mlx.core.array.cummin", "mlx.core.array.cumprod", "mlx.core.array.cumsum", "mlx.core.array.diag", "mlx.core.array.diagonal", "mlx.core.array.dtype", "mlx.core.array.exp", "mlx.core.array.flatten", "mlx.core.array.item", "mlx.core.array.itemsize", "mlx.core.array.log", "mlx.core.array.log10", "mlx.core.array.log1p", "mlx.core.array.log2", "mlx.core.array.logsumexp", "mlx.core.array.max", "mlx.core.array.mean", "mlx.core.array.min", "mlx.core.array.moveaxis", "mlx.core.array.nbytes", "mlx.core.array.ndim", "mlx.core.array.prod", "mlx.core.array.reciprocal", "mlx.core.array.reshape", "mlx.core.array.round", "mlx.core.array.rsqrt", "mlx.core.array.shape", "mlx.core.array.sin", "mlx.core.array.size", "mlx.core.array.split", "mlx.core.array.sqrt", "mlx.core.array.square", "mlx.core.array.squeeze", "mlx.core.array.std", "mlx.core.array.sum", "mlx.core.array.swapaxes", "mlx.core.array.tolist", "mlx.core.array.transpose", "mlx.core.array.var", "mlx.core.array.view", "mlx.core.array_equal", "mlx.core.as_strided", "mlx.core.atleast_1d", "mlx.core.atleast_2d", "mlx.core.atleast_3d", "mlx.core.bitwise_and", "mlx.core.bitwise_invert", "mlx.core.bitwise_or", "mlx.core.bitwise_xor", "mlx.core.block_masked_mm", "mlx.core.broadcast_to", "mlx.core.ceil", "mlx.core.clip", "mlx.core.compile", "mlx.core.concatenate", "mlx.core.conj", "mlx.core.conjugate", "mlx.core.conv1d", "mlx.core.conv2d", "mlx.core.conv3d", "mlx.core.conv_general", "mlx.core.conv_transpose1d", "mlx.core.conv_transpose2d", "mlx.core.conv_transpose3d", "mlx.core.convolve", "mlx.core.cos", "mlx.core.cosh", "mlx.core.cummax", "mlx.core.cummin", "mlx.core.cumprod", "mlx.core.cumsum", "mlx.core.custom_function", "mlx.core.default_device", "mlx.core.default_stream", "mlx.core.degrees", "mlx.core.dequantize", "mlx.core.diag", "mlx.core.diagonal", "mlx.core.disable_compile", "mlx.core.distributed.Group", "mlx.core.distributed.all_gather", "mlx.core.distributed.all_sum", "mlx.core.distributed.init", "mlx.core.distributed.is_available", "mlx.core.distributed.recv", "mlx.core.distributed.recv_like", "mlx.core.distributed.send", "mlx.core.divide", "mlx.core.divmod", "mlx.core.einsum", "mlx.core.einsum_path", "mlx.core.enable_compile", "mlx.core.equal", "mlx.core.erf", "mlx.core.erfinv", "mlx.core.eval", "mlx.core.exp", "mlx.core.expand_dims", "mlx.core.expm1", "mlx.core.export_function", "mlx.core.export_to_dot", "mlx.core.exporter", "mlx.core.eye", "mlx.core.fast.layer_norm", "mlx.core.fast.metal_kernel", "mlx.core.fast.rms_norm", "mlx.core.fast.rope", "mlx.core.fast.scaled_dot_product_attention", "mlx.core.fft.fft", "mlx.core.fft.fft2", "mlx.core.fft.fftn", "mlx.core.fft.ifft", "mlx.core.fft.ifft2", "mlx.core.fft.ifftn", "mlx.core.fft.irfft", "mlx.core.fft.irfft2", "mlx.core.fft.irfftn", "mlx.core.fft.rfft", "mlx.core.fft.rfft2", "mlx.core.fft.rfftn", "mlx.core.finfo", "mlx.core.flatten", "mlx.core.floor", "mlx.core.floor_divide", "mlx.core.full", "mlx.core.gather_mm", "mlx.core.gather_qmm", "mlx.core.grad", "mlx.core.greater", "mlx.core.greater_equal", "mlx.core.hadamard_transform", "mlx.core.identity", "mlx.core.imag", "mlx.core.import_function", "mlx.core.inner", "mlx.core.isclose", "mlx.core.isfinite", "mlx.core.isinf", "mlx.core.isnan", "mlx.core.isneginf", "mlx.core.isposinf", "mlx.core.issubdtype", "mlx.core.jvp", "mlx.core.kron", "mlx.core.left_shift", "mlx.core.less", "mlx.core.less_equal", "mlx.core.linalg.cholesky", "mlx.core.linalg.cholesky_inv", "mlx.core.linalg.cross", "mlx.core.linalg.eigh", "mlx.core.linalg.eigvalsh", "mlx.core.linalg.inv", "mlx.core.linalg.lu", "mlx.core.linalg.lu_factor", "mlx.core.linalg.norm", "mlx.core.linalg.qr", "mlx.core.linalg.solve", "mlx.core.linalg.solve_triangular", "mlx.core.linalg.svd", "mlx.core.linalg.tri_inv", "mlx.core.linspace", "mlx.core.load", "mlx.core.log", "mlx.core.log10", "mlx.core.log1p", "mlx.core.log2", "mlx.core.logaddexp", "mlx.core.logical_and", "mlx.core.logical_not", "mlx.core.logical_or", "mlx.core.logsumexp", "mlx.core.matmul", "mlx.core.max", "mlx.core.maximum", "mlx.core.mean", "mlx.core.meshgrid", "mlx.core.metal.clear_cache", "mlx.core.metal.device_info", "mlx.core.metal.get_active_memory", "mlx.core.metal.get_cache_memory", "mlx.core.metal.get_peak_memory", "mlx.core.metal.is_available", "mlx.core.metal.reset_peak_memory", "mlx.core.metal.set_cache_limit", "mlx.core.metal.set_memory_limit", "mlx.core.metal.set_wired_limit", "mlx.core.metal.start_capture", "mlx.core.metal.stop_capture", "mlx.core.min", "mlx.core.minimum", "mlx.core.moveaxis", "mlx.core.multiply", "mlx.core.nan_to_num", "mlx.core.negative", "mlx.core.new_stream", "mlx.core.not_equal", "mlx.core.ones", "mlx.core.ones_like", "mlx.core.outer", "mlx.core.pad", "mlx.core.partition", "mlx.core.power", "mlx.core.prod", "mlx.core.put_along_axis", "mlx.core.quantize", "mlx.core.quantized_matmul", "mlx.core.radians", "mlx.core.random.bernoulli", "mlx.core.random.categorical", "mlx.core.random.gumbel", "mlx.core.random.key", "mlx.core.random.laplace", "mlx.core.random.multivariate_normal", "mlx.core.random.normal", "mlx.core.random.permutation", "mlx.core.random.randint", "mlx.core.random.seed", "mlx.core.random.split", "mlx.core.random.truncated_normal", "mlx.core.random.uniform", "mlx.core.real", "mlx.core.reciprocal", "mlx.core.remainder", "mlx.core.repeat", "mlx.core.reshape", "mlx.core.right_shift", "mlx.core.roll", "mlx.core.round", "mlx.core.rsqrt", "mlx.core.save", "mlx.core.save_gguf", "mlx.core.save_safetensors", "mlx.core.savez", "mlx.core.savez_compressed", "mlx.core.set_default_device", "mlx.core.set_default_stream", "mlx.core.sigmoid", "mlx.core.sign", "mlx.core.sin", "mlx.core.sinh", "mlx.core.slice", "mlx.core.slice_update", "mlx.core.softmax", "mlx.core.sort", "mlx.core.split", "mlx.core.sqrt", "mlx.core.square", "mlx.core.squeeze", "mlx.core.stack", "mlx.core.std", "mlx.core.stop_gradient", "mlx.core.stream", "mlx.core.subtract", "mlx.core.sum", "mlx.core.swapaxes", "mlx.core.synchronize", "mlx.core.take", "mlx.core.take_along_axis", "mlx.core.tan", "mlx.core.tanh", "mlx.core.tensordot", "mlx.core.tile", "mlx.core.topk", "mlx.core.trace", "mlx.core.transpose", "mlx.core.tri", "mlx.core.tril", "mlx.core.triu", "mlx.core.unflatten", "mlx.core.value_and_grad", "mlx.core.var", "mlx.core.view", "mlx.core.vjp", "mlx.core.vmap", "mlx.core.where", "mlx.core.zeros", "mlx.core.zeros_like", "mlx.nn.average_gradients", "mlx.nn.quantize", "mlx.nn.value_and_grad", "mlx.optimizers.clip_grad_norm", "mlx.utils.tree_flatten", "mlx.utils.tree_map", "mlx.utils.tree_map_with_path", "mlx.utils.tree_reduce", "mlx.utils.tree_unflatten", "mlx.core.Stream", "Array", "Data Types", "Devices and Streams", "Distributed Communication", "Export Functions", "Fast", "FFT", "Linear Algebra", "Metal", "Neural Networks", "mlx.nn.ALiBi", "mlx.nn.AvgPool1d", "mlx.nn.AvgPool2d", "mlx.nn.AvgPool3d", "mlx.nn.BatchNorm", "mlx.nn.CELU", "mlx.nn.Conv1d", "mlx.nn.Conv2d", "mlx.nn.Conv3d", "mlx.nn.ConvTranspose1d", "mlx.nn.ConvTranspose2d", "mlx.nn.ConvTranspose3d", "mlx.nn.Dropout", "mlx.nn.Dropout2d", "mlx.nn.Dropout3d", "mlx.nn.ELU", "mlx.nn.Embedding", "mlx.nn.GELU", "mlx.nn.GLU", "mlx.nn.GRU", "mlx.nn.GroupNorm", "mlx.nn.HardShrink", "mlx.nn.HardTanh", "mlx.nn.Hardswish", "mlx.nn.InstanceNorm", "mlx.nn.LSTM", "mlx.nn.LayerNorm", "mlx.nn.LeakyReLU", "mlx.nn.Linear", "mlx.nn.LogSigmoid", "mlx.nn.LogSoftmax", "mlx.nn.MaxPool1d", "mlx.nn.MaxPool2d", "mlx.nn.MaxPool3d", "mlx.nn.Mish", "mlx.nn.Module.apply", "mlx.nn.Module.apply_to_modules", "mlx.nn.Module.children", "mlx.nn.Module.eval", "mlx.nn.Module.filter_and_map", "mlx.nn.Module.freeze", "mlx.nn.Module.leaf_modules", "mlx.nn.Module.load_weights", "mlx.nn.Module.modules", "mlx.nn.Module.named_modules", "mlx.nn.Module.parameters", "mlx.nn.Module.save_weights", "mlx.nn.Module.set_dtype", "mlx.nn.Module.state", "mlx.nn.Module.train", "mlx.nn.Module.trainable_parameters", "mlx.nn.Module.training", "mlx.nn.Module.unfreeze", "mlx.nn.Module.update", "mlx.nn.Module.update_modules", "mlx.nn.MultiHeadAttention", "mlx.nn.PReLU", "mlx.nn.QuantizedEmbedding", "mlx.nn.QuantizedLinear", "mlx.nn.RMSNorm", "mlx.nn.RNN", "mlx.nn.ReLU", "mlx.nn.ReLU6", "mlx.nn.RoPE", "mlx.nn.SELU", "mlx.nn.Sequential", "mlx.nn.SiLU", "mlx.nn.Sigmoid", "mlx.nn.SinusoidalPositionalEncoding", "mlx.nn.Softmax", "mlx.nn.Softmin", "mlx.nn.Softplus", "mlx.nn.Softshrink", "mlx.nn.Softsign", "mlx.nn.Step", "mlx.nn.Tanh", "mlx.nn.Transformer", "mlx.nn.Upsample", "mlx.nn.init.constant", "mlx.nn.init.glorot_normal", "mlx.nn.init.glorot_uniform", "mlx.nn.init.he_normal", "mlx.nn.init.he_uniform", "mlx.nn.init.identity", "mlx.nn.init.normal", "mlx.nn.init.uniform", "mlx.nn.celu", "mlx.nn.elu", "mlx.nn.gelu", "mlx.nn.gelu_approx", "mlx.nn.gelu_fast_approx", "mlx.nn.glu", "mlx.nn.hard_shrink", "mlx.nn.hard_tanh", "mlx.nn.hardswish", "mlx.nn.leaky_relu", "mlx.nn.log_sigmoid", "mlx.nn.log_softmax", "mlx.nn.losses.binary_cross_entropy", "mlx.nn.losses.cosine_similarity_loss", "mlx.nn.losses.cross_entropy", "mlx.nn.losses.gaussian_nll_loss", "mlx.nn.losses.hinge_loss", "mlx.nn.losses.huber_loss", "mlx.nn.losses.kl_div_loss", "mlx.nn.losses.l1_loss", "mlx.nn.losses.log_cosh_loss", "mlx.nn.losses.margin_ranking_loss", "mlx.nn.losses.mse_loss", "mlx.nn.losses.nll_loss", "mlx.nn.losses.smooth_l1_loss", "mlx.nn.losses.triplet_loss", "mlx.nn.mish", "mlx.nn.prelu", "mlx.nn.relu", "mlx.nn.relu6", "mlx.nn.selu", "mlx.nn.sigmoid", "mlx.nn.silu", "mlx.nn.softmax", "mlx.nn.softmin", "mlx.nn.softplus", "mlx.nn.softshrink", "mlx.nn.step", "mlx.nn.tanh", "Functions", "Initializers", "Layers", "Loss Functions", "Module", "Operations", "Optimizers", "mlx.optimizers.AdaDelta", "mlx.optimizers.Adafactor", "mlx.optimizers.Adagrad", "mlx.optimizers.Adam", "mlx.optimizers.AdamW", "mlx.optimizers.Adamax", "mlx.optimizers.Lion", "mlx.optimizers.Optimizer.apply_gradients", "mlx.optimizers.Optimizer.init", "mlx.optimizers.Optimizer.state", "mlx.optimizers.Optimizer.update", "mlx.optimizers.RMSprop", "mlx.optimizers.SGD", "mlx.optimizers.cosine_decay", "mlx.optimizers.exponential_decay", "mlx.optimizers.join_schedules", "mlx.optimizers.linear_schedule", "mlx.optimizers.step_decay", "Common Optimizers", "Optimizer", "Schedulers", "Random", "Transforms", "Tree Utils", "Compilation", "Distributed Communication", "Exporting Functions", "Function Transforms", "Indexing Arrays", "Launching Distributed Programs", "Lazy Evaluation", "Conversion to NumPy and Other Frameworks", "Quick Start Guide", "Saving and Loading Arrays", "Unified Memory", "Using Streams"], "titleterms": {"A": 507, "In": 501, "The": 340, "ab": [13, 33], "adadelta": 473, "adafactor": 474, "adagrad": 475, "adam": 476, "adamax": 478, "adamw": 477, "add": 14, "addmm": 15, "algebra": 338, "alibi": 341, "all": [6, 16, 34, 498], "all_gath": 123, "all_sum": 124, "allclos": 17, "ani": [18, 35], "api": [8, 9], "appli": 376, "apply_gradi": 480, "apply_to_modul": 377, "arang": 19, "arcco": 20, "arccosh": 21, "arcsin": 22, "arcsinh": 23, "arctan": 24, "arctan2": 25, "arctanh": 26, "argmax": [27, 36], "argmin": [28, 37], "argpartit": 29, "argsort": 30, "arrai": [31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 331, 501, 506], "array_equ": 83, "as_strid": 84, "astyp": 38, "atleast_1d": 85, "atleast_2d": 86, "atleast_3d": 87, "attent": 6, "automat": 500, "average_gradi": [321, 498], "avgpool1d": 342, "avgpool2d": 343, "avgpool3d": 344, "back": 2, "backend": 498, "basic": [497, 499, 505], "batchnorm": 345, "benchmark": 6, "bernoulli": 251, "binari": 9, "binary_cross_entropi": 439, "bind": 2, "bitwise_and": 88, "bitwise_invert": 89, "bitwise_or": 90, "bitwise_xor": 91, "block_masked_mm": 92, "broadcast_to": 93, "build": [2, 9], "c": [4, 8, 9, 499], "categor": 252, "ceil": 94, "celu": [346, 427], "children": 378, "choleski": 190, "cholesky_inv": 191, "class": 340, "clear_cach": 220, "clip": 95, "clip_grad_norm": 324, "cmake": 2, "co": [41, 108], "code": [2, 6], "common": 491, "commun": [334, 498], "compil": [96, 497], "complex": 1, "comput": 503, "concaten": 97, "conj": [40, 98], "conjug": 99, "constant": 419, "conv1d": [100, 347], "conv2d": [101, 348], "conv3d": [102, 349], "conv_gener": 103, "conv_transpose1d": 104, "conv_transpose2d": 105, "conv_transpose3d": 106, "convers": 504, "convert": 6, "convolv": 107, "convtranspose1d": 350, "convtranspose2d": 351, "convtranspose3d": 352, "core": [10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 330], "cosh": 109, "cosine_decai": 486, "cosine_similarity_loss": 440, "cpu": 2, "cross": 192, "cross_entropi": 441, "cummax": [42, 110], "cummin": [43, 111], "cumprod": [44, 112], "cumsum": [45, 113], "custom": [1, 2], "custom_funct": 114, "data": 332, "debug": 497, "debugg": 3, "default_devic": 115, "default_stream": 116, "defin": 498, "degre": 117, "dequant": 118, "devic": [10, 333], "device_info": 221, "diag": [46, 119], "diagon": [47, 120], "differ": 501, "differenti": 500, "disable_compil": 121, "distribut": [122, 123, 124, 125, 126, 127, 128, 129, 334, 498, 502], "divid": 130, "divmod": 131, "download": [2, 6], "dropout": 353, "dropout2d": 354, "dropout3d": 355, "dtype": [11, 48], "dtypecategori": 12, "eigh": 193, "eigvalsh": 194, "einsum": 132, "einsum_path": 133, "elu": [356, 428], "embed": 357, "enable_compil": 134, "encod": 6, "end": 2, "equal": 135, "erf": 136, "erfinv": 137, "eval": [138, 379], "evalu": 503, "exampl": [1, 2, 8, 497, 498, 499, 507], "exp": [49, 139], "expand_dim": 140, "expm1": 141, "exponential_decai": 487, "export": [144, 335, 499], "export_funct": 142, "export_to_dot": 143, "extens": 2, "ey": 145, "fast": [146, 147, 148, 149, 150, 336], "fft": [151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 337], "fft2": 152, "fftn": 153, "filter_and_map": 380, "finfo": 163, "flatten": [50, 164], "floor": 165, "floor_divid": 166, "format": 506, "found": 9, "framework": 504, "freez": 381, "from": [9, 501], "full": [6, 167], "function": [335, 466, 469, 497, 499, 500, 505], "further": 8, "gather_mm": 168, "gather_qmm": 169, "gaussian_nll_loss": 442, "gelu": [358, 429], "gelu_approx": 430, "gelu_fast_approx": 431, "gener": 6, "get": 498, "get_active_memori": 222, "get_cache_memori": 223, "get_peak_memori": 224, "glorot_norm": 420, "glorot_uniform": 421, "glu": [359, 432], "gpu": 2, "grad": [170, 340], "graph": [497, 503, 505], "greater": 171, "greater_equ": 172, "grid": 1, "group": 122, "groupnorm": 361, "gru": 360, "guid": 505, "gumbel": 253, "hadamard_transform": 173, "hard_shrink": 433, "hard_tanh": 434, "hardshrink": 362, "hardswish": [364, 435], "hardtanh": 363, "he_norm": 422, "he_uniform": 423, "hinge_loss": 443, "host": [498, 502], "huber_loss": 444, "ident": [174, 424], "ifft": 154, "ifft2": 155, "ifftn": 156, "imag": 175, "implement": [2, 6], "import": 499, "import_funct": 176, "index": 501, "infer": 6, "init": [125, 419, 420, 421, 422, 423, 424, 425, 426, 481], "initi": 467, "inner": 177, "inspect": 340, "instal": [8, 9, 498], "instancenorm": 365, "introduc": 2, "inv": 195, "irfft": 157, "irfft2": 158, "irfftn": 159, "is_avail": [126, 225], "isclos": 178, "isfinit": 179, "isinf": 180, "isnan": 181, "isneginf": 182, "isposinf": 183, "issubdtyp": 184, "item": 51, "items": 52, "jax": 504, "join_schedul": 488, "jvp": 185, "kei": 254, "kernel": 1, "kl_div_loss": 445, "kron": 186, "l1_loss": 446, "laplac": 255, "launch": 502, "layer": [6, 7, 468], "layer_norm": 146, "layernorm": 367, "lazi": 503, "leaf_modul": 382, "leaky_relu": 436, "leakyrelu": 368, "left_shift": 187, "less": 188, "less_equ": 189, "linalg": [190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203], "linear": [5, 338, 369], "linear_schedul": 489, "linspac": 204, "lion": 479, "llm": 6, "load": [6, 205, 472, 506], "load_weight": 383, "log": [53, 206], "log10": [54, 207], "log1p": [55, 208], "log2": [56, 209], "log_cosh_loss": 447, "log_sigmoid": 437, "log_softmax": 438, "logaddexp": 210, "logical_and": 211, "logical_not": 212, "logical_or": 213, "logsigmoid": 370, "logsoftmax": 371, "logsumexp": [57, 214], "loss": [439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 469], "lstm": 366, "lu": 196, "lu_factor": 197, "margin_ranking_loss": 448, "matmul": 215, "max": [58, 216], "maximum": 217, "maxpool1d": 372, "maxpool2d": 373, "maxpool3d": 374, "mean": [59, 218], "memori": 507, "meshgrid": 219, "metal": [1, 3, 9, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 339], "metal_kernel": 147, "min": [60, 232], "minim": 9, "minimum": 233, "mish": [375, 453], "mlx": [2, 4, 8, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483, 484, 485, 486, 487, 488, 489, 490], "model": 6, "modul": [340, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 470, 499], "more": 499, "moveaxi": [61, 234], "mpi": [498, 502], "mse_loss": 449, "multi": 7, "multiheadattent": 396, "multipl": 499, "multipli": 235, "multivariate_norm": 256, "named_modul": 385, "nan_to_num": 236, "nbyte": 62, "ndim": 63, "neg": 237, "network": 340, "neural": 340, "new_stream": 238, "nll_loss": 450, "nn": [321, 322, 323, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 373, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447, 448, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 498], "norm": 198, "normal": [257, 425], "not_equ": 239, "numpi": [501, 504], "ones": 240, "ones_lik": 241, "onli": 503, "oper": [0, 2, 471], "optim": [324, 472, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483, 484, 485, 486, 487, 488, 489, 490, 491, 492], "option": 9, "other": 504, "outer": 242, "packag": 4, "pad": 243, "paramet": [340, 386], "partit": 244, "perceptron": 7, "permut": 258, "place": 501, "power": 245, "prelu": [397, 454], "primit": 2, "prod": [64, 246], "program": [498, 502], "provid": 502, "pure": 497, "put": 6, "put_along_axi": 247, "python": [2, 8, 9], "pytorch": 504, "qr": 199, "quantiz": [248, 322], "quantized_matmul": 249, "quantizedembed": 398, "quantizedlinear": 399, "quick": [340, 505], "radian": 250, "randint": 259, "random": [251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 494], "read": 8, "real": 264, "reciproc": [65, 265], "recv": 127, "recv_lik": 128, "reduc": 498, "refer": 8, "regress": 5, "relu": [402, 455], "relu6": [403, 456], "remaind": 266, "remot": [498, 502], "repeat": 267, "requir": 9, "reset_peak_memori": 226, "reshap": [66, 268], "result": 2, "rfft": 160, "rfft2": 161, "rfftn": 162, "right_shift": 269, "ring": [498, 502], "rms_norm": 148, "rmsnorm": 400, "rmsprop": 484, "rnn": 401, "roll": 270, "rope": [149, 404], "round": [67, 271], "rsqrt": [68, 272], "run": 498, "sampl": 1, "save": [273, 472, 506], "save_gguf": 274, "save_safetensor": 275, "save_weight": 387, "savez": 276, "savez_compress": 277, "scaled_dot_product_attent": 150, "schedul": 493, "script": [2, 6], "seed": 260, "select": 498, "selu": [405, 457], "send": 129, "sequenti": 406, "serial": 506, "set": [498, 502], "set_cache_limit": 227, "set_default_devic": 278, "set_default_stream": 279, "set_dtyp": 388, "set_memory_limit": 228, "set_wired_limit": 229, "setuptool": 2, "sgd": 485, "shape": [1, 69], "shapeless": [497, 499], "shell": 9, "sigmoid": [280, 408, 458], "sign": 281, "silu": [407, 459], "simpl": [1, 507], "sin": [70, 282], "sinh": 283, "sinusoidalpositionalencod": 409, "size": [9, 71], "slice": 284, "slice_upd": 285, "smooth_l1_loss": 451, "softmax": [286, 410, 460], "softmin": [411, 461], "softplu": [412, 462], "softshrink": [413, 463], "softsign": 414, "solv": 200, "solve_triangular": 201, "sort": 287, "sourc": 9, "specif": 502, "specifi": 508, "speedup": 497, "split": [72, 261, 288], "sqrt": [73, 289], "squar": [74, 290], "squeez": [75, 291], "stack": 292, "start": [340, 498, 505], "start_captur": 230, "state": [389, 482], "std": [76, 293], "step": [415, 464], "step_decai": 490, "stop_captur": 231, "stop_gradi": 294, "stream": [295, 330, 333, 508], "stride": 1, "subtract": 296, "sum": [77, 297], "support": 332, "svd": 202, "swapax": [78, 298], "synchron": 299, "t": 32, "take": 300, "take_along_axi": 301, "tan": 302, "tanh": [303, 416, 465], "tensordot": 304, "tensorflow": 504, "thunderbolt": 498, "tile": 305, "togeth": 6, "tolist": 79, "topk": 306, "trace": [307, 499], "train": [390, 392, 497, 498], "trainable_paramet": 391, "transform": [2, 417, 495, 497, 499, 500, 503, 505], "transpos": [80, 308], "tree": 496, "tree_flatten": 325, "tree_map": 326, "tree_map_with_path": 327, "tree_reduc": 328, "tree_unflatten": 329, "tri": 309, "tri_inv": 203, "tril": 310, "triplet_loss": 452, "triu": 311, "troubleshoot": 9, "truncated_norm": 262, "tune": 498, "type": 332, "unflatten": 312, "unfreez": 393, "unifi": 507, "uniform": [263, 426], "up": [498, 502], "updat": [340, 394, 483, 501], "update_modul": 395, "upsampl": 418, "us": [1, 2, 4, 503, 508], "usag": [2, 8, 502], "util": [325, 326, 327, 328, 329, 496, 498], "valu": 340, "value_and_grad": [313, 323], "var": [81, 314], "variabl": 4, "vector": 500, "view": [82, 315], "vjp": [1, 316], "vmap": 317, "weight": 6, "what": 503, "when": 503, "where": 318, "why": 503, "workflow": 3, "x86": 9, "xcode": 3, "you": 503, "zero": 319, "zeros_lik": 320}}) \ No newline at end of file diff --git a/docs/build/html/steel__attention_8h.html b/docs/build/html/steel__attention_8h.html index 2c984550c..06f4c56ec 100644 --- a/docs/build/html/steel__attention_8h.html +++ b/docs/build/html/steel__attention_8h.html @@ -131,9 +131,9 @@ Classes - - - + + +

                  Functions

                  template<typename T, int BQ, int BK, int BD, int WM, int WN, typename AccumType = float>
                  void attention (const device T *Q, const device T *K, const device T *V, device T *O, const constant AttnParams *params, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)
                   
                  template<typename T, int BQ, int BK, int BD, int WM, int WN, typename MaskType = float, typename AccumType = float>
                  void attention (const device T *Q, const device T *K, const device T *V, device T *O, const constant AttnParams *params, const constant AttnMaskParams *mask_params, const device MaskType *mask, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)
                   
                  @@ -141,15 +141,19 @@ Variables + + + +

                  Variables

                   
                  constant bool align_K
                   
                  constant bool has_mask
                   
                  constant bool do_causal
                   

                  Function Documentation

                  - -

                  ◆ attention()

                  + +

                  ◆ attention()

                  -template<typename T, int BQ, int BK, int BD, int WM, int WN, typename AccumType = float>
                  +template<typename T, int BQ, int BK, int BD, int WM, int WN, typename MaskType = float, typename AccumType = float>
                  @@ -176,6 +180,16 @@ template<typename T, int BQ, int BK, int BD, int WM, int WN, typename AccumTy + + + + + + + + + + @@ -228,6 +242,34 @@ template<typename T, int BQ, int BK, int BD, int WM, int WN, typename AccumTy
                  void attention const constant AttnParams * params,
                  const constant AttnMaskParams * mask_params,
                  const device MaskType * mask,
                  +
                  +
                  + +

                  ◆ do_causal

                  + +
                  +
                  + + + + +
                  constant bool do_causal
                  +
                  + +
                  +
                  + +

                  ◆ has_mask

                  + +
                  +
                  + + + + +
                  constant bool has_mask
                  +
                  +
                  diff --git a/docs/build/html/steel__attention_8h.js b/docs/build/html/steel__attention_8h.js index 89e1b75d7..31ff1ca78 100644 --- a/docs/build/html/steel__attention_8h.js +++ b/docs/build/html/steel__attention_8h.js @@ -7,7 +7,9 @@ var steel__attention_8h = [ "SubOp", "struct_sub_op.html", "struct_sub_op" ], [ "ExpSubOp", "struct_exp_sub_op.html", "struct_exp_sub_op" ], [ "DivOp", "struct_div_op.html", "struct_div_op" ], - [ "attention", "steel__attention_8h.html#a5423b2a414f5e3c14166d568dedfbd33", null ], + [ "attention", "steel__attention_8h.html#a835f90451dd42ce2d52352d5cce0722a", null ], [ "align_K", "steel__attention_8h.html#a8bdd2cecf97aa5b033152b1d0f0d2416", null ], - [ "align_Q", "steel__attention_8h.html#a171fdea1b23976453f5dc5e6b3161982", null ] + [ "align_Q", "steel__attention_8h.html#a171fdea1b23976453f5dc5e6b3161982", null ], + [ "do_causal", "steel__attention_8h.html#abfa50278ba59a90e0acb7e5d94500741", null ], + [ "has_mask", "steel__attention_8h.html#a6ed0dd113fe7d471fc0b869b8c028c81", null ] ]; \ No newline at end of file diff --git a/docs/build/html/steel__attention_8h_source.html b/docs/build/html/steel__attention_8h_source.html index 61ae7b649..91c01163a 100644 --- a/docs/build/html/steel__attention_8h_source.html +++ b/docs/build/html/steel__attention_8h_source.html @@ -105,7 +105,7 @@ $(function(){initNavTree('steel__attention_8h_source.html',''); initResizable(tr
                  steel_attention.h
                  -Go to the documentation of this file.
                  1// Copyright © 2024 Apple Inc.
                  +Go to the documentation of this file.
                  1// Copyright © 2024-25 Apple Inc.
                  2
                  3using namespace mlx::steel;
                  4
                  @@ -114,429 +114,516 @@ $(function(){initNavTree('steel__attention_8h_source.html',''); initResizable(tr
                  9constant bool align_Q [[function_constant(200)]];
                  10constant bool align_K [[function_constant(201)]];
                  11
                  -
                  12template <typename T>
                  -
                  - - -
                  15 METAL_FUNC TransformScale(T scale_) : scale(scale_) {}
                  -
                  16
                  -
                  -
                  17 METAL_FUNC T apply(T x) const {
                  -
                  18 return scale * x;
                  -
                  19 }
                  +
                  12constant bool has_mask [[function_constant(300)]];
                  +
                  13constant bool do_causal [[function_constant(301)]];
                  +
                  14
                  +
                  15template <typename T>
                  +
                  + + +
                  18 METAL_FUNC TransformScale(T scale_) : scale(scale_) {}
                  +
                  19
                  +
                  +
                  20 METAL_FUNC T apply(T x) const {
                  +
                  21 return scale * x;
                  +
                  22 }
                  -
                  20};
                  +
                  23};
                  -
                  21
                  -
                  -
                  22struct MaxOp {
                  -
                  23 template <typename T>
                  -
                  -
                  24 METAL_FUNC static constexpr T apply(T x, T y) {
                  -
                  25 return metal::max(x, y);
                  -
                  26 }
                  +
                  24
                  +
                  +
                  25struct MaxOp {
                  +
                  26 template <typename T>
                  +
                  +
                  27 METAL_FUNC static constexpr T apply(T x, T y) {
                  +
                  28 return metal::max(x, y);
                  +
                  29 }
                  -
                  27};
                  +
                  30};
                  -
                  28
                  -
                  -
                  29struct SumOp {
                  -
                  30 template <typename T>
                  -
                  -
                  31 METAL_FUNC static constexpr T apply(T x, T y) {
                  -
                  32 return x + y;
                  -
                  33 }
                  +
                  31
                  +
                  +
                  32struct SumOp {
                  +
                  33 template <typename T>
                  +
                  +
                  34 METAL_FUNC static constexpr T apply(T x, T y) {
                  +
                  35 return x + y;
                  +
                  36 }
                  -
                  34};
                  +
                  37};
                  -
                  35
                  -
                  -
                  36struct MulOp {
                  -
                  37 template <typename T>
                  -
                  -
                  38 METAL_FUNC static constexpr T apply(T x, T y) {
                  -
                  39 return x * y;
                  -
                  40 }
                  +
                  38
                  +
                  +
                  39struct MulOp {
                  +
                  40 template <typename T>
                  +
                  +
                  41 METAL_FUNC static constexpr T apply(T x, T y) {
                  +
                  42 return x * y;
                  +
                  43 }
                  -
                  41};
                  +
                  44};
                  -
                  42
                  -
                  -
                  43struct SubOp {
                  -
                  44 template <typename T>
                  -
                  -
                  45 METAL_FUNC static constexpr T apply(T x, T y) {
                  -
                  46 return x - y;
                  -
                  47 }
                  +
                  45
                  +
                  +
                  46struct SubOp {
                  +
                  47 template <typename T>
                  +
                  +
                  48 METAL_FUNC static constexpr T apply(T x, T y) {
                  +
                  49 return x - y;
                  +
                  50 }
                  -
                  48};
                  +
                  51};
                  -
                  49
                  -
                  -
                  50struct ExpSubOp {
                  -
                  51 template <typename T>
                  -
                  -
                  52 METAL_FUNC static constexpr T apply(T x, T y) {
                  -
                  53 return fast::exp2(x - y);
                  -
                  54 }
                  +
                  52
                  +
                  +
                  53struct ExpSubOp {
                  +
                  54 template <typename T>
                  +
                  +
                  55 METAL_FUNC static constexpr T apply(T x, T y) {
                  +
                  56 return fast::exp2(x - y);
                  +
                  57 }
                  -
                  55};
                  +
                  58};
                  -
                  56
                  -
                  -
                  57struct DivOp {
                  -
                  58 template <typename T>
                  -
                  -
                  59 METAL_FUNC static constexpr T apply(T x, T y) {
                  -
                  60 return x / y;
                  -
                  61 }
                  +
                  59
                  +
                  +
                  60struct DivOp {
                  +
                  61 template <typename T>
                  +
                  +
                  62 METAL_FUNC static constexpr T apply(T x, T y) {
                  +
                  63 return x / y;
                  +
                  64 }
                  -
                  62};
                  +
                  65};
                  -
                  63
                  -
                  64// clang-format off
                  -
                  65template <
                  -
                  66 typename T,
                  -
                  67 int BQ,
                  -
                  68 int BK,
                  -
                  69 int BD,
                  -
                  70 int WM,
                  -
                  71 int WN,
                  -
                  72 typename AccumType = float>
                  -
                  -
                  73[[kernel, max_total_threads_per_threadgroup(WM * WN * 32)]] void attention(
                  -
                  74 const device T* Q [[buffer(0)]],
                  -
                  75 const device T* K [[buffer(1)]],
                  -
                  76 const device T* V [[buffer(2)]],
                  -
                  77 device T* O [[buffer(3)]],
                  -
                  78 const constant AttnParams* params [[buffer(4)]],
                  -
                  79 uint simd_lane_id [[thread_index_in_simdgroup]],
                  -
                  80 uint simd_group_id [[simdgroup_index_in_threadgroup]],
                  -
                  81 uint3 tid [[threadgroup_position_in_grid]],
                  -
                  82 uint3 lid [[thread_position_in_threadgroup]]) { // clang-format on
                  -
                  83
                  -
                  84 // Pacifying compiler
                  -
                  85 (void)lid;
                  -
                  86
                  -
                  87 // Move to correct block
                  -
                  88 ulong3 tidl{tid.x, tid.y, tid.z};
                  +
                  66
                  +
                  67// clang-format off
                  +
                  68template <
                  +
                  69 typename T,
                  +
                  70 int BQ,
                  +
                  71 int BK,
                  +
                  72 int BD,
                  +
                  73 int WM,
                  +
                  74 int WN,
                  +
                  75 typename MaskType = float,
                  +
                  76 typename AccumType = float>
                  +
                  +
                  77[[kernel, max_total_threads_per_threadgroup(WM * WN * 32)]] void attention(
                  +
                  78 const device T* Q [[buffer(0)]],
                  +
                  79 const device T* K [[buffer(1)]],
                  +
                  80 const device T* V [[buffer(2)]],
                  +
                  81 device T* O [[buffer(3)]],
                  +
                  82 const constant AttnParams* params [[buffer(4)]],
                  +
                  83 const constant AttnMaskParams* mask_params [[buffer(5), function_constant(has_mask)]],
                  +
                  84 const device MaskType* mask [[buffer(6), function_constant(has_mask)]],
                  +
                  85 uint simd_lane_id [[thread_index_in_simdgroup]],
                  +
                  86 uint simd_group_id [[simdgroup_index_in_threadgroup]],
                  +
                  87 uint3 tid [[threadgroup_position_in_grid]],
                  +
                  88 uint3 lid [[thread_position_in_threadgroup]]) { // clang-format on
                  89
                  -
                  90 Q += tidl.z * params->Q_strides[0] + // Batch
                  -
                  91 tidl.y * params->Q_strides[1] + // Head
                  -
                  92 tidl.x * BQ * params->Q_strides[2]; // Seqeunce
                  -
                  93
                  -
                  94 ulong kv_head_idx = int(tid.y) / params->gqa_factor;
                  -
                  95 K += tidl.z * params->K_strides[0] + // Batch
                  -
                  96 kv_head_idx * params->K_strides[1]; // Head
                  -
                  97
                  -
                  98 V += tidl.z * params->V_strides[0] + // Batch
                  -
                  99 kv_head_idx * params->V_strides[1]; // Head
                  -
                  100
                  -
                  101 O += tidl.z * params->O_strides[0] + // Batch
                  -
                  102 tidl.y * params->O_strides[1] + // Head
                  -
                  103 tidl.x * BQ * params->O_strides[2]; // Seqeunce
                  -
                  104
                  -
                  105 // Prepare threadgroup memory
                  -
                  106 constexpr short padQ = 16 / sizeof(T);
                  -
                  107 constexpr short padK = 16 / sizeof(T);
                  -
                  108 constexpr short padV = 16 / sizeof(T);
                  -
                  109
                  -
                  110 constexpr short LDQ_tgp = BD + padQ;
                  -
                  111 constexpr short LDK_tgp = BK + padK;
                  -
                  112 constexpr short LDV_tgp = BD + padV;
                  -
                  113
                  -
                  114 constexpr short tgp_mem_0 = (BK + padK) * (BD);
                  -
                  115 constexpr short tgp_mem_1 = BK * (BD + padV);
                  -
                  116 constexpr short tgp_mem_s = tgp_mem_0 > tgp_mem_1 ? tgp_mem_0 : tgp_mem_1;
                  -
                  117
                  -
                  118 threadgroup T Q_smem[BQ * (BD + padQ)];
                  -
                  119 threadgroup T KV_smem[tgp_mem_s];
                  +
                  90 // Pacifying compiler
                  +
                  91 (void)lid;
                  +
                  92
                  +
                  93 // Move to correct block
                  +
                  94 ulong3 tidl{tid.x, tid.y, tid.z};
                  +
                  95
                  +
                  96 Q += tidl.z * params->Q_strides[0] + // Batch
                  +
                  97 tidl.y * params->Q_strides[1] + // Head
                  +
                  98 tidl.x * BQ * params->Q_strides[2]; // Seqeunce
                  +
                  99
                  +
                  100 ulong kv_head_idx = int(tid.y) / params->gqa_factor;
                  +
                  101 K += tidl.z * params->K_strides[0] + // Batch
                  +
                  102 kv_head_idx * params->K_strides[1]; // Head
                  +
                  103
                  +
                  104 V += tidl.z * params->V_strides[0] + // Batch
                  +
                  105 kv_head_idx * params->V_strides[1]; // Head
                  +
                  106
                  +
                  107 O += tidl.z * params->O_strides[0] + // Batch
                  +
                  108 tidl.y * params->O_strides[1] + // Head
                  +
                  109 tidl.x * BQ * params->O_strides[2]; // Seqeunce
                  +
                  110
                  +
                  111 if (has_mask) {
                  +
                  112 mask += tidl.z * mask_params->M_strides[0] + // Batch
                  +
                  113 tidl.y * mask_params->M_strides[1]; // Head
                  +
                  114 }
                  +
                  115
                  +
                  116 // Prepare threadgroup memory
                  +
                  117 constexpr short padQ = 16 / sizeof(T);
                  +
                  118 constexpr short padK = 16 / sizeof(T);
                  +
                  119 constexpr short padV = 16 / sizeof(T);
                  120
                  -
                  121 threadgroup T* Qs = Q_smem;
                  -
                  122 threadgroup T* Ks = KV_smem;
                  -
                  123 threadgroup T* Vs = KV_smem;
                  +
                  121 constexpr short LDQ_tgp = BD + padQ;
                  +
                  122 constexpr short LDK_tgp = BK + padK;
                  +
                  123 constexpr short LDV_tgp = BD + padV;
                  124
                  -
                  125 // Prepare block loaders
                  -
                  126 using QBlockLoader = BlockLoaderT<
                  -
                  127 /* typename T = */ T,
                  -
                  128 /* short BROWS = */ BQ,
                  -
                  129 /* short BCOLS = */ BD,
                  -
                  130 /* short kDstStrRow = */ LDQ_tgp,
                  -
                  131 /* short kDstStrCol = */ 1,
                  -
                  132 /* short reduction_dim = */ 1,
                  -
                  133 /* short tgp_size = */ WM * WN * 32>;
                  -
                  134
                  -
                  135 // K is loaded in transposed
                  -
                  136 using KBlockLoader = BlockLoaderT<
                  -
                  137 /* typename T = */ T,
                  -
                  138 /* short BROWS = */ BK,
                  -
                  139 /* short BCOLS = */ BD,
                  -
                  140 /* short kDstStrRow = */ 1,
                  -
                  141 /* short kDstStrCol = */ LDK_tgp,
                  -
                  142 /* short reduction_dim = */ 0,
                  -
                  143 /* short tgp_size = */ WM * WN * 32>;
                  -
                  144
                  -
                  145 using VBlockLoader = BlockLoaderT<
                  -
                  146 /* typename T = */ T,
                  -
                  147 /* short BROWS = */ BK,
                  -
                  148 /* short BCOLS = */ BD,
                  -
                  149 /* short kDstStrRow = */ LDV_tgp,
                  -
                  150 /* short kDstStrCol = */ 1,
                  -
                  151 /* short reduction_dim = */ 0,
                  -
                  152 /* short tgp_size = */ WM * WN * 32>;
                  -
                  153
                  -
                  154 QBlockLoader loader_q(
                  -
                  155 Q, params->Q_strides[2], Qs, simd_group_id, simd_lane_id);
                  -
                  156 KBlockLoader loader_k(
                  -
                  157 K, params->K_strides[2], Ks, simd_group_id, simd_lane_id);
                  -
                  158 VBlockLoader loader_v(
                  -
                  159 V, params->V_strides[2], Vs, simd_group_id, simd_lane_id);
                  -
                  160
                  -
                  161 TransformScale<T> ts(static_cast<T>(params->scale * 1.44269504089));
                  -
                  162
                  -
                  163 // Prepare MMA tiles
                  -
                  164 constexpr short kFragSize = 8; // MMAFrag size
                  - -
                  166
                  -
                  167 constexpr int kNWarps = WM * WN;
                  -
                  168 static_assert(
                  -
                  169 BQ >= (kNWarps * kFragSize) && BQ % (kNWarps * kFragSize) == 0,
                  -
                  170 "Each simdgroup must host atleast 1 simdgroup matrix along Q sequence.");
                  +
                  125 constexpr short tgp_mem_0 = (BK + padK) * (BD);
                  +
                  126 constexpr short tgp_mem_1 = BK * (BD + padV);
                  +
                  127 constexpr short tgp_mem_s = tgp_mem_0 > tgp_mem_1 ? tgp_mem_0 : tgp_mem_1;
                  +
                  128
                  +
                  129 threadgroup T Q_smem[BQ * (BD + padQ)];
                  +
                  130 threadgroup T KV_smem[tgp_mem_s];
                  +
                  131
                  +
                  132 threadgroup T* Qs = Q_smem;
                  +
                  133 threadgroup T* Ks = KV_smem;
                  +
                  134 threadgroup T* Vs = KV_smem;
                  +
                  135
                  +
                  136 // Prepare block loaders
                  +
                  137 using QBlockLoader = BlockLoaderT<
                  +
                  138 /* typename T = */ T,
                  +
                  139 /* short BROWS = */ BQ,
                  +
                  140 /* short BCOLS = */ BD,
                  +
                  141 /* short kDstStrRow = */ LDQ_tgp,
                  +
                  142 /* short kDstStrCol = */ 1,
                  +
                  143 /* short reduction_dim = */ 1,
                  +
                  144 /* short tgp_size = */ WM * WN * 32>;
                  +
                  145
                  +
                  146 // K is loaded in transposed
                  +
                  147 using KBlockLoader = BlockLoaderT<
                  +
                  148 /* typename T = */ T,
                  +
                  149 /* short BROWS = */ BK,
                  +
                  150 /* short BCOLS = */ BD,
                  +
                  151 /* short kDstStrRow = */ 1,
                  +
                  152 /* short kDstStrCol = */ LDK_tgp,
                  +
                  153 /* short reduction_dim = */ 0,
                  +
                  154 /* short tgp_size = */ WM * WN * 32>;
                  +
                  155
                  +
                  156 using VBlockLoader = BlockLoaderT<
                  +
                  157 /* typename T = */ T,
                  +
                  158 /* short BROWS = */ BK,
                  +
                  159 /* short BCOLS = */ BD,
                  +
                  160 /* short kDstStrRow = */ LDV_tgp,
                  +
                  161 /* short kDstStrCol = */ 1,
                  +
                  162 /* short reduction_dim = */ 0,
                  +
                  163 /* short tgp_size = */ WM * WN * 32>;
                  +
                  164
                  +
                  165 QBlockLoader loader_q(
                  +
                  166 Q, params->Q_strides[2], Qs, simd_group_id, simd_lane_id);
                  +
                  167 KBlockLoader loader_k(
                  +
                  168 K, params->K_strides[2], Ks, simd_group_id, simd_lane_id);
                  +
                  169 VBlockLoader loader_v(
                  +
                  170 V, params->V_strides[2], Vs, simd_group_id, simd_lane_id);
                  171
                  -
                  172 // Q seq frags per warp
                  -
                  173 constexpr int TQ = BQ / (kNWarps * kFragSize);
                  -
                  174 // KV sequence frags (all warps load the same frags)
                  -
                  175 constexpr int TK = BK / kFragSize;
                  -
                  176 // HeadDim frags (all warps load the same frags)
                  -
                  177 constexpr int TD = BD / kFragSize;
                  -
                  178
                  -
                  179 static_assert(TQ == 1, "Check TQ");
                  -
                  180
                  - - - - - -
                  186
                  -
                  187 Otile.clear();
                  -
                  188
                  -
                  189 // Prepare mma tile offsets
                  -
                  190 const short2 simd_coord = MMAFrag_acc_t::get_coord(simd_lane_id);
                  -
                  191 const short sm = simd_coord.y;
                  -
                  192 const short sn = simd_coord.x;
                  -
                  193 const short tm = kFragSize * TQ * simd_group_id;
                  -
                  194
                  -
                  195 const short Qs_offset = (tm + sm) * LDQ_tgp + sn;
                  -
                  196 const short Ks_offset = sm * LDK_tgp + sn;
                  -
                  197 const short Vs_offset = sm * LDV_tgp + sn;
                  -
                  198
                  -
                  199 constexpr short Qs_tile_stride = kFragSize;
                  -
                  200 constexpr short Ks_tile_stride = kFragSize * LDK_tgp;
                  -
                  201
                  -
                  202 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  203
                  -
                  204 // Load Q blocks apply scale
                  -
                  205 if (!align_Q && int(tid.x) == (params->NQ_aligned)) {
                  -
                  206 loader_q.load_safe(short2(BD, params->qL - params->NQ_aligned * BQ));
                  -
                  207 } else {
                  -
                  208 loader_q.load_unsafe();
                  -
                  209 }
                  -
                  210 loader_q.apply_inplace_op(ts);
                  -
                  211
                  -
                  212 // Init row reduction variables
                  -
                  213 constexpr short kRowsPT = decltype(Stile)::kRowsPerThread;
                  +
                  172 TransformScale<T> ts(static_cast<T>(params->scale * 1.44269504089));
                  +
                  173
                  +
                  174 // Prepare MMA tiles
                  +
                  175 constexpr short kFragSize = 8; // MMAFrag size
                  + +
                  177
                  +
                  178 constexpr int kNWarps = WM * WN;
                  +
                  179 static_assert(
                  +
                  180 BQ >= (kNWarps * kFragSize) && BQ % (kNWarps * kFragSize) == 0,
                  +
                  181 "Each simdgroup must host atleast 1 simdgroup matrix along Q sequence.");
                  +
                  182
                  +
                  183 // Q seq frags per warp
                  +
                  184 constexpr int TQ = BQ / (kNWarps * kFragSize);
                  +
                  185 // KV sequence frags (all warps load the same frags)
                  +
                  186 constexpr int TK = BK / kFragSize;
                  +
                  187 // HeadDim frags (all warps load the same frags)
                  +
                  188 constexpr int TD = BD / kFragSize;
                  +
                  189
                  +
                  190 static_assert(TQ == 1, "Check TQ");
                  +
                  191
                  + + + + + +
                  197
                  +
                  198 Otile.clear();
                  +
                  199
                  +
                  200 // Prepare mma tile offsets
                  +
                  201 const short2 simd_coord = MMAFrag_acc_t::get_coord(simd_lane_id);
                  +
                  202 const short sm = simd_coord.y;
                  +
                  203 const short sn = simd_coord.x;
                  +
                  204 const short tm = kFragSize * TQ * simd_group_id;
                  +
                  205
                  +
                  206 const short Qs_offset = (tm + sm) * LDQ_tgp + sn;
                  +
                  207 const short Ks_offset = sm * LDK_tgp + sn;
                  +
                  208 const short Vs_offset = sm * LDV_tgp + sn;
                  +
                  209
                  +
                  210 constexpr short Qs_tile_stride = kFragSize;
                  +
                  211 constexpr short Ks_tile_stride = kFragSize * LDK_tgp;
                  +
                  212
                  +
                  213 threadgroup_barrier(mem_flags::mem_threadgroup);
                  214
                  -
                  215 AccumType max_score[kRowsPT];
                  -
                  216 AccumType sum_score[kRowsPT] = {0};
                  -
                  217
                  -
                  218 // Init to -Inf
                  - -
                  220 for (short i = 0; i < kRowsPT; ++i) {
                  -
                  221 max_score[i] = Limits<AccumType>::min;
                  -
                  222 }
                  -
                  223
                  -
                  224 // Loop over KV seq length
                  -
                  225 for (int kb = 0; kb < params->NK; kb++) {
                  -
                  226 // Load K block and apply scale
                  -
                  227 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  228 if (!align_K && kb == (params->NK_aligned)) {
                  -
                  229 loader_k.load_safe(short2(BD, params->kL - params->NK_aligned * BK));
                  -
                  230 } else {
                  -
                  231 loader_k.load_unsafe();
                  -
                  232 }
                  -
                  233
                  -
                  234 // Do S = Q @ K.T
                  -
                  235 Stile.clear();
                  +
                  215 // Load Q blocks apply scale
                  +
                  216 if (!align_Q && int(tid.x) == (params->NQ_aligned)) {
                  +
                  217 loader_q.load_safe(short2(BD, params->qL_rem));
                  +
                  218 } else {
                  +
                  219 loader_q.load_unsafe();
                  +
                  220 }
                  +
                  221 loader_q.apply_inplace_op(ts);
                  +
                  222
                  +
                  223 // Init row reduction variables
                  +
                  224 constexpr short kRowsPT = decltype(Stile)::kRowsPerThread;
                  +
                  225
                  +
                  226 AccumType max_score[kRowsPT];
                  +
                  227 AccumType sum_score[kRowsPT] = {0};
                  +
                  228
                  +
                  229 // Init to -Inf
                  + +
                  231 for (short i = 0; i < kRowsPT; ++i) {
                  +
                  232 max_score[i] = Limits<AccumType>::min;
                  +
                  233 }
                  +
                  234
                  +
                  235 int kb_lim = params->NK;
                  236
                  -
                  237 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  238
                  - -
                  240 for (short dd = 0; dd < TD; dd++) {
                  -
                  241 simdgroup_barrier(mem_flags::mem_none);
                  -
                  242
                  -
                  243 Qtile.template load<T, 1, 1, LDQ_tgp, 1>(
                  -
                  244 &Qs[Qs_offset + dd * Qs_tile_stride]);
                  -
                  245 Ktile.template load<T, 1, 1, LDK_tgp, 1>(
                  -
                  246 &Ks[Ks_offset + dd * Ks_tile_stride]);
                  -
                  247
                  -
                  248 simdgroup_barrier(mem_flags::mem_none);
                  -
                  249
                  -
                  250 tile_matmad(Stile, Qtile, Ktile, Stile);
                  -
                  251 }
                  -
                  252
                  -
                  253 // Mask out of length sequence
                  -
                  254 if (!align_K && kb == (params->NK_aligned)) {
                  -
                  255 using stile_t = decltype(Stile);
                  -
                  256 using selem_t = typename stile_t::elem_type;
                  -
                  257 constexpr auto neg_inf = -metal::numeric_limits<selem_t>::infinity();
                  -
                  258 const short lim = params->kL - params->NK_aligned * BK;
                  -
                  259
                  - -
                  261 for (short i = 0; i < stile_t::kTileRows; i++) {
                  - -
                  263 for (short j = 0; j < stile_t::kTileCols; j++) {
                  -
                  264 short col_pos = sn + (j * stile_t::kFragCols);
                  - -
                  266 for (short jj = 0; jj < stile_t::MMAFrag_t::kElemCols; jj++) {
                  -
                  267 if ((col_pos + jj) >= lim) {
                  -
                  268 Stile.frag_at(i, j)[jj] = neg_inf;
                  -
                  269 }
                  -
                  270 }
                  -
                  271 }
                  -
                  272 }
                  -
                  273 }
                  -
                  274
                  -
                  275 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  237 if (do_causal) {
                  +
                  238 int q_max = (tid.x + 1) * BQ + params->qL_off;
                  +
                  239 kb_lim = (q_max + BK - 1) / BK;
                  +
                  240 }
                  +
                  241
                  +
                  242 // Loop over KV seq length
                  +
                  243 for (int kb = 0; kb < kb_lim; kb++) {
                  +
                  244 // Load K block and apply scale
                  +
                  245 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  246 if (!align_K && kb == (params->NK_aligned)) {
                  +
                  247 loader_k.load_safe(short2(BD, params->kL_rem));
                  +
                  248 } else {
                  +
                  249 loader_k.load_unsafe();
                  +
                  250 }
                  +
                  251
                  +
                  252 // Do S = Q @ K.T
                  +
                  253 Stile.clear();
                  +
                  254
                  +
                  255 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  256
                  + +
                  258 for (short dd = 0; dd < TD; dd++) {
                  +
                  259 simdgroup_barrier(mem_flags::mem_none);
                  +
                  260
                  +
                  261 Qtile.template load<T, 1, 1, LDQ_tgp, 1>(
                  +
                  262 &Qs[Qs_offset + dd * Qs_tile_stride]);
                  +
                  263 Ktile.template load<T, 1, 1, LDK_tgp, 1>(
                  +
                  264 &Ks[Ks_offset + dd * Ks_tile_stride]);
                  +
                  265
                  +
                  266 simdgroup_barrier(mem_flags::mem_none);
                  +
                  267
                  +
                  268 tile_matmad(Stile, Qtile, Ktile, Stile);
                  +
                  269 }
                  +
                  270
                  +
                  271 // Mask out length sequence
                  +
                  272 if (!align_K && kb == (params->NK_aligned)) {
                  +
                  273 using stile_t = decltype(Stile);
                  +
                  274 using selem_t = typename stile_t::elem_type;
                  +
                  275 constexpr auto neg_inf = -metal::numeric_limits<selem_t>::infinity();
                  276
                  -
                  277 // Load V blocks
                  -
                  278 if (!align_K && kb == (params->NK_aligned)) {
                  -
                  279 loader_v.load_safe(short2(BD, params->kL - params->NK_aligned * BK));
                  -
                  280 } else {
                  -
                  281 loader_v.load_unsafe();
                  -
                  282 }
                  -
                  283
                  -
                  284 // Do softmax
                  -
                  285
                  -
                  286 // Temp variables
                  -
                  287 AccumType new_max[kRowsPT];
                  -
                  288 AccumType factor[kRowsPT];
                  - -
                  290 for (short i = 0; i < kRowsPT; ++i) {
                  -
                  291 new_max[i] = max_score[i];
                  -
                  292 }
                  -
                  293
                  -
                  294 // Row max
                  -
                  295 Stile.template row_reduce<MaxOp>(new_max);
                  -
                  296
                  -
                  297 // exp(Si - rowmax(Si))
                  -
                  298 Stile.template row_bin_op<ExpSubOp>(new_max);
                  -
                  299
                  -
                  300 // Factor exp(rowmax(Si) - rowmax(Si-1))
                  - -
                  302 for (short i = 0; i < kRowsPT; ++i) {
                  -
                  303 factor[i] = fast::exp2(max_score[i] - new_max[i]);
                  -
                  304 }
                  -
                  305
                  -
                  306 // Save max for next iteration
                  - -
                  308 for (short i = 0; i < kRowsPT; ++i) {
                  -
                  309 max_score[i] = new_max[i];
                  -
                  310 }
                  -
                  311
                  -
                  312 // Row Sum
                  -
                  313 AccumType sum_score_tmp[kRowsPT] = {0};
                  -
                  314 Stile.template row_reduce<SumOp>(sum_score_tmp);
                  -
                  315
                  -
                  316 // Update norm
                  - -
                  318 for (short i = 0; i < kRowsPT; ++i) {
                  -
                  319 sum_score[i] = sum_score[i] * factor[i] + sum_score_tmp[i];
                  -
                  320 }
                  -
                  321
                  -
                  322 // Update O
                  -
                  323 Otile.template row_bin_op<MulOp>(factor);
                  -
                  324
                  -
                  325 // Load V into registers
                  -
                  326 threadgroup_barrier(mem_flags::mem_threadgroup);
                  -
                  327
                  - -
                  329 for (short iq = 0; iq < TQ; iq++) {
                  - -
                  331 for (short id = 0; id < TD; id++) {
                  - -
                  333 for (short ik = 0; ik < TK; ik++) {
                  -
                  334 if constexpr (BD == 128) {
                  -
                  335 simdgroup_barrier(mem_flags::mem_none);
                  -
                  336 }
                  -
                  337
                  -
                  338 const short kk = ik * kFragSize;
                  -
                  339 const short dd = id * kFragSize;
                  -
                  340
                  -
                  341 Vtile.template load<T, 1, 1, LDV_tgp, 1>(
                  -
                  342 &Vs[Vs_offset + kk * LDV_tgp + dd]);
                  -
                  343
                  -
                  344 if constexpr (BD == 128) {
                  -
                  345 simdgroup_barrier(mem_flags::mem_none);
                  -
                  346 }
                  -
                  347
                  -
                  348 MMAFrag_acc_t::mma(
                  -
                  349 Otile.frag_at(iq, id),
                  -
                  350 Stile.frag_at(iq, ik),
                  -
                  351 Vtile.frag_at(0, 0),
                  -
                  352 Otile.frag_at(iq, id));
                  -
                  353 }
                  -
                  354 }
                  -
                  355 }
                  -
                  356
                  -
                  357 // Prepare for next iteration
                  -
                  358 loader_k.next();
                  -
                  359 loader_v.next();
                  -
                  360 }
                  -
                  361
                  -
                  362 // Normalize output
                  -
                  363 Otile.template row_bin_op<DivOp>(sum_score);
                  -
                  364 threadgroup_barrier(mem_flags::mem_none);
                  -
                  365
                  -
                  366 // Store results
                  -
                  367 O += (tm + sm) * params->O_strides[2] + sn;
                  -
                  368
                  -
                  369 if (!align_Q && int(tid.x) == (params->NQ_aligned)) {
                  -
                  370 auto dst_tile_dims =
                  -
                  371 short2(BD - sn, params->qL - BQ * params->NQ_aligned - (tm + sm));
                  -
                  372
                  -
                  373 if (dst_tile_dims.x <= 0 || dst_tile_dims.y <= 0)
                  -
                  374 return;
                  -
                  375
                  -
                  376 Otile.template store_safe<T, 1, 1>(O, params->O_strides[2], dst_tile_dims);
                  -
                  377 } else {
                  -
                  378 Otile.template store<T, 1, 1>(O, params->O_strides[2]);
                  -
                  379 }
                  -
                  380}
                  + +
                  278 for (short i = 0; i < stile_t::kTileRows; i++) {
                  + +
                  280 for (short j = 0; j < stile_t::kTileCols; j++) {
                  +
                  281 short col_pos = sn + (j * stile_t::kFragCols);
                  + +
                  283 for (short jj = 0; jj < stile_t::MMAFrag_t::kElemCols; jj++) {
                  +
                  284 if ((col_pos + jj) >= params->kL_rem) {
                  +
                  285 Stile.frag_at(i, j)[jj] = neg_inf;
                  +
                  286 }
                  +
                  287 }
                  +
                  288 }
                  +
                  289 }
                  +
                  290 }
                  +
                  291
                  +
                  292 // Mask out if causal
                  +
                  293 if (do_causal && kb >= (kb_lim - (BQ + BK - 1) / BK - int(!align_K))) {
                  +
                  294 using stile_t = decltype(Stile);
                  +
                  295 using selem_t = typename stile_t::elem_type;
                  +
                  296 constexpr auto neg_inf = -metal::numeric_limits<selem_t>::infinity();
                  +
                  297
                  + +
                  299 for (short i = 0; i < stile_t::kTileRows; i++) {
                  +
                  300 const int row_pos =
                  +
                  301 tid.x * BQ + params->qL_off + tm + sm + (i * stile_t::kFragRows);
                  + +
                  303 for (short j = 0; j < stile_t::kTileCols; j++) {
                  +
                  304 const int col_pos = kb * BK + sn + (j * stile_t::kFragCols);
                  + +
                  306 for (short jj = 0; jj < stile_t::MMAFrag_t::kElemCols; jj++) {
                  +
                  307 if (row_pos < (col_pos + jj)) {
                  +
                  308 Stile.frag_at(i, j)[jj] = neg_inf;
                  +
                  309 }
                  +
                  310 }
                  +
                  311 }
                  +
                  312 }
                  +
                  313 }
                  +
                  314
                  +
                  315 // Other masking as needed
                  +
                  316 if (has_mask) {
                  +
                  317 using stile_t = decltype(Stile);
                  +
                  318 using selem_t = typename stile_t::elem_type;
                  +
                  319 constexpr auto neg_inf = -metal::numeric_limits<selem_t>::infinity();
                  +
                  320
                  +
                  321 constexpr bool is_bool = is_same_v<MaskType, bool>;
                  +
                  322 using melem_t = typename metal::conditional_t<is_bool, bool, selem_t>;
                  +
                  323
                  +
                  324 using MMAFrag_mask_t = BaseMMAFrag<melem_t, kFragSize, kFragSize>;
                  +
                  325 using frag_t = typename MMAFrag_mask_t::frag_type;
                  +
                  326
                  + +
                  328 for (short i = 0; i < stile_t::kTileRows; i++) {
                  +
                  329 const int row_pos = tid.x * BQ + tm + sm + (i * stile_t::kFragRows);
                  + +
                  331 for (short j = 0; j < stile_t::kTileCols; j++) {
                  +
                  332 const int col_pos = kb * BK + sn + (j * stile_t::kFragCols);
                  +
                  333
                  +
                  334 frag_t mfrag;
                  +
                  335
                  +
                  336 MMAFrag_mask_t::load_safe(
                  +
                  337 mfrag,
                  +
                  338 mask,
                  +
                  339 int(mask_params->M_strides[2]),
                  +
                  340 Int<1>{},
                  +
                  341 params->qL,
                  +
                  342 params->kL,
                  +
                  343 row_pos,
                  +
                  344 col_pos);
                  +
                  345
                  + +
                  347 for (short jj = 0; jj < stile_t::MMAFrag_t::kElemsPerFrag; jj++) {
                  +
                  348 if constexpr (is_bool) {
                  +
                  349 Stile.frag_at(i, j)[jj] =
                  +
                  350 mfrag[jj] ? Stile.frag_at(i, j)[jj] : neg_inf;
                  +
                  351 } else {
                  +
                  352 Stile.frag_at(i, j)[jj] += 1.44269504089 * selem_t(mfrag[jj]);
                  +
                  353 }
                  +
                  354 }
                  +
                  355 }
                  +
                  356 }
                  +
                  357 }
                  +
                  358
                  +
                  359 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  360
                  +
                  361 // Load V blocks
                  +
                  362 if (!align_K && kb == (params->NK_aligned)) {
                  +
                  363 loader_v.load_safe(short2(BD, params->kL_rem));
                  +
                  364 } else {
                  +
                  365 loader_v.load_unsafe();
                  +
                  366 }
                  +
                  367
                  +
                  368 // Do softmax
                  +
                  369
                  +
                  370 // Temp variables
                  +
                  371 AccumType new_max[kRowsPT];
                  +
                  372 AccumType factor[kRowsPT];
                  + +
                  374 for (short i = 0; i < kRowsPT; ++i) {
                  +
                  375 new_max[i] = max_score[i];
                  +
                  376 }
                  +
                  377
                  +
                  378 // Row max
                  +
                  379 Stile.template row_reduce<MaxOp>(new_max);
                  +
                  380
                  +
                  381 // exp(Si - rowmax(Si))
                  +
                  382 Stile.template row_bin_op<ExpSubOp>(new_max);
                  +
                  383
                  +
                  384 // Factor exp(rowmax(Si) - rowmax(Si-1))
                  + +
                  386 for (short i = 0; i < kRowsPT; ++i) {
                  +
                  387 factor[i] = fast::exp2(max_score[i] - new_max[i]);
                  +
                  388 }
                  +
                  389
                  +
                  390 // Save max for next iteration
                  + +
                  392 for (short i = 0; i < kRowsPT; ++i) {
                  +
                  393 max_score[i] = new_max[i];
                  +
                  394 }
                  +
                  395
                  +
                  396 // Row Sum
                  +
                  397 AccumType sum_score_tmp[kRowsPT] = {0};
                  +
                  398 Stile.template row_reduce<SumOp>(sum_score_tmp);
                  +
                  399
                  +
                  400 // Update norm
                  + +
                  402 for (short i = 0; i < kRowsPT; ++i) {
                  +
                  403 sum_score[i] = sum_score[i] * factor[i] + sum_score_tmp[i];
                  +
                  404 }
                  +
                  405
                  +
                  406 // Update O
                  +
                  407 Otile.template row_bin_op<MulOp>(factor);
                  +
                  408
                  +
                  409 // Load V into registers
                  +
                  410 threadgroup_barrier(mem_flags::mem_threadgroup);
                  +
                  411
                  + +
                  413 for (short iq = 0; iq < TQ; iq++) {
                  + +
                  415 for (short id = 0; id < TD; id++) {
                  + +
                  417 for (short ik = 0; ik < TK; ik++) {
                  +
                  418 if constexpr (BD == 128) {
                  +
                  419 simdgroup_barrier(mem_flags::mem_none);
                  +
                  420 }
                  +
                  421
                  +
                  422 const short kk = ik * kFragSize;
                  +
                  423 const short dd = id * kFragSize;
                  +
                  424
                  +
                  425 Vtile.template load<T, 1, 1, LDV_tgp, 1>(
                  +
                  426 &Vs[Vs_offset + kk * LDV_tgp + dd]);
                  +
                  427
                  +
                  428 if constexpr (BD == 128) {
                  +
                  429 simdgroup_barrier(mem_flags::mem_none);
                  +
                  430 }
                  +
                  431
                  +
                  432 MMAFrag_acc_t::mma(
                  +
                  433 Otile.frag_at(iq, id),
                  +
                  434 Stile.frag_at(iq, ik),
                  +
                  435 Vtile.frag_at(0, 0),
                  +
                  436 Otile.frag_at(iq, id));
                  +
                  437 }
                  +
                  438 }
                  +
                  439 }
                  +
                  440
                  +
                  441 // Prepare for next iteration
                  +
                  442 loader_k.next();
                  +
                  443 loader_v.next();
                  +
                  444 }
                  +
                  445
                  +
                  446 // Normalize output
                  +
                  447 Otile.template row_bin_op<DivOp>(sum_score);
                  +
                  448 threadgroup_barrier(mem_flags::mem_none);
                  +
                  449
                  +
                  450 // Store results
                  +
                  451 O += (tm + sm) * params->O_strides[2] + sn;
                  +
                  452
                  +
                  453 if (!align_Q && int(tid.x) == (params->NQ_aligned)) {
                  +
                  454 auto dst_tile_dims = short2(BD - sn, params->qL_rem - (tm + sm));
                  +
                  455
                  +
                  456 if (dst_tile_dims.x <= 0 || dst_tile_dims.y <= 0)
                  +
                  457 return;
                  +
                  458
                  +
                  459 Otile.template store_safe<T, 1, 1>(O, params->O_strides[2], dst_tile_dims);
                  +
                  460 } else {
                  +
                  461 Otile.template store<T, 1, 1>(O, params->O_strides[2]);
                  +
                  462 }
                  +
                  463}
                  METAL_FUNC bfloat16_t max(bfloat16_t x, bfloat16_t y)
                  Definition bf16_math.h:232
                  Definition attn.h:19
                  METAL_FUNC void tile_matmad(thread MMATile< Dtype, M, N, MMAFragD > &D, thread MMATile< Atype, M, K, MMAFragA > &A, thread MMATile< Btype, K, N, MMAFragB > &B, thread MMATile< Ctype, M, N, MMAFragC > &C)
                  Definition mma.h:432
                  +
                  integral_constant< int, val > Int
                  Definition integral_constant.h:48
                  +
                  constant bool has_mask
                  Definition sdpa_vector.h:7
                  #define STEEL_PRAGMA_UNROLL
                  Definition defines.h:4
                  constant bool align_Q
                  Definition steel_attention.h:9
                  -
                  void attention(const device T *Q, const device T *K, const device T *V, device T *O, const constant AttnParams *params, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)
                  Definition steel_attention.h:73
                  +
                  void attention(const device T *Q, const device T *K, const device T *V, device T *O, const constant AttnParams *params, const constant AttnMaskParams *mask_params, const device MaskType *mask, uint simd_lane_id, uint simd_group_id, uint3 tid, uint3 lid)
                  Definition steel_attention.h:77
                  constant bool align_K
                  Definition steel_attention.h:10
                  -
                  Definition steel_attention.h:57
                  -
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:59
                  -
                  Definition steel_attention.h:50
                  -
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:52
                  +
                  constant bool do_causal
                  Definition steel_attention.h:13
                  +
                  Definition steel_attention.h:60
                  +
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:62
                  +
                  Definition steel_attention.h:53
                  +
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:55
                  static const constant U min
                  Definition utils.h:25
                  -
                  Definition steel_attention.h:22
                  -
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:24
                  -
                  Definition steel_attention.h:36
                  -
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:38
                  -
                  Definition steel_attention.h:43
                  -
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:45
                  -
                  Definition steel_attention.h:29
                  -
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:31
                  -
                  Definition steel_attention.h:13
                  -
                  METAL_FUNC T apply(T x) const
                  Definition steel_attention.h:17
                  -
                  T scale
                  Definition steel_attention.h:14
                  -
                  METAL_FUNC TransformScale(T scale_)
                  Definition steel_attention.h:15
                  +
                  Definition steel_attention.h:25
                  +
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:27
                  +
                  Definition steel_attention.h:39
                  +
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:41
                  +
                  Definition steel_attention.h:46
                  +
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:48
                  +
                  Definition steel_attention.h:32
                  +
                  static METAL_FUNC constexpr T apply(T x, T y)
                  Definition steel_attention.h:34
                  +
                  Definition steel_attention.h:16
                  +
                  METAL_FUNC T apply(T x) const
                  Definition steel_attention.h:20
                  +
                  T scale
                  Definition steel_attention.h:17
                  +
                  METAL_FUNC TransformScale(T scale_)
                  Definition steel_attention.h:18
                  +
                  Definition params.h:39
                  Definition params.h:12
                  Definition mma.h:37
                  Definition loader.h:153
                  diff --git a/docs/build/html/struct_g_e_m_v_kernel-members.html b/docs/build/html/struct_g_e_m_v_kernel-members.html index 6c41f3fd2..c2dfdc460 100644 --- a/docs/build/html/struct_g_e_m_v_kernel-members.html +++ b/docs/build/html/struct_g_e_m_v_kernel-members.html @@ -102,25 +102,25 @@ $(function(){initNavTree('struct_g_e_m_v_kernel.html',''); initResizable(true);
                  -
                  GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN > Member List
                  +
                  GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT > Member List
                  -

                  This is the complete list of members for GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, including all inherited members.

                  +

                  This is the complete list of members for GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, including all inherited members.

                  - - - - - - - - - - - - - + + + + + + + + + + + + +
                  blockMGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  blockNGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_mul_operand_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_mul_output_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_operand_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_output_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  load_safe(const device T *src, thread T dst[TN], const int src_offset=0, const int src_size=TN)GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >inlinestatic
                  load_unsafe(const device T *src, thread T dst[TN], const int src_offset=0)GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >inlinestatic
                  needs_tgp_reductionGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  run(const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &matrix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup T *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >inlinestatic
                  tgp_mem_sizeGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  threadsMGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  threadsNGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  blockMGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  blockNGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_mul_operand_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_mul_output_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_operand_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_output_maskGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  load_safe(const device T *src, thread U dst[TN], const int src_offset=0, const int src_size=TN)GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >inlinestatic
                  load_unsafe(const device T *src, thread U dst[TN], const int src_offset=0)GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >inlinestatic
                  needs_tgp_reductionGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  run(const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &matrix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup AccT *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >inlinestatic
                  tgp_mem_sizeGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  threadsMGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  threadsNGEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  diff --git a/docs/build/html/struct_g_e_m_v_kernel.html b/docs/build/html/struct_g_e_m_v_kernel.html index bab4163ea..038f15a29 100644 --- a/docs/build/html/struct_g_e_m_v_kernel.html +++ b/docs/build/html/struct_g_e_m_v_kernel.html @@ -5,7 +5,7 @@ -MLX: GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN > Struct Template Reference +MLX: GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT > Struct Template Reference @@ -106,7 +106,7 @@ $(function(){initNavTree('struct_g_e_m_v_kernel.html',''); initResizable(true); Static Public Member Functions | Static Public Attributes | List of all members
                  -
                  GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN > Struct Template Reference
                  +
                  GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT > Struct Template Reference
                  @@ -114,57 +114,61 @@ $(function(){initNavTree('struct_g_e_m_v_kernel.html',''); initResizable(true); - - - - - - + + + + + + + +

                  Static Public Member Functions

                  static METAL_FUNC void load_unsafe (const device T *src, thread T dst[TN], const int src_offset=0)
                   
                  static METAL_FUNC void load_safe (const device T *src, thread T dst[TN], const int src_offset=0, const int src_size=TN)
                   
                  static METAL_FUNC void run (const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &matrix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup T *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)
                   
                  template<typename U = T>
                  static METAL_FUNC void load_unsafe (const device T *src, thread U dst[TN], const int src_offset=0)
                   
                  template<typename U = T>
                  static METAL_FUNC void load_safe (const device T *src, thread U dst[TN], const int src_offset=0, const int src_size=TN)
                   
                  static METAL_FUNC void run (const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &matrix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup AccT *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)
                   
                  - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + +

                  Static Public Attributes

                  static constant constexpr const int threadsM = BM * SM
                   
                  static constant constexpr const int threadsN = BN * SN
                   
                  static constant constexpr const int blockM = threadsM * TM
                   
                  static constant constexpr const int blockN = threadsN * TN
                   
                  static constant constexpr const bool has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_mul_operand_mask
                   
                  static constant constexpr const bool has_mul_output_mask
                   
                  static constant constexpr const short tgp_mem_size = BN > 1 ? BN*(blockM + TM) : 0
                   
                  static constant constexpr const bool needs_tgp_reduction = BN > 1
                   
                  static constant constexpr const int threadsM = BM * SM
                   
                  static constant constexpr const int threadsN = BN * SN
                   
                  static constant constexpr const int blockM = threadsM * TM
                   
                  static constant constexpr const int blockN = threadsN * TN
                   
                  static constant constexpr const bool has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_mul_operand_mask
                   
                  static constant constexpr const bool has_mul_output_mask
                   
                  static constant constexpr const short tgp_mem_size = BN > 1 ? BN*(blockM + TM) : 0
                   
                  static constant constexpr const bool needs_tgp_reduction = BN > 1
                   

                  Member Function Documentation

                  - -

                  ◆ load_safe()

                  + +

                  ◆ load_safe()

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  +
                  +template<typename U = T>
                  - + diff --git a/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.html b/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.html index 569cd530d..fbc8f6011 100644 --- a/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.html +++ b/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.html @@ -129,8 +129,8 @@ Public Member Functions - - + + @@ -388,8 +388,8 @@ Public Member Functions - -

                  ◆ register_output_array()

                  + +

                  ◆ register_output_array()

                  @@ -397,7 +397,7 @@ Public Member Functions
                  - +
                  - + - + @@ -186,26 +190,28 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ load_unsafe()

                  + +

                  ◆ load_unsafe()

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  +
                  +template<typename U = T>
                  static METAL_FUNC void GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::load_safe static METAL_FUNC void GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::load_safe ( const device T * src,
                  thread T dst[TN], thread U dst[TN],
                  - + - + @@ -222,19 +228,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ run()

                  + +

                  ◆ run()

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  static METAL_FUNC void GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::load_unsafe static METAL_FUNC void GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::load_unsafe ( const device T * src,
                  thread T dst[TN], thread U dst[TN],
                  - + @@ -286,7 +292,7 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - + @@ -319,19 +325,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c

                  Member Data Documentation

                  - -

                  ◆ blockM

                  + +

                  ◆ blockM

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  static METAL_FUNC void GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::run static METAL_FUNC void GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::run ( const device T * mat,
                  threadgroup T * tgp_memory, threadgroup AccT * tgp_memory,
                  @@ -343,19 +349,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ blockN

                  + +

                  ◆ blockN

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::blockM = threadsM * TMconstant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::blockM = threadsM * TM
                  @@ -367,19 +373,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ has_mul_operand_mask

                  + +

                  ◆ has_mul_operand_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::blockN = threadsN * TNconstant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::blockN = threadsN * TN
                  @@ -389,24 +395,24 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c
                  - +
                  constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_mul_operand_maskconstant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_mul_operand_mask
                  Initial value:
                  =
                  -
                  has_operand_mask && !metal::is_same_v<op_mask_t, bool>
                  -
                  static constant constexpr const bool has_operand_mask
                  Definition gemv_masked.h:63
                  +
                  has_operand_mask && !metal::is_same_v<op_mask_t, bool>
                  +
                  static constant constexpr const bool has_operand_mask
                  Definition gemv_masked.h:64
                  - -

                  ◆ has_mul_output_mask

                  + +

                  ◆ has_mul_output_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  @@ -416,24 +422,24 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c
                  - +
                  constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_mul_output_maskconstant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_mul_output_mask
                  Initial value:
                  =
                  -
                  has_output_mask && !metal::is_same_v<out_mask_t, bool>
                  -
                  static constant constexpr const bool has_output_mask
                  Definition gemv_masked.h:64
                  +
                  has_output_mask && !metal::is_same_v<out_mask_t, bool>
                  +
                  static constant constexpr const bool has_output_mask
                  Definition gemv_masked.h:65
                  - -

                  ◆ has_operand_mask

                  + +

                  ◆ has_operand_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  @@ -445,19 +451,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ has_output_mask

                  + +

                  ◆ has_output_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>
                  @@ -469,19 +475,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ needs_tgp_reduction

                  + +

                  ◆ needs_tgp_reduction

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>
                  @@ -493,19 +499,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ tgp_mem_size

                  + +

                  ◆ tgp_mem_size

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::needs_tgp_reduction = BN > 1constant constexpr const bool GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::needs_tgp_reduction = BN > 1
                  @@ -517,19 +523,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ threadsM

                  + +

                  ◆ threadsM

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const short GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::tgp_mem_size = BN > 1 ? BN*(blockM + TM) : 0constant constexpr const short GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::tgp_mem_size = BN > 1 ? BN*(blockM + TM) : 0
                  @@ -541,19 +547,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ threadsN

                  + +

                  ◆ threadsN

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::threadsM = BM * SMconstant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::threadsM = BM * SM
                  diff --git a/docs/build/html/struct_g_e_m_v_kernel.js b/docs/build/html/struct_g_e_m_v_kernel.js index b3fb0a9c7..4da5e24e0 100644 --- a/docs/build/html/struct_g_e_m_v_kernel.js +++ b/docs/build/html/struct_g_e_m_v_kernel.js @@ -1,16 +1,16 @@ var struct_g_e_m_v_kernel = [ - [ "load_safe", "struct_g_e_m_v_kernel.html#a04bb72da9a93d6d1eba468fa311bbba7", null ], - [ "load_unsafe", "struct_g_e_m_v_kernel.html#a6013e9c5b2f72fa1311dd038172df0ce", null ], - [ "run", "struct_g_e_m_v_kernel.html#ac4a7b5011a0ea938ab1949bb1767fc1a", null ], - [ "blockM", "struct_g_e_m_v_kernel.html#a7281520100658811076400060663903c", null ], - [ "blockN", "struct_g_e_m_v_kernel.html#a2fef17f9c9aa0bdf530ad3554fb0988b", null ], - [ "has_mul_operand_mask", "struct_g_e_m_v_kernel.html#ad47223ee49b3cb7bf3746a2cec45f883", null ], - [ "has_mul_output_mask", "struct_g_e_m_v_kernel.html#a0edbf2dd6a6563e7afa6dab6b670615c", null ], - [ "has_operand_mask", "struct_g_e_m_v_kernel.html#ab00784dff1512a7b0919fcb4cfa5d50e", null ], - [ "has_output_mask", "struct_g_e_m_v_kernel.html#ab8b64c94f4c8f6f09c0777415589b487", null ], - [ "needs_tgp_reduction", "struct_g_e_m_v_kernel.html#ae8113fddf6fb637acfd12efd978b704c", null ], - [ "tgp_mem_size", "struct_g_e_m_v_kernel.html#a9ef4d0e62094d7033069f5dda5efb236", null ], - [ "threadsM", "struct_g_e_m_v_kernel.html#a1dd943fcbf5e7be435fc36bed589a641", null ], - [ "threadsN", "struct_g_e_m_v_kernel.html#a47bfab7d21dd18760d3e0937ad36b19d", null ] + [ "load_safe", "struct_g_e_m_v_kernel.html#a047eca250e7cbc928bce0e13de98e558", null ], + [ "load_unsafe", "struct_g_e_m_v_kernel.html#af96a768a213a95e7a4d8f3ec1948034f", null ], + [ "run", "struct_g_e_m_v_kernel.html#ac1a9e1d9853489dd928916912cc627a7", null ], + [ "blockM", "struct_g_e_m_v_kernel.html#a188ef7ed5c1d74d9b540b6d4ebf12f2e", null ], + [ "blockN", "struct_g_e_m_v_kernel.html#af22b6e5ed1a9d350866aaafa35d63a8a", null ], + [ "has_mul_operand_mask", "struct_g_e_m_v_kernel.html#a09f0e646822d45dc2543e31509552258", null ], + [ "has_mul_output_mask", "struct_g_e_m_v_kernel.html#ad54fb5c6f0f9a820365b638542693291", null ], + [ "has_operand_mask", "struct_g_e_m_v_kernel.html#a68bad880d1e689228ae4d3c6958cc6c1", null ], + [ "has_output_mask", "struct_g_e_m_v_kernel.html#a3b0b9ccf11bd5d7de50b9626fa9a22cc", null ], + [ "needs_tgp_reduction", "struct_g_e_m_v_kernel.html#ae1c8e57e6718f22732570cc92d9bcf99", null ], + [ "tgp_mem_size", "struct_g_e_m_v_kernel.html#a53514fa199efc5b7328052dac45aabab", null ], + [ "threadsM", "struct_g_e_m_v_kernel.html#afbe7ab8ebfa912ffbf3ba2cf4db24940", null ], + [ "threadsN", "struct_g_e_m_v_kernel.html#a23142b7400f1f678e5d6d69d87f51032", null ] ]; \ No newline at end of file diff --git a/docs/build/html/struct_g_e_m_v_t_kernel-members.html b/docs/build/html/struct_g_e_m_v_t_kernel-members.html index e5be39c29..c8ce99b6f 100644 --- a/docs/build/html/struct_g_e_m_v_t_kernel-members.html +++ b/docs/build/html/struct_g_e_m_v_t_kernel-members.html @@ -102,23 +102,23 @@ $(function(){initNavTree('struct_g_e_m_v_t_kernel.html',''); initResizable(true)
                  -
                  GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN > Member List
                  +
                  GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT > Member List
                  -

                  This is the complete list of members for GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >, including all inherited members.

                  +

                  This is the complete list of members for GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >, including all inherited members.

                  - +
                  constant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::threadsN = BN * SNconstant constexpr const int GEMVKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::threadsN = BN * SN
                  - - - - - - - - - - - + + + + + + + + + + +
                  blockMGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  blockNGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_mul_operand_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_mul_output_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_operand_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  has_output_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  needs_tgp_reductionGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  run(const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &marix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup T *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >inlinestatic
                  tgp_mem_sizeGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  threadsMGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  threadsNGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >static
                  blockMGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  blockNGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_mul_operand_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_mul_output_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_operand_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  has_output_maskGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  needs_tgp_reductionGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  run(const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &marix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup AccT *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >inlinestatic
                  tgp_mem_sizeGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  threadsMGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  threadsNGEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >static
                  diff --git a/docs/build/html/struct_g_e_m_v_t_kernel.html b/docs/build/html/struct_g_e_m_v_t_kernel.html index 34b49e54a..5f5478498 100644 --- a/docs/build/html/struct_g_e_m_v_t_kernel.html +++ b/docs/build/html/struct_g_e_m_v_t_kernel.html @@ -5,7 +5,7 @@ -MLX: GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN > Struct Template Reference +MLX: GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT > Struct Template Reference @@ -106,7 +106,7 @@ $(function(){initNavTree('struct_g_e_m_v_t_kernel.html',''); initResizable(true) Static Public Member Functions | Static Public Attributes | List of all members -
                  GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN > Struct Template Reference
                  +
                  GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT > Struct Template Reference
                  @@ -117,49 +117,49 @@ $(function(){initNavTree('struct_g_e_m_v_t_kernel.html',''); initResizable(true) - - + +

                  Static Public Member Functions

                  static METAL_FUNC void run (const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &marix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup T *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)
                   
                  static METAL_FUNC void run (const device T *mat, const device T *in_vec, device T *out_vec, const constant int &in_vec_size, const constant int &out_vec_size, const constant int &marix_ld, const device out_mask_t *out_mask, const device op_mask_t *mat_mask, const device op_mask_t *vec_mask, const constant int *mask_strides, threadgroup AccT *tgp_memory, uint3 tid, uint3 lid, uint simd_gid, uint simd_lid)
                   
                  - - - - - - - - - - - - - - - - - - - - + + + + + + + + + + + + + + + + + + + +

                  Static Public Attributes

                  static constant constexpr const int threadsM = BM * SM
                   
                  static constant constexpr const int threadsN = BN * SN
                   
                  static constant constexpr const int blockM = threadsM * TM
                   
                  static constant constexpr const int blockN = threadsN * TN
                   
                  static constant constexpr const bool has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_mul_operand_mask
                   
                  static constant constexpr const bool has_mul_output_mask
                   
                  static constant constexpr const short tgp_mem_size = BM > 1 ? BM*(blockN + TN) : 0
                   
                  static constant constexpr const bool needs_tgp_reduction = BM > 1
                   
                  static constant constexpr const int threadsM = BM * SM
                   
                  static constant constexpr const int threadsN = BN * SN
                   
                  static constant constexpr const int blockM = threadsM * TM
                   
                  static constant constexpr const int blockN = threadsN * TN
                   
                  static constant constexpr const bool has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>
                   
                  static constant constexpr const bool has_mul_operand_mask
                   
                  static constant constexpr const bool has_mul_output_mask
                   
                  static constant constexpr const short tgp_mem_size = BM > 1 ? BM*(blockN + TN) : 0
                   
                  static constant constexpr const bool needs_tgp_reduction = BM > 1
                   

                  Detailed Description

                  -
                  template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  -struct GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >

                  Vector matrix multiplication.

                  +
                  template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  +struct GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >

                  Vector matrix multiplication.

                  Member Function Documentation

                  - -

                  ◆ run()

                  + +

                  ◆ run()

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - + @@ -211,7 +211,7 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - + @@ -244,19 +244,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c

                  Member Data Documentation

                  - -

                  ◆ blockM

                  + +

                  ◆ blockM

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  static METAL_FUNC void GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::run static METAL_FUNC void GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::run ( const device T * mat,
                  threadgroup T * tgp_memory, threadgroup AccT * tgp_memory,
                  @@ -268,19 +268,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ blockN

                  + +

                  ◆ blockN

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::blockM = threadsM * TMconstant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::blockM = threadsM * TM
                  @@ -292,19 +292,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ has_mul_operand_mask

                  + +

                  ◆ has_mul_operand_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::blockN = threadsN * TNconstant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::blockN = threadsN * TN
                  @@ -314,24 +314,24 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c
                  - +
                  constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_mul_operand_maskconstant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_mul_operand_mask
                  Initial value:
                  =
                  -
                  has_operand_mask && !metal::is_same_v<op_mask_t, bool>
                  -
                  static constant constexpr const bool has_operand_mask
                  Definition gemv_masked.h:63
                  +
                  has_operand_mask && !metal::is_same_v<op_mask_t, bool>
                  +
                  static constant constexpr const bool has_operand_mask
                  Definition gemv_masked.h:64
                  - -

                  ◆ has_mul_output_mask

                  + +

                  ◆ has_mul_output_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  @@ -341,24 +341,24 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c
                  - +
                  constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_mul_output_maskconstant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_mul_output_mask
                  Initial value:
                  =
                  -
                  has_output_mask && !metal::is_same_v<out_mask_t, bool>
                  -
                  static constant constexpr const bool has_output_mask
                  Definition gemv_masked.h:64
                  +
                  has_output_mask && !metal::is_same_v<out_mask_t, bool>
                  +
                  static constant constexpr const bool has_output_mask
                  Definition gemv_masked.h:65
                  - -

                  ◆ has_operand_mask

                  + +

                  ◆ has_operand_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  @@ -370,19 +370,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ has_output_mask

                  + +

                  ◆ has_output_mask

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_operand_mask = !metal::is_same_v<op_mask_t, nomask_t>
                  @@ -394,19 +394,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ needs_tgp_reduction

                  + +

                  ◆ needs_tgp_reduction

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::has_output_mask = !metal::is_same_v<out_mask_t, nomask_t>
                  @@ -418,19 +418,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ tgp_mem_size

                  + +

                  ◆ tgp_mem_size

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::needs_tgp_reduction = BM > 1constant constexpr const bool GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::needs_tgp_reduction = BM > 1
                  @@ -442,19 +442,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ threadsM

                  + +

                  ◆ threadsM

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const short GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::tgp_mem_size = BM > 1 ? BM*(blockN + TN) : 0constant constexpr const short GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::tgp_mem_size = BM > 1 ? BM*(blockN + TN) : 0
                  @@ -466,19 +466,19 @@ template<typename T, typename out_mask_t, typename op_mask_t, const int BM, c - -

                  ◆ threadsN

                  + +

                  ◆ threadsN

                  -template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN>
                  +template<typename T, typename out_mask_t, typename op_mask_t, const int BM, const int BN, const int SM, const int SN, const int TM, const int TN, typename AccT = float>
                  - +
                  constant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::threadsM = BM * SMconstant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::threadsM = BM * SM
                  diff --git a/docs/build/html/struct_g_e_m_v_t_kernel.js b/docs/build/html/struct_g_e_m_v_t_kernel.js index 23e833ffd..65577fb0c 100644 --- a/docs/build/html/struct_g_e_m_v_t_kernel.js +++ b/docs/build/html/struct_g_e_m_v_t_kernel.js @@ -1,14 +1,14 @@ var struct_g_e_m_v_t_kernel = [ - [ "run", "struct_g_e_m_v_t_kernel.html#a5d68656832de892f33db939005713927", null ], - [ "blockM", "struct_g_e_m_v_t_kernel.html#a2ae8ce535d59cccf453381b4485a77f0", null ], - [ "blockN", "struct_g_e_m_v_t_kernel.html#a60be87666006ba0bf88bc8e6902da42a", null ], - [ "has_mul_operand_mask", "struct_g_e_m_v_t_kernel.html#a8db6f01f96a36b216acd801c34a96ef5", null ], - [ "has_mul_output_mask", "struct_g_e_m_v_t_kernel.html#a8eb06f6569e4042e24fee220b11fa10d", null ], - [ "has_operand_mask", "struct_g_e_m_v_t_kernel.html#a6729d6e63e76a1e9c7c8e78d9aac4869", null ], - [ "has_output_mask", "struct_g_e_m_v_t_kernel.html#aaefdf8f023da255bbb70a0c3e3408626", null ], - [ "needs_tgp_reduction", "struct_g_e_m_v_t_kernel.html#a67be7ec69c3791f02e97ccdb00ae0e03", null ], - [ "tgp_mem_size", "struct_g_e_m_v_t_kernel.html#a48a09a21d7b822f380d040c752b785d7", null ], - [ "threadsM", "struct_g_e_m_v_t_kernel.html#a4a53e73a581aa8881b1f86ce653519e6", null ], - [ "threadsN", "struct_g_e_m_v_t_kernel.html#ade6f15a9744616de9dd71498ad7e758d", null ] + [ "run", "struct_g_e_m_v_t_kernel.html#a1a96467ee6957e62c2aa1061431095a4", null ], + [ "blockM", "struct_g_e_m_v_t_kernel.html#aa3f9e771c59770a72b73fb673eb7bf71", null ], + [ "blockN", "struct_g_e_m_v_t_kernel.html#a2091b9804b702cbb995899312e3da417", null ], + [ "has_mul_operand_mask", "struct_g_e_m_v_t_kernel.html#a94f56f0ecf1f148f0513312325f33653", null ], + [ "has_mul_output_mask", "struct_g_e_m_v_t_kernel.html#a19df54577e341044dc8e57cc5b6147f3", null ], + [ "has_operand_mask", "struct_g_e_m_v_t_kernel.html#aef8622b2f76d1ff272ced396c89e829d", null ], + [ "has_output_mask", "struct_g_e_m_v_t_kernel.html#a19bcb2d9377493a81da072f33711de33", null ], + [ "needs_tgp_reduction", "struct_g_e_m_v_t_kernel.html#a0cb1a4fa56fab7090b7c0fdc69a5470a", null ], + [ "tgp_mem_size", "struct_g_e_m_v_t_kernel.html#a3521f62aa2f4070fdc6858874121e3b4", null ], + [ "threadsM", "struct_g_e_m_v_t_kernel.html#a09cb1cda991a8d1b8dc83b22f8cab994", null ], + [ "threadsN", "struct_g_e_m_v_t_kernel.html#a2c30d01fd0932dfc3b4ef1e7e650d30f", null ] ]; \ No newline at end of file diff --git a/docs/build/html/structmlx_1_1core_1_1_command_encoder-members.html b/docs/build/html/structmlx_1_1core_1_1_command_encoder-members.html index 47bd0cae3..f35cc8a7b 100644 --- a/docs/build/html/structmlx_1_1core_1_1_command_encoder-members.html +++ b/docs/build/html/structmlx_1_1core_1_1_command_encoder-members.html @@ -117,7 +117,7 @@ $(function(){initNavTree('structmlx_1_1core_1_1_command_encoder.html',''); initR - + diff --git a/docs/build/html/structmlx_1_1core_1_1_command_encoder.html b/docs/build/html/structmlx_1_1core_1_1_command_encoder.html index 99d5e709c..07eb6f813 100644 --- a/docs/build/html/structmlx_1_1core_1_1_command_encoder.html +++ b/docs/build/html/structmlx_1_1core_1_1_command_encoder.html @@ -129,8 +129,8 @@ Public Member Functions - - + + @@ -388,8 +388,8 @@ Public Member Functions - -

                  ◆ register_output_array()

                  + +

                  ◆ register_output_array()

                  @@ -397,7 +397,7 @@ Public Member Functions
                  - +
                  - +
                  constant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN >::threadsN = BN * SNconstant constexpr const int GEMVTKernel< T, out_mask_t, op_mask_t, BM, BN, SM, SN, TM, TN, AccT >::threadsN = BN * SN
                  maybeInsertBarrier()mlx::core::CommandEncoder
                  operator=(const CommandEncoder &)=deletemlx::core::CommandEncoder
                  outputs()mlx::core::CommandEncoderinline
                  register_output_array(array &a)mlx::core::CommandEncoder
                  register_output_array(const array &a)mlx::core::CommandEncoder
                  set_buffer(const MTL::Buffer *buf, int idx, int64_t offset=0)mlx::core::CommandEncoder
                  set_bytes(const T *v, int n, int idx)mlx::core::CommandEncoderinline
                  set_bytes(const T &v, int idx)mlx::core::CommandEncoderinline
                   
                  void set_output_array (array &a, int idx, int64_t offset=0)
                   
                  void register_output_array (array &a)
                   
                  void register_output_array (const array &a)
                   
                  void dispatch_threadgroups (MTL::Size grid_dims, MTL::Size group_dims)
                   
                  void dispatch_threads (MTL::Size grid_dims, MTL::Size group_dims)
                  void mlx::core::metal::CommandEncoder::register_output_array (array & a)const array & a)
                  diff --git a/docs/build/html/structmlx_1_1core_1_1_command_encoder.js b/docs/build/html/structmlx_1_1core_1_1_command_encoder.js index a9eec42dc..ce7025b5d 100644 --- a/docs/build/html/structmlx_1_1core_1_1_command_encoder.js +++ b/docs/build/html/structmlx_1_1core_1_1_command_encoder.js @@ -11,7 +11,7 @@ var structmlx_1_1core_1_1_command_encoder = [ "maybeInsertBarrier", "structmlx_1_1core_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991", null ], [ "operator=", "structmlx_1_1core_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e", null ], [ "outputs", "structmlx_1_1core_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f", null ], - [ "register_output_array", "structmlx_1_1core_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a", null ], + [ "register_output_array", "structmlx_1_1core_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f", null ], [ "set_buffer", "structmlx_1_1core_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92", null ], [ "set_bytes", "structmlx_1_1core_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849", null ], [ "set_bytes", "structmlx_1_1core_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5", null ], diff --git a/docs/build/html/structmlx_1_1core_1_1_scalar_vector-members.html b/docs/build/html/structmlx_1_1core_1_1_scalar_vector-members.html index 3a1af7dd7..43186464a 100644 --- a/docs/build/html/structmlx_1_1core_1_1_scalar_vector-members.html +++ b/docs/build/html/structmlx_1_1core_1_1_scalar_vector-members.html @@ -108,9 +108,7 @@ $(function(){initNavTree('structmlx_1_1core_1_1_scalar_vector.html',''); initRes

                  This is the complete list of members for mlx::core::ScalarVector< Op >, including all inherited members.

                  - - - +
                  opmlx::core::ScalarVector< Op >
                  operator()(const T *a, const T *b, U *dst, int size)mlx::core::ScalarVector< Op >inline
                  ScalarVector(Op op_)mlx::core::ScalarVector< Op >inline
                  operator()(const T *a, const T *b, U *dst, int size)mlx::core::ScalarVector< Op >inline
                  diff --git a/docs/build/html/structmlx_1_1core_1_1_scalar_vector.html b/docs/build/html/structmlx_1_1core_1_1_scalar_vector.html index e1cefb73d..fb2dd48b7 100644 --- a/docs/build/html/structmlx_1_1core_1_1_scalar_vector.html +++ b/docs/build/html/structmlx_1_1core_1_1_scalar_vector.html @@ -104,7 +104,6 @@ $(function(){initNavTree('structmlx_1_1core_1_1_scalar_vector.html',''); initRes
                  mlx::core::ScalarVector< Op > Struct Template Reference
                  @@ -114,45 +113,10 @@ $(function(){initNavTree('structmlx_1_1core_1_1_scalar_vector.html',''); initRes - - -

                  Public Member Functions

                   ScalarVector (Op op_)
                   
                  template<typename T, typename U>
                  void operator() (const T *a, const T *b, U *dst, int size)
                   
                  - - -

                  -Public Attributes

                  Op op
                   
                  -

                  Constructor & Destructor Documentation

                  - -

                  ◆ ScalarVector()

                  - -
                  -
                  -
                  -template<typename Op>
                  - - - - - -
                  - - - - - - - -
                  mlx::core::ScalarVector< Op >::ScalarVector (Op op_)
                  -
                  -inline
                  -
                  - -
                  -

                  Member Function Documentation

                  ◆ operator()()

                  @@ -195,23 +159,6 @@ template<typename T, typename U>
                  -
                  -
                  -

                  Member Data Documentation

                  - -

                  ◆ op

                  - -
                  -
                  -
                  -template<typename Op>
                  - - - - -
                  Op mlx::core::ScalarVector< Op >::op
                  -
                  -

                  The documentation for this struct was generated from the following file:
                    diff --git a/docs/build/html/structmlx_1_1core_1_1_scalar_vector.js b/docs/build/html/structmlx_1_1core_1_1_scalar_vector.js index bea7d3e61..34e57da88 100644 --- a/docs/build/html/structmlx_1_1core_1_1_scalar_vector.js +++ b/docs/build/html/structmlx_1_1core_1_1_scalar_vector.js @@ -1,6 +1,4 @@ var structmlx_1_1core_1_1_scalar_vector = [ - [ "ScalarVector", "structmlx_1_1core_1_1_scalar_vector.html#a69d6a3ddd7586e8e19a42c5e6f5a287b", null ], - [ "operator()", "structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1", null ], - [ "op", "structmlx_1_1core_1_1_scalar_vector.html#ac9c2214744bc972150740e169b603b9b", null ] + [ "operator()", "structmlx_1_1core_1_1_scalar_vector.html#ab174fe55970fb4ee1c6a2b7628a24df1", null ] ]; \ No newline at end of file diff --git a/docs/build/html/structmlx_1_1core_1_1_vector_scalar-members.html b/docs/build/html/structmlx_1_1core_1_1_vector_scalar-members.html index 1633cb018..d690dfa4c 100644 --- a/docs/build/html/structmlx_1_1core_1_1_vector_scalar-members.html +++ b/docs/build/html/structmlx_1_1core_1_1_vector_scalar-members.html @@ -108,9 +108,7 @@ $(function(){initNavTree('structmlx_1_1core_1_1_vector_scalar.html',''); initRes

                    This is the complete list of members for mlx::core::VectorScalar< Op >, including all inherited members.

                    - - - +
                    opmlx::core::VectorScalar< Op >
                    operator()(const T *a, const T *b, U *dst, int size)mlx::core::VectorScalar< Op >inline
                    VectorScalar(Op op_)mlx::core::VectorScalar< Op >inline
                    operator()(const T *a, const T *b, U *dst, int size)mlx::core::VectorScalar< Op >inline
                  diff --git a/docs/build/html/structmlx_1_1core_1_1_vector_scalar.html b/docs/build/html/structmlx_1_1core_1_1_vector_scalar.html index 080b339ea..a6c519b72 100644 --- a/docs/build/html/structmlx_1_1core_1_1_vector_scalar.html +++ b/docs/build/html/structmlx_1_1core_1_1_vector_scalar.html @@ -104,7 +104,6 @@ $(function(){initNavTree('structmlx_1_1core_1_1_vector_scalar.html',''); initRes
                  mlx::core::VectorScalar< Op > Struct Template Reference
                  @@ -114,45 +113,10 @@ $(function(){initNavTree('structmlx_1_1core_1_1_vector_scalar.html',''); initRes - - -

                  Public Member Functions

                   VectorScalar (Op op_)
                   
                  template<typename T, typename U>
                  void operator() (const T *a, const T *b, U *dst, int size)
                   
                  - - -

                  -Public Attributes

                  Op op
                   
                  -

                  Constructor & Destructor Documentation

                  - -

                  ◆ VectorScalar()

                  - -
                  -
                  -
                  -template<typename Op>
                  - - - - - -
                  - - - - - - - -
                  mlx::core::VectorScalar< Op >::VectorScalar (Op op_)
                  -
                  -inline
                  -
                  - -
                  -

                  Member Function Documentation

                  ◆ operator()()

                  @@ -195,23 +159,6 @@ template<typename T, typename U>
                  -
                  - -

                  Member Data Documentation

                  - -

                  ◆ op

                  - -
                  -
                  -
                  -template<typename Op>
                  - - - - -
                  Op mlx::core::VectorScalar< Op >::op
                  -
                  -

                  The documentation for this struct was generated from the following file:
                    diff --git a/docs/build/html/structmlx_1_1core_1_1_vector_scalar.js b/docs/build/html/structmlx_1_1core_1_1_vector_scalar.js index b9712673b..b25b45d27 100644 --- a/docs/build/html/structmlx_1_1core_1_1_vector_scalar.js +++ b/docs/build/html/structmlx_1_1core_1_1_vector_scalar.js @@ -1,6 +1,4 @@ var structmlx_1_1core_1_1_vector_scalar = [ - [ "VectorScalar", "structmlx_1_1core_1_1_vector_scalar.html#a97088143e6d301d753dcdd1ccdd82287", null ], - [ "operator()", "structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f", null ], - [ "op", "structmlx_1_1core_1_1_vector_scalar.html#a5fe1744adb58aaa845acca1e46725537", null ] + [ "operator()", "structmlx_1_1core_1_1_vector_scalar.html#a1af3ff644ce023a7e4f92a7c3634c44f", null ] ]; \ No newline at end of file diff --git a/docs/build/html/structmlx_1_1core_1_1_vector_vector-members.html b/docs/build/html/structmlx_1_1core_1_1_vector_vector-members.html index 6ea14dd26..7fb418bc7 100644 --- a/docs/build/html/structmlx_1_1core_1_1_vector_vector-members.html +++ b/docs/build/html/structmlx_1_1core_1_1_vector_vector-members.html @@ -108,9 +108,7 @@ $(function(){initNavTree('structmlx_1_1core_1_1_vector_vector.html',''); initRes

                    This is the complete list of members for mlx::core::VectorVector< Op >, including all inherited members.

                    - - - +
                    opmlx::core::VectorVector< Op >
                    operator()(const T *a, const T *b, U *dst, int size)mlx::core::VectorVector< Op >inline
                    VectorVector(Op op_)mlx::core::VectorVector< Op >inline
                    operator()(const T *a, const T *b, U *dst, int size)mlx::core::VectorVector< Op >inline
                    diff --git a/docs/build/html/structmlx_1_1core_1_1_vector_vector.html b/docs/build/html/structmlx_1_1core_1_1_vector_vector.html index 983ff5b72..7a2b61c66 100644 --- a/docs/build/html/structmlx_1_1core_1_1_vector_vector.html +++ b/docs/build/html/structmlx_1_1core_1_1_vector_vector.html @@ -104,7 +104,6 @@ $(function(){initNavTree('structmlx_1_1core_1_1_vector_vector.html',''); initRes
                    mlx::core::VectorVector< Op > Struct Template Reference
                    @@ -114,45 +113,10 @@ $(function(){initNavTree('structmlx_1_1core_1_1_vector_vector.html',''); initRes - - -

                    Public Member Functions

                     VectorVector (Op op_)
                     
                    template<typename T, typename U>
                    void operator() (const T *a, const T *b, U *dst, int size)
                     
                    - - -

                    -Public Attributes

                    Op op
                     
                    -

                    Constructor & Destructor Documentation

                    - -

                    ◆ VectorVector()

                    - -
                    -
                    -
                    -template<typename Op>
                    - - - - - -
                    - - - - - - - -
                    mlx::core::VectorVector< Op >::VectorVector (Op op_)
                    -
                    -inline
                    -
                    - -
                    -

                    Member Function Documentation

                    ◆ operator()()

                    @@ -195,23 +159,6 @@ template<typename T, typename U>
                  -
                  - -

                  Member Data Documentation

                  - -

                  ◆ op

                  - -
                  -
                  -
                  -template<typename Op>
                  - - - - -
                  Op mlx::core::VectorVector< Op >::op
                  -
                  -

                  The documentation for this struct was generated from the following file:
                    diff --git a/docs/build/html/structmlx_1_1core_1_1_vector_vector.js b/docs/build/html/structmlx_1_1core_1_1_vector_vector.js index f17c57aa2..c8824b4cf 100644 --- a/docs/build/html/structmlx_1_1core_1_1_vector_vector.js +++ b/docs/build/html/structmlx_1_1core_1_1_vector_vector.js @@ -1,6 +1,4 @@ var structmlx_1_1core_1_1_vector_vector = [ - [ "VectorVector", "structmlx_1_1core_1_1_vector_vector.html#a4867666c95c597a113afb64f173cc022", null ], - [ "operator()", "structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215", null ], - [ "op", "structmlx_1_1core_1_1_vector_vector.html#a6d69d070c75cf0281e11e36e0717ab50", null ] + [ "operator()", "structmlx_1_1core_1_1_vector_vector.html#a97a0bed419933d7685238a962f2e4215", null ] ]; \ No newline at end of file diff --git a/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder-members.html b/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder-members.html new file mode 100644 index 000000000..c996df6f4 --- /dev/null +++ b/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder-members.html @@ -0,0 +1,131 @@ + + + + + + + +MLX: Member List + + + + + + + + + + + + + + + + +
                    +
                    + + + + + + + +
                    +
                    MLX +
                    +
                    + +   + + + + +
                    +
                    +
                    + + + + +
                    +
                    + +
                    +
                    +
                    + +
                    + +
                    +
                    + + +
                    +
                    +
                    +
                    +
                    +
                    Loading...
                    +
                    Searching...
                    +
                    No Matches
                    +
                    +
                    +
                    +
                    + +
                    +
                    mlx::core::cpu::CommandEncoder Member List
                    +
                    +
                    + +

                    This is the complete list of members for mlx::core::cpu::CommandEncoder, including all inherited members.

                    + + + + + + + + + + + + +
                    add_temporaries(std::vector< array > arrays)mlx::core::cpu::CommandEncoderinline
                    add_temporary(array arr)mlx::core::cpu::CommandEncoderinline
                    CommandEncoder(Stream stream)mlx::core::cpu::CommandEncoderinline
                    CommandEncoder(const CommandEncoder &)=deletemlx::core::cpu::CommandEncoder
                    CommandEncoder(CommandEncoder &&)=deletemlx::core::cpu::CommandEncoder
                    dispatch(F &&f, Args &&... args)mlx::core::cpu::CommandEncoderinline
                    operator=(const CommandEncoder &)=deletemlx::core::cpu::CommandEncoder
                    operator=(CommandEncoder &&)=deletemlx::core::cpu::CommandEncoder
                    set_input_array(const array &a)mlx::core::cpu::CommandEncoderinline
                    set_output_array(array &a)mlx::core::cpu::CommandEncoderinline
                    temporaries()mlx::core::cpu::CommandEncoderinline
                    +
                    + + + + diff --git a/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder.html b/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder.html new file mode 100644 index 000000000..8eb9a66b6 --- /dev/null +++ b/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder.html @@ -0,0 +1,436 @@ + + + + + + + +MLX: mlx::core::cpu::CommandEncoder Struct Reference + + + + + + + + + + + + + + + + +
                    +
                    + + + + + + + +
                    +
                    MLX +
                    +
                    + +   + + + + +
                    +
                    +
                    + + + + +
                    +
                    + +
                    +
                    +
                    + +
                    + +
                    +
                    + + +
                    +
                    +
                    +
                    +
                    +
                    Loading...
                    +
                    Searching...
                    +
                    No Matches
                    +
                    +
                    +
                    +
                    + +
                    + +
                    mlx::core::cpu::CommandEncoder Struct Reference
                    +
                    +
                    + +

                    #include <encoder.h>

                    + + + + + + + + + + + + + + + + + + + + + + + + + +

                    +Public Member Functions

                     CommandEncoder (Stream stream)
                     
                     CommandEncoder (const CommandEncoder &)=delete
                     
                    CommandEncoderoperator= (const CommandEncoder &)=delete
                     
                     CommandEncoder (CommandEncoder &&)=delete
                     
                    CommandEncoderoperator= (CommandEncoder &&)=delete
                     
                    void set_input_array (const array &a)
                     
                    void set_output_array (array &a)
                     
                    void add_temporary (array arr)
                     
                    void add_temporaries (std::vector< array > arrays)
                     
                    std::vector< array > & temporaries ()
                     
                    template<class F, class... Args>
                    void dispatch (F &&f, Args &&... args)
                     
                    +

                    Constructor & Destructor Documentation

                    + +

                    ◆ CommandEncoder() [1/3]

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    mlx::core::cpu::CommandEncoder::CommandEncoder (Stream stream)
                    +
                    +inline
                    +
                    + +
                    +
                    + +

                    ◆ CommandEncoder() [2/3]

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    mlx::core::cpu::CommandEncoder::CommandEncoder (const CommandEncoder & )
                    +
                    +delete
                    +
                    + +
                    +
                    + +

                    ◆ CommandEncoder() [3/3]

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    mlx::core::cpu::CommandEncoder::CommandEncoder (CommandEncoder && )
                    +
                    +delete
                    +
                    + +
                    +
                    +

                    Member Function Documentation

                    + +

                    ◆ add_temporaries()

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    void mlx::core::cpu::CommandEncoder::add_temporaries (std::vector< array > arrays)
                    +
                    +inline
                    +
                    + +
                    +
                    + +

                    ◆ add_temporary()

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    void mlx::core::cpu::CommandEncoder::add_temporary (array arr)
                    +
                    +inline
                    +
                    + +
                    +
                    + +

                    ◆ dispatch()

                    + +
                    +
                    +
                    +template<class F, class... Args>
                    + + + + + +
                    + + + + + + + + + + + +
                    void mlx::core::cpu::CommandEncoder::dispatch (F && f,
                    Args &&... args )
                    +
                    +inline
                    +
                    + +
                    +
                    + +

                    ◆ operator=() [1/2]

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    CommandEncoder & mlx::core::cpu::CommandEncoder::operator= (CommandEncoder && )
                    +
                    +delete
                    +
                    + +
                    +
                    + +

                    ◆ operator=() [2/2]

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    CommandEncoder & mlx::core::cpu::CommandEncoder::operator= (const CommandEncoder & )
                    +
                    +delete
                    +
                    + +
                    +
                    + +

                    ◆ set_input_array()

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    void mlx::core::cpu::CommandEncoder::set_input_array (const array & a)
                    +
                    +inline
                    +
                    + +
                    +
                    + +

                    ◆ set_output_array()

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    void mlx::core::cpu::CommandEncoder::set_output_array (array & a)
                    +
                    +inline
                    +
                    + +
                    +
                    + +

                    ◆ temporaries()

                    + +
                    +
                    + + + + + +
                    + + + + + + + +
                    std::vector< array > & mlx::core::cpu::CommandEncoder::temporaries ()
                    +
                    +inline
                    +
                    + +
                    +
                    +
                    The documentation for this struct was generated from the following file: +
                    +
                    + + + + diff --git a/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder.js b/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder.js new file mode 100644 index 000000000..db4a0c39a --- /dev/null +++ b/docs/build/html/structmlx_1_1core_1_1cpu_1_1_command_encoder.js @@ -0,0 +1,14 @@ +var structmlx_1_1core_1_1cpu_1_1_command_encoder = +[ + [ "CommandEncoder", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a23815084f53da65b092624c89df7383c", null ], + [ "CommandEncoder", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a8e66b11850caa812b1eab2304493aa95", null ], + [ "CommandEncoder", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa82e91e3b530f13126f674a6f4902096", null ], + [ "add_temporaries", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a30676a55a977418879a6a3a8a858d7c3", null ], + [ "add_temporary", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a0879746a3ca3531a081de1bcf484fa31", null ], + [ "dispatch", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#ae7753ac99229f9241c41bcf1b5216c9b", null ], + [ "operator=", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#af2623c4a8fd0408e5be2c5fabaf98771", null ], + [ "operator=", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a3d4415f4022da093cee23ef6f2a50c7c", null ], + [ "set_input_array", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#aa0646f94b37d9d419b0e379c8b81a5fe", null ], + [ "set_output_array", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#addd04a642072b7097faa74d1a924147b", null ], + [ "temporaries", "structmlx_1_1core_1_1cpu_1_1_command_encoder.html#a61e90a31f29ae3ffe5f6f1e7672f79b0", null ] +]; \ No newline at end of file diff --git a/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder-members.html b/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder-members.html index 83ec674e6..fedf36aa0 100644 --- a/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder-members.html +++ b/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder-members.html @@ -117,7 +117,7 @@ $(function(){initNavTree('structmlx_1_1core_1_1metal_1_1_command_encoder.html','
                  maybeInsertBarrier()mlx::core::metal::CommandEncoder
                  operator=(const CommandEncoder &)=deletemlx::core::metal::CommandEncoder
                  outputs()mlx::core::metal::CommandEncoderinline
                  register_output_array(array &a)mlx::core::metal::CommandEncoder
                  register_output_array(const array &a)mlx::core::metal::CommandEncoder
                  set_buffer(const MTL::Buffer *buf, int idx, int64_t offset=0)mlx::core::metal::CommandEncoder
                  set_bytes(const T *v, int n, int idx)mlx::core::metal::CommandEncoderinline
                  set_bytes(const T &v, int idx)mlx::core::metal::CommandEncoderinline
                   
                  void set_output_array (array &a, int idx, int64_t offset=0)
                   
                  void register_output_array (array &a)
                   
                  void register_output_array (const array &a)
                   
                  void dispatch_threadgroups (MTL::Size grid_dims, MTL::Size group_dims)
                   
                  void dispatch_threads (MTL::Size grid_dims, MTL::Size group_dims)
                  void mlx::core::metal::CommandEncoder::register_output_array (array & a)const array & a)
                  diff --git a/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.js b/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.js index f70a1b4ca..56cc8bdf3 100644 --- a/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.js +++ b/docs/build/html/structmlx_1_1core_1_1metal_1_1_command_encoder.js @@ -11,7 +11,7 @@ var structmlx_1_1core_1_1metal_1_1_command_encoder = [ "maybeInsertBarrier", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#ad538ae88f90560063f9ba502e2795991", null ], [ "operator=", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#a3f42a1362b4a513fa89e7b3dcc570a8e", null ], [ "outputs", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#aefa48740fdee884f02e2d379bca4e78f", null ], - [ "register_output_array", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#ada20558738968ca2ecdcd95f228e028a", null ], + [ "register_output_array", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#a2d42827ff8551ec43cef2d33b9051c0f", null ], [ "set_buffer", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#ae890f5cefa4ae24ae0f5d8e46a313a92", null ], [ "set_bytes", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#abc52d18ea87d213c47fd26062c829849", null ], [ "set_bytes", "structmlx_1_1core_1_1metal_1_1_command_encoder.html#a9c343f791812a45c6c03a5c9f27f74d5", null ], diff --git a/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread-members.html b/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread-members.html index 5276a85f6..cc7eb62bb 100644 --- a/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread-members.html +++ b/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread-members.html @@ -113,11 +113,10 @@ $(function(){initNavTree('structmlx_1_1core_1_1scheduler_1_1_stream_thread.html' mtxmlx::core::scheduler::StreamThread qmlx::core::scheduler::StreamThread stopmlx::core::scheduler::StreamThread - streammlx::core::scheduler::StreamThread - StreamThread(Stream stream)mlx::core::scheduler::StreamThreadinline - threadmlx::core::scheduler::StreamThread - thread_fn()mlx::core::scheduler::StreamThreadinline - ~StreamThread()mlx::core::scheduler::StreamThreadinline + StreamThread()mlx::core::scheduler::StreamThreadinline + threadmlx::core::scheduler::StreamThread + thread_fn()mlx::core::scheduler::StreamThreadinline + ~StreamThread()mlx::core::scheduler::StreamThreadinline
                  diff --git a/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.html b/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.html index bedbb45af..b26e2d6df 100644 --- a/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.html +++ b/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.html @@ -114,8 +114,8 @@ $(function(){initNavTree('structmlx_1_1core_1_1scheduler_1_1_stream_thread.html' - - + + @@ -134,14 +134,12 @@ Public Attributes - -

                  Public Member Functions

                   StreamThread (Stream stream)
                   
                   StreamThread ()
                   
                   ~StreamThread ()
                   
                  void thread_fn ()
                   
                  bool stop
                   
                  Stream stream
                   
                  std::thread thread
                   

                  Constructor & Destructor Documentation

                  - -

                  ◆ StreamThread()

                  + +

                  ◆ StreamThread()

                  @@ -152,7 +150,7 @@ Public Attributes mlx::core::scheduler::StreamThread::StreamThread ( - Stream stream) + ) @@ -298,20 +296,6 @@ template<typename F>
                  -
                  -
                  - -

                  ◆ stream

                  - -
                  -
                  - - - - -
                  Stream mlx::core::scheduler::StreamThread::stream
                  -
                  -
                  diff --git a/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.js b/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.js index 5bbad5a92..d60417558 100644 --- a/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.js +++ b/docs/build/html/structmlx_1_1core_1_1scheduler_1_1_stream_thread.js @@ -1,6 +1,6 @@ var structmlx_1_1core_1_1scheduler_1_1_stream_thread = [ - [ "StreamThread", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#ac528109a11abcb82e6e221c5efa4493c", null ], + [ "StreamThread", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a18486415163f4d531bedb3b923d724cf", null ], [ "~StreamThread", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a71de50591388b6e2cc6c57827e1a1ad4", null ], [ "enqueue", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a4918720319cf224a1b4208568964c286", null ], [ "thread_fn", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a06a62c21c1174e4eb4d242e50aad7adf", null ], @@ -8,6 +8,5 @@ var structmlx_1_1core_1_1scheduler_1_1_stream_thread = [ "mtx", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a70410c9e612f871663929f1e8441a976", null ], [ "q", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#adf608e22d0c0397217472408aab52631", null ], [ "stop", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a456ad1c0c9e731833a2f8411c4ed51aa", null ], - [ "stream", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a8462e4acffcd385c6248bd7102e6bcb1", null ], [ "thread", "structmlx_1_1core_1_1scheduler_1_1_stream_thread.html#a449de02bf2ac80d8fe2f208fa7eac359", null ] ]; \ No newline at end of file diff --git a/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params-members.html b/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params-members.html new file mode 100644 index 000000000..333c5c04a --- /dev/null +++ b/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params-members.html @@ -0,0 +1,121 @@ + + + + + + + +MLX: Member List + + + + + + + + + + + + + + + + +
                  +
                  + + + + + + + +
                  +
                  MLX +
                  +
                  + +   + + + + +
                  +
                  +
                  + + + + +
                  +
                  + +
                  +
                  +
                  + +
                  + +
                  +
                  + + +
                  +
                  +
                  +
                  +
                  +
                  Loading...
                  +
                  Searching...
                  +
                  No Matches
                  +
                  +
                  +
                  +
                  + +
                  +
                  mlx::steel::AttnMaskParams Member List
                  +
                  +
                  + +

                  This is the complete list of members for mlx::steel::AttnMaskParams, including all inherited members.

                  + + +
                  M_stridesmlx::steel::AttnMaskParams
                  +
                  + + + + diff --git a/docs/build/html/backend_2metal_2event_8h_source.html b/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params.html similarity index 56% rename from docs/build/html/backend_2metal_2event_8h_source.html rename to docs/build/html/structmlx_1_1steel_1_1_attn_mask_params.html index 7fe5da87d..60c46c5fa 100644 --- a/docs/build/html/backend_2metal_2event_8h_source.html +++ b/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params.html @@ -5,7 +5,7 @@ -MLX: mlx/backend/metal/event.h Source File +MLX: mlx::steel::AttnMaskParams Struct Reference @@ -76,7 +76,7 @@ $(function() { codefold.init(0); });
                  @@ -102,29 +102,47 @@ $(function(){initNavTree('backend_2metal_2event_8h_source.html',''); initResizab
                  -
                  event.h
                  + +
                  mlx::steel::AttnMaskParams Struct Reference
                  -Go to the documentation of this file.
                  1// Copyright © 2024 Apple Inc.
                  -
                  2#pragma once
                  -
                  3
                  -
                  4namespace mlx::core {
                  -
                  5
                  - -
                  7
                  - -
                  9
                  -
                  10} // namespace mlx::core
                  -
                  Definition event.h:11
                  -
                  Definition allocator.h:7
                  -
                  void encode_wait(Event e)
                  -
                  void encode_signal(Event e)
                  -
                  + +

                  #include <params.h>

                  + + + + + +

                  +Public Attributes

                  int64_t M_strides [3]
                   Mask strides (B, H, qL, kL = 1)
                   
                  +

                  Member Data Documentation

                  + +

                  ◆ M_strides

                  + +
                  +
                  + + + + +
                  int64_t mlx::steel::AttnMaskParams::M_strides[3]
                  +
                  + +

                  Mask strides (B, H, qL, kL = 1)

                  + +
                  +
                  +
                  The documentation for this struct was generated from the following file:
                    +
                  • mlx/backend/metal/kernels/steel/attn/params.h
                  • +
                  +
                  diff --git a/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params.js b/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params.js new file mode 100644 index 000000000..6ccb70450 --- /dev/null +++ b/docs/build/html/structmlx_1_1steel_1_1_attn_mask_params.js @@ -0,0 +1,4 @@ +var structmlx_1_1steel_1_1_attn_mask_params = +[ + [ "M_strides", "structmlx_1_1steel_1_1_attn_mask_params.html#aaf6c5822d2cb2dcf0992798dc08e27d6", null ] +]; \ No newline at end of file diff --git a/docs/build/html/structmlx_1_1steel_1_1_attn_params-members.html b/docs/build/html/structmlx_1_1steel_1_1_attn_params-members.html index 016e098c5..881349bd6 100644 --- a/docs/build/html/structmlx_1_1steel_1_1_attn_params-members.html +++ b/docs/build/html/structmlx_1_1steel_1_1_attn_params-members.html @@ -114,15 +114,18 @@ $(function(){initNavTree('structmlx_1_1steel_1_1_attn_params.html',''); initResi Hmlx::steel::AttnParams K_stridesmlx::steel::AttnParams kLmlx::steel::AttnParams - NKmlx::steel::AttnParams - NK_alignedmlx::steel::AttnParams - NQmlx::steel::AttnParams - NQ_alignedmlx::steel::AttnParams - O_stridesmlx::steel::AttnParams - Q_stridesmlx::steel::AttnParams - qLmlx::steel::AttnParams - scalemlx::steel::AttnParams - V_stridesmlx::steel::AttnParams + kL_remmlx::steel::AttnParams + NKmlx::steel::AttnParams + NK_alignedmlx::steel::AttnParams + NQmlx::steel::AttnParams + NQ_alignedmlx::steel::AttnParams + O_stridesmlx::steel::AttnParams + Q_stridesmlx::steel::AttnParams + qLmlx::steel::AttnParams + qL_offmlx::steel::AttnParams + qL_remmlx::steel::AttnParams + scalemlx::steel::AttnParams + V_stridesmlx::steel::AttnParams
                  diff --git a/docs/build/html/structmlx_1_1steel_1_1_attn_params.html b/docs/build/html/structmlx_1_1steel_1_1_attn_params.html index a3e659fc9..c3509e164 100644 --- a/docs/build/html/structmlx_1_1steel_1_1_attn_params.html +++ b/docs/build/html/structmlx_1_1steel_1_1_attn_params.html @@ -146,6 +146,15 @@ Public Attributes int NK_aligned  Number of full key/value blocks.
                    +int qL_remRemainder in last query block.
                  +  +int kL_remRemainder in last key/value block.
                  +  +int qL_off + Offset in query sequence start.
                  +  int64_t Q_strides [3]  Query strides (B, H, L, D = 1)
                    @@ -254,6 +263,22 @@ Public Attributes

                  Key Sequence Length.

                  +
                  +
                  + +

                  ◆ kL_rem

                  + +
                  +
                  + + + + +
                  int mlx::steel::AttnParams::kL_rem
                  +
                  + +

                  Remainder in last key/value block.

                  +
                  @@ -366,6 +391,38 @@ Public Attributes

                  Query Sequence Length.

                  +
                  +
                  + +

                  ◆ qL_off

                  + +
                  +
                  + + + + +
                  int mlx::steel::AttnParams::qL_off
                  +
                  + +

                  Offset in query sequence start.

                  + +
                  +
                  + +

                  ◆ qL_rem

                  + +
                  +
                  + + + + +
                  int mlx::steel::AttnParams::qL_rem
                  +
                  + +

                  Remainder in last query block.

                  +
                  diff --git a/docs/build/html/structmlx_1_1steel_1_1_attn_params.js b/docs/build/html/structmlx_1_1steel_1_1_attn_params.js index 1092c71d0..76c6e0322 100644 --- a/docs/build/html/structmlx_1_1steel_1_1_attn_params.js +++ b/docs/build/html/structmlx_1_1steel_1_1_attn_params.js @@ -6,6 +6,7 @@ var structmlx_1_1steel_1_1_attn_params = [ "H", "structmlx_1_1steel_1_1_attn_params.html#a3d286a0c27bace6016ed7a87f43291b7", null ], [ "K_strides", "structmlx_1_1steel_1_1_attn_params.html#af71b762aa702a3ee592d2098a14b74a9", null ], [ "kL", "structmlx_1_1steel_1_1_attn_params.html#a497b7404bcd25b535c3589c61f269f63", null ], + [ "kL_rem", "structmlx_1_1steel_1_1_attn_params.html#a752033afdf873d2c506aa83b02e38139", null ], [ "NK", "structmlx_1_1steel_1_1_attn_params.html#a68a66e3fafa922dcfd1ab1f6bdc2375e", null ], [ "NK_aligned", "structmlx_1_1steel_1_1_attn_params.html#aaf953954274794cfcb4e35e82d681b58", null ], [ "NQ", "structmlx_1_1steel_1_1_attn_params.html#a48575afc94ab9ff74deaba61464e57a1", null ], @@ -13,6 +14,8 @@ var structmlx_1_1steel_1_1_attn_params = [ "O_strides", "structmlx_1_1steel_1_1_attn_params.html#ab210f29dcc3a732aba34894cd5a42cf7", null ], [ "Q_strides", "structmlx_1_1steel_1_1_attn_params.html#a9150df3fb79de521bbccf57c43f6b092", null ], [ "qL", "structmlx_1_1steel_1_1_attn_params.html#a59255882cbd78bb6f15e704e3a356a7f", null ], + [ "qL_off", "structmlx_1_1steel_1_1_attn_params.html#a2d18657f764a8b4097bc5a05238b5dde", null ], + [ "qL_rem", "structmlx_1_1steel_1_1_attn_params.html#af3fcd78329de006a9a44db64ba469345", null ], [ "scale", "structmlx_1_1steel_1_1_attn_params.html#ad81bcd32e6ff8fec0000eca505fb6826", null ], [ "V_strides", "structmlx_1_1steel_1_1_attn_params.html#ad1495980297901b8ded1fb6dd73979b1", null ] ]; \ No newline at end of file diff --git a/docs/build/html/transforms_8h_source.html b/docs/build/html/transforms_8h_source.html index b668571e9..634505ba3 100644 --- a/docs/build/html/transforms_8h_source.html +++ b/docs/build/html/transforms_8h_source.html @@ -284,7 +284,7 @@ $(function(){initNavTree('transforms_8h_source.html',''); initResizable(true); }
                  std::function< std::pair< std::vector< array >, std::vector< array > >( const std::vector< array > &)> ValueAndGradFn
                  Definition transforms.h:68
                  ValueAndGradFn value_and_grad(const std::function< std::vector< array >(const std::vector< array > &)> &fun, const std::vector< int > &argnums)
                  Returns a function which computes the value and gradient of the input function with respect to a vect...
                  std::function< array(const array &)> vmap(const std::function< array(const array &)> &fun, int in_axis=0, int out_axis=0)
                  Automatically vectorize a unary function over the requested axes.
                  -
                  typename std::enable_if_t< is_arrays_v< T... > > enable_for_arrays_t
                  Definition array.h:630
                  +
                  typename std::enable_if_t< is_arrays_v< T... > > enable_for_arrays_t
                  Definition array.h:615
                  diff --git a/docs/build/html/usage/compile.html b/docs/build/html/usage/compile.html index dfff6bba9..45613f5de 100644 --- a/docs/build/html/usage/compile.html +++ b/docs/build/html/usage/compile.html @@ -8,7 +8,7 @@ - Compilation — MLX 0.23.2 documentation + Compilation — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/usage/distributed.html b/docs/build/html/usage/distributed.html index 0d3e250bb..39575e5c3 100644 --- a/docs/build/html/usage/distributed.html +++ b/docs/build/html/usage/distributed.html @@ -8,7 +8,7 @@ - Distributed Communication — MLX 0.23.2 documentation + Distributed Communication — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home +
                  diff --git a/docs/build/html/usage/export.html b/docs/build/html/usage/export.html index 460bef38e..4b8dc1557 100644 --- a/docs/build/html/usage/export.html +++ b/docs/build/html/usage/export.html @@ -8,7 +8,7 @@ - Exporting Functions — MLX 0.23.2 documentation + Exporting Functions — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/function_transforms.html b/docs/build/html/usage/function_transforms.html index 41f0f80fa..326f82d71 100644 --- a/docs/build/html/usage/function_transforms.html +++ b/docs/build/html/usage/function_transforms.html @@ -8,7 +8,7 @@ - Function Transforms — MLX 0.23.2 documentation + Function Transforms — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/indexing.html b/docs/build/html/usage/indexing.html index 6706727c0..31d95cf77 100644 --- a/docs/build/html/usage/indexing.html +++ b/docs/build/html/usage/indexing.html @@ -8,7 +8,7 @@ - Indexing Arrays — MLX 0.23.2 documentation + Indexing Arrays — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/launching_distributed.html b/docs/build/html/usage/launching_distributed.html index 63e28fd49..92e3ecb78 100644 --- a/docs/build/html/usage/launching_distributed.html +++ b/docs/build/html/usage/launching_distributed.html @@ -8,7 +8,7 @@ - Launching Distributed Programs — MLX 0.23.2 documentation + Launching Distributed Programs — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/lazy_evaluation.html b/docs/build/html/usage/lazy_evaluation.html index c3475e254..6aafec562 100644 --- a/docs/build/html/usage/lazy_evaluation.html +++ b/docs/build/html/usage/lazy_evaluation.html @@ -8,7 +8,7 @@ - Lazy Evaluation — MLX 0.23.2 documentation + Lazy Evaluation — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/numpy.html b/docs/build/html/usage/numpy.html index 45decb81c..5da0163fd 100644 --- a/docs/build/html/usage/numpy.html +++ b/docs/build/html/usage/numpy.html @@ -8,7 +8,7 @@ - Conversion to NumPy and Other Frameworks — MLX 0.23.2 documentation + Conversion to NumPy and Other Frameworks — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/quick_start.html b/docs/build/html/usage/quick_start.html index 27a8f83b7..a8b7f194b 100644 --- a/docs/build/html/usage/quick_start.html +++ b/docs/build/html/usage/quick_start.html @@ -8,7 +8,7 @@ - Quick Start Guide — MLX 0.23.2 documentation + Quick Start Guide — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/saving_and_loading.html b/docs/build/html/usage/saving_and_loading.html index 82de56c25..434f68b9b 100644 --- a/docs/build/html/usage/saving_and_loading.html +++ b/docs/build/html/usage/saving_and_loading.html @@ -8,7 +8,7 @@ - Saving and Loading Arrays — MLX 0.23.2 documentation + Saving and Loading Arrays — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/unified_memory.html b/docs/build/html/usage/unified_memory.html index 1cd5d8c6a..ad4abb9ed 100644 --- a/docs/build/html/usage/unified_memory.html +++ b/docs/build/html/usage/unified_memory.html @@ -8,7 +8,7 @@ - Unified Memory — MLX 0.23.2 documentation + Unified Memory — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/usage/using_streams.html b/docs/build/html/usage/using_streams.html index 6bbd0e5fc..47b5e5595 100644 --- a/docs/build/html/usage/using_streams.html +++ b/docs/build/html/usage/using_streams.html @@ -8,7 +8,7 @@ - Using Streams — MLX 0.23.2 documentation + Using Streams — MLX 0.24.0 documentation @@ -36,7 +36,7 @@ - + @@ -137,8 +137,8 @@ - MLX 0.23.2 documentation - Home - + MLX 0.24.0 documentation - Home + diff --git a/docs/build/html/utils_8h.html b/docs/build/html/utils_8h.html index 6aeeb5c9e..f3ce05b51 100644 --- a/docs/build/html/utils_8h.html +++ b/docs/build/html/utils_8h.html @@ -147,6 +147,8 @@ Typedefs Functions Stream mlx::core::to_stream (StreamOrDevice s)   +Stream mlx::core::to_stream (StreamOrDevice s, Device default_) +  PrintFormattermlx::core::get_global_formatter ()   void mlx::core::abort_with_exception (const std::exception &error) diff --git a/docs/build/html/utils_8h.js b/docs/build/html/utils_8h.js index 8f2255b0b..f33c73477 100644 --- a/docs/build/html/utils_8h.js +++ b/docs/build/html/utils_8h.js @@ -28,5 +28,6 @@ var utils_8h = [ "mlx::core::result_type", "namespacemlx_1_1core.html#a8b984eef832f757e28cd262d64a49ae7", null ], [ "mlx::core::result_type", "namespacemlx_1_1core.html#ac457c232f956ba802acb69c5a621633d", null ], [ "mlx::core::result_type", "namespacemlx_1_1core.html#aafaf24a28297428caf6d0c36c623489e", null ], - [ "mlx::core::to_stream", "namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9", null ] + [ "mlx::core::to_stream", "namespacemlx_1_1core.html#a4734a596e57434492ddfe79f2cb9dbf9", null ], + [ "mlx::core::to_stream", "namespacemlx_1_1core.html#a999be930e8a5b35eb33d934eefd548e8", null ] ]; \ No newline at end of file diff --git a/docs/build/html/utils_8h_source.html b/docs/build/html/utils_8h_source.html index cfb2f2257..16acbbbf4 100644 --- a/docs/build/html/utils_8h_source.html +++ b/docs/build/html/utils_8h_source.html @@ -121,187 +121,188 @@ $(function(){initNavTree('utils_8h_source.html',''); initResizable(true); });
                  14
                  15using StreamOrDevice = std::variant<std::monostate, Stream, Device>;
                  -
                  17
                  -
                  - -
                  19 public:
                  -
                  - -
                  21 if (std::holds_alternative<std::monostate>(s)) {
                  -
                  22 throw std::runtime_error(
                  -
                  23 "[StreamContext] Invalid argument, please specify a stream or device.");
                  -
                  24 }
                  -
                  25 auto _s = to_stream(s);
                  -
                  26 set_default_device(_s.device);
                  - -
                  28 }
                  + +
                  18
                  +
                  + +
                  20 public:
                  +
                  + +
                  22 if (std::holds_alternative<std::monostate>(s)) {
                  +
                  23 throw std::runtime_error(
                  +
                  24 "[StreamContext] Invalid argument, please specify a stream or device.");
                  +
                  25 }
                  +
                  26 auto _s = to_stream(s);
                  +
                  27 set_default_device(_s.device);
                  + +
                  29 }
                  -
                  29
                  -
                  - -
                  31 set_default_device(_stream.device);
                  -
                  32 set_default_stream(_stream);
                  -
                  33 }
                  +
                  30
                  +
                  + +
                  32 set_default_device(_stream.device);
                  +
                  33 set_default_stream(_stream);
                  +
                  34 }
                  -
                  34
                  -
                  35 private:
                  -
                  36 Stream _stream;
                  -
                  37};
                  +
                  35
                  +
                  36 private:
                  +
                  37 Stream _stream;
                  +
                  38};
                  -
                  38
                  -
                  - -
                  40 inline void print(std::ostream& os, bool val);
                  -
                  41 inline void print(std::ostream& os, int16_t val);
                  -
                  42 inline void print(std::ostream& os, uint16_t val);
                  -
                  43 inline void print(std::ostream& os, int32_t val);
                  -
                  44 inline void print(std::ostream& os, uint32_t val);
                  -
                  45 inline void print(std::ostream& os, int64_t val);
                  -
                  46 inline void print(std::ostream& os, uint64_t val);
                  -
                  47 inline void print(std::ostream& os, float16_t val);
                  -
                  48 inline void print(std::ostream& os, bfloat16_t val);
                  -
                  49 inline void print(std::ostream& os, float val);
                  -
                  50 inline void print(std::ostream& os, double val);
                  -
                  51 inline void print(std::ostream& os, complex64_t val);
                  -
                  52
                  -
                  53 bool capitalize_bool{false};
                  -
                  54};
                  +
                  39
                  +
                  + +
                  41 inline void print(std::ostream& os, bool val);
                  +
                  42 inline void print(std::ostream& os, int16_t val);
                  +
                  43 inline void print(std::ostream& os, uint16_t val);
                  +
                  44 inline void print(std::ostream& os, int32_t val);
                  +
                  45 inline void print(std::ostream& os, uint32_t val);
                  +
                  46 inline void print(std::ostream& os, int64_t val);
                  +
                  47 inline void print(std::ostream& os, uint64_t val);
                  +
                  48 inline void print(std::ostream& os, float16_t val);
                  +
                  49 inline void print(std::ostream& os, bfloat16_t val);
                  +
                  50 inline void print(std::ostream& os, float val);
                  +
                  51 inline void print(std::ostream& os, double val);
                  +
                  52 inline void print(std::ostream& os, complex64_t val);
                  +
                  53
                  +
                  54 bool capitalize_bool{false};
                  +
                  55};
                  -
                  55
                  - -
                  57
                  -
                  59void abort_with_exception(const std::exception& error);
                  -
                  60
                  -
                  -
                  62struct finfo {
                  -
                  63 explicit finfo(Dtype dtype);
                  - -
                  65 double min;
                  -
                  66 double max;
                  -
                  67};
                  +
                  56
                  + +
                  58
                  +
                  60void abort_with_exception(const std::exception& error);
                  +
                  61
                  +
                  +
                  63struct finfo {
                  +
                  64 explicit finfo(Dtype dtype);
                  + +
                  66 double min;
                  +
                  67 double max;
                  +
                  68};
                  -
                  68
                  -
                  -
                  70inline Dtype result_type(const array& a, const array& b) {
                  -
                  71 return promote_types(a.dtype(), b.dtype());
                  -
                  72}
                  +
                  69
                  +
                  +
                  71inline Dtype result_type(const array& a, const array& b) {
                  +
                  72 return promote_types(a.dtype(), b.dtype());
                  +
                  73}
                  -
                  -
                  73inline Dtype result_type(const array& a, const array& b, const array& c) {
                  -
                  74 return promote_types(result_type(a, b), c.dtype());
                  -
                  75}
                  +
                  +
                  74inline Dtype result_type(const array& a, const array& b, const array& c) {
                  +
                  75 return promote_types(result_type(a, b), c.dtype());
                  +
                  76}
                  -
                  76Dtype result_type(const std::vector<array>& arrays);
                  -
                  77
                  -
                  78Shape broadcast_shapes(const Shape& s1, const Shape& s2);
                  -
                  79
                  - -
                  84 int axis,
                  -
                  85 int ndim,
                  -
                  86 const std::string& msg_prefix = "");
                  -
                  87
                  -
                  88std::ostream& operator<<(std::ostream& os, const Device& d);
                  -
                  89std::ostream& operator<<(std::ostream& os, const Stream& s);
                  -
                  90std::ostream& operator<<(std::ostream& os, const Dtype& d);
                  -
                  91std::ostream& operator<<(std::ostream& os, const Dtype::Kind& k);
                  -
                  92std::ostream& operator<<(std::ostream& os, array a);
                  -
                  93std::ostream& operator<<(std::ostream& os, const std::vector<int>& v);
                  -
                  94std::ostream& operator<<(std::ostream& os, const std::vector<int64_t>& v);
                  -
                  -
                  95inline std::ostream& operator<<(std::ostream& os, const complex64_t& v) {
                  -
                  96 return os << v.real() << (v.imag() >= 0 ? "+" : "") << v.imag() << "j";
                  -
                  97}
                  +
                  77Dtype result_type(const std::vector<array>& arrays);
                  +
                  78
                  +
                  79Shape broadcast_shapes(const Shape& s1, const Shape& s2);
                  +
                  80
                  + +
                  85 int axis,
                  +
                  86 int ndim,
                  +
                  87 const std::string& msg_prefix = "");
                  +
                  88
                  +
                  89std::ostream& operator<<(std::ostream& os, const Device& d);
                  +
                  90std::ostream& operator<<(std::ostream& os, const Stream& s);
                  +
                  91std::ostream& operator<<(std::ostream& os, const Dtype& d);
                  +
                  92std::ostream& operator<<(std::ostream& os, const Dtype::Kind& k);
                  +
                  93std::ostream& operator<<(std::ostream& os, array a);
                  +
                  94std::ostream& operator<<(std::ostream& os, const std::vector<int>& v);
                  +
                  95std::ostream& operator<<(std::ostream& os, const std::vector<int64_t>& v);
                  +
                  +
                  96inline std::ostream& operator<<(std::ostream& os, const complex64_t& v) {
                  +
                  97 return os << v.real() << (v.imag() >= 0 ? "+" : "") << v.imag() << "j";
                  +
                  98}
                  -
                  -
                  98inline std::ostream& operator<<(std::ostream& os, const float16_t& v) {
                  -
                  99 return os << static_cast<float>(v);
                  -
                  100}
                  +
                  +
                  99inline std::ostream& operator<<(std::ostream& os, const float16_t& v) {
                  +
                  100 return os << static_cast<float>(v);
                  +
                  101}
                  -
                  -
                  101inline std::ostream& operator<<(std::ostream& os, const bfloat16_t& v) {
                  -
                  102 return os << static_cast<float>(v);
                  -
                  103}
                  +
                  +
                  102inline std::ostream& operator<<(std::ostream& os, const bfloat16_t& v) {
                  +
                  103 return os << static_cast<float>(v);
                  +
                  104}
                  -
                  104
                  -
                  -
                  105inline bool is_power_of_2(int n) {
                  -
                  106 return ((n & (n - 1)) == 0) && n != 0;
                  -
                  107}
                  +
                  105
                  +
                  +
                  106inline bool is_power_of_2(int n) {
                  +
                  107 return ((n & (n - 1)) == 0) && n != 0;
                  +
                  108}
                  -
                  108
                  -
                  -
                  109inline int next_power_of_2(int n) {
                  -
                  110 if (is_power_of_2(n)) {
                  -
                  111 return n;
                  -
                  112 }
                  -
                  113 return pow(2, std::ceil(std::log2(n)));
                  -
                  114}
                  +
                  109
                  +
                  +
                  110inline int next_power_of_2(int n) {
                  +
                  111 if (is_power_of_2(n)) {
                  +
                  112 return n;
                  +
                  113 }
                  +
                  114 return pow(2, std::ceil(std::log2(n)));
                  +
                  115}
                  -
                  115
                  -
                  -
                  116namespace env {
                  -
                  117
                  -
                  118int get_var(const char* name, int default_value);
                  -
                  119
                  -
                  -
                  120inline int bfs_max_width() {
                  -
                  121 static int bfs_max_width_ = get_var("MLX_BFS_MAX_WIDTH", 20);
                  -
                  122 return bfs_max_width_;
                  -
                  123}
                  +
                  116
                  +
                  +
                  117namespace env {
                  +
                  118
                  +
                  119int get_var(const char* name, int default_value);
                  +
                  120
                  +
                  +
                  121inline int bfs_max_width() {
                  +
                  122 static int bfs_max_width_ = get_var("MLX_BFS_MAX_WIDTH", 20);
                  +
                  123 return bfs_max_width_;
                  +
                  124}
                  -
                  124
                  -
                  -
                  125inline int max_ops_per_buffer(int default_value) {
                  -
                  126 static int max_ops_per_buffer_ =
                  -
                  127 get_var("MLX_MAX_OPS_PER_BUFFER", default_value);
                  -
                  128 return max_ops_per_buffer_;
                  -
                  129}
                  +
                  125
                  +
                  +
                  126inline int max_ops_per_buffer(int default_value) {
                  +
                  127 static int max_ops_per_buffer_ =
                  +
                  128 get_var("MLX_MAX_OPS_PER_BUFFER", default_value);
                  +
                  129 return max_ops_per_buffer_;
                  +
                  130}
                  -
                  130
                  -
                  -
                  131inline int max_mb_per_buffer(int default_value) {
                  -
                  132 static int max_mb_per_buffer_ =
                  -
                  133 get_var("MLX_MAX_MB_PER_BUFFER", default_value);
                  -
                  134 return max_mb_per_buffer_;
                  -
                  135}
                  +
                  131
                  +
                  +
                  132inline int max_mb_per_buffer(int default_value) {
                  +
                  133 static int max_mb_per_buffer_ =
                  +
                  134 get_var("MLX_MAX_MB_PER_BUFFER", default_value);
                  +
                  135 return max_mb_per_buffer_;
                  +
                  136}
                  -
                  136
                  -
                  -
                  137inline bool metal_fast_synch() {
                  -
                  138 static bool metal_fast_synch = get_var("MLX_METAL_FAST_SYNCH", 0);
                  -
                  139 return metal_fast_synch;
                  -
                  140}
                  +
                  137
                  +
                  +
                  138inline bool metal_fast_synch() {
                  +
                  139 static bool metal_fast_synch = get_var("MLX_METAL_FAST_SYNCH", 0);
                  +
                  140 return metal_fast_synch;
                  +
                  141}
                  -
                  141
                  -
                  142} // namespace env
                  +
                  142
                  +
                  143} // namespace env
                  -
                  143
                  -
                  144} // namespace mlx::core
                  +
                  144
                  +
                  145} // namespace mlx::core
                  Definition array.h:24
                  Dtype dtype() const
                  Get the arrays data type.
                  Definition array.h:131
                  array operator<<(const array &a, const array &b)
                  -
                  Definition utils.h:116
                  +
                  Definition utils.h:117
                  int get_var(const char *name, int default_value)
                  -
                  int max_ops_per_buffer(int default_value)
                  Definition utils.h:125
                  -
                  int bfs_max_width()
                  Definition utils.h:120
                  -
                  bool metal_fast_synch()
                  Definition utils.h:137
                  -
                  int max_mb_per_buffer(int default_value)
                  Definition utils.h:131
                  +
                  int max_ops_per_buffer(int default_value)
                  Definition utils.h:126
                  +
                  int bfs_max_width()
                  Definition utils.h:121
                  +
                  bool metal_fast_synch()
                  Definition utils.h:138
                  +
                  int max_mb_per_buffer(int default_value)
                  Definition utils.h:132
                  Definition allocator.h:7
                  const Device & default_device()
                  int normalize_axis_index(int axis, int ndim, const std::string &msg_prefix="")
                  Returns the axis normalized to be in the range [0, ndim).
                  void set_default_device(const Device &d)
                  Stream to_stream(StreamOrDevice s)
                  Dtype promote_types(const Dtype &t1, const Dtype &t2)
                  -
                  int next_power_of_2(int n)
                  Definition utils.h:109
                  +
                  int next_power_of_2(int n)
                  Definition utils.h:110
                  std::vector< ShapeElem > Shape
                  Definition array.h:21
                  -
                  Dtype result_type(const array &a, const array &b)
                  The type from promoting the arrays' types with one another.
                  Definition utils.h:70
                  +
                  Dtype result_type(const array &a, const array &b)
                  The type from promoting the arrays' types with one another.
                  Definition utils.h:71
                  std::variant< std::monostate, Stream, Device > StreamOrDevice
                  Definition utils.h:15
                  Stream default_stream(Device d)
                  Get the default stream for the given device.
                  struct _MLX_BFloat16 bfloat16_t
                  Definition half_types.h:34
                  -
                  bool is_power_of_2(int n)
                  Definition utils.h:105
                  +
                  bool is_power_of_2(int n)
                  Definition utils.h:106
                  void abort_with_exception(const std::exception &error)
                  Print the exception and then abort.
                  Shape broadcast_shapes(const Shape &s1, const Shape &s2)
                  void set_default_stream(Stream s)
                  Make the stream the default for its device.
                  @@ -311,7 +312,7 @@ $(function(){initNavTree('utils_8h_source.html',''); initResizable(true); });
                  Definition device.h:7
                  Definition dtype.h:13
                  Kind
                  Definition dtype.h:31
                  -
                  Definition utils.h:39
                  +
                  Definition utils.h:40
                  void print(std::ostream &os, uint32_t val)
                  void print(std::ostream &os, float val)
                  void print(std::ostream &os, bool val)
                  @@ -323,16 +324,16 @@ $(function(){initNavTree('utils_8h_source.html',''); initResizable(true); });
                  void print(std::ostream &os, float16_t val)
                  void print(std::ostream &os, uint64_t val)
                  void print(std::ostream &os, int32_t val)
                  -
                  bool capitalize_bool
                  Definition utils.h:53
                  +
                  bool capitalize_bool
                  Definition utils.h:54
                  void print(std::ostream &os, bfloat16_t val)
                  -
                  StreamContext(StreamOrDevice s)
                  Definition utils.h:20
                  -
                  ~StreamContext()
                  Definition utils.h:30
                  +
                  StreamContext(StreamOrDevice s)
                  Definition utils.h:21
                  +
                  ~StreamContext()
                  Definition utils.h:31
                  Definition stream.h:9
                  Definition complex.h:35
                  finfo(Dtype dtype)
                  -
                  double min
                  Definition utils.h:65
                  -
                  Dtype dtype
                  Definition utils.h:64
                  -
                  double max
                  Definition utils.h:66
                  +
                  double min
                  Definition utils.h:66
                  +
                  Dtype dtype
                  Definition utils.h:65
                  +
                  double max
                  Definition utils.h:67
                  diff --git a/docs/build/html/version_8h.html b/docs/build/html/version_8h.html index ec31e3ffc..c5a609e5c 100644 --- a/docs/build/html/version_8h.html +++ b/docs/build/html/version_8h.html @@ -123,9 +123,9 @@ Namespaces Macros #define MLX_VERSION_MAJOR   0   -#define MLX_VERSION_MINOR   23 +#define MLX_VERSION_MINOR   24   -#define MLX_VERSION_PATCH   2 +#define MLX_VERSION_PATCH   0   #define MLX_VERSION_NUMERIC    (100000 * MLX_VERSION_MAJOR + 1000 * MLX_VERSION_MINOR + MLX_VERSION_PATCH)   @@ -157,7 +157,7 @@ Functions
                  - +
                  #define MLX_VERSION_MINOR   23#define MLX_VERSION_MINOR   24
                  @@ -185,7 +185,7 @@ Functions
                  - +
                  #define MLX_VERSION_PATCH   2#define MLX_VERSION_PATCH   0
                  diff --git a/docs/build/html/version_8h_source.html b/docs/build/html/version_8h_source.html index f47967947..d08682a01 100644 --- a/docs/build/html/version_8h_source.html +++ b/docs/build/html/version_8h_source.html @@ -110,8 +110,8 @@ $(function(){initNavTree('version_8h_source.html',''); initResizable(true); });
                  3#pragma once
                  4
                  5#define MLX_VERSION_MAJOR 0
                  -
                  6#define MLX_VERSION_MINOR 23
                  -
                  7#define MLX_VERSION_PATCH 2
                  +
                  6#define MLX_VERSION_MINOR 24
                  +
                  7#define MLX_VERSION_PATCH 0
                  8#define MLX_VERSION_NUMERIC \
                  9 (100000 * MLX_VERSION_MAJOR + 1000 * MLX_VERSION_MINOR + MLX_VERSION_PATCH)