mlx/docs/build/html/searchindex.js
CircleCI Docs fe6b3ed02c rebase
2025-06-04 01:01:52 +00:00

1 line
374 KiB
JavaScript

Search.setIndex({"alltitles": {"A Simple Example": [[482, "a-simple-example"]], "Array": [[311, null]], "Attention layer": [[5, "attention-layer"]], "Automatic Differentiation": [[476, "automatic-differentiation"]], "Automatic Vectorization": [[476, "automatic-vectorization"]], "Basics": [[480, "basics"]], "Basics of Compile": [[474, "basics-of-compile"]], "Binary Size Minimization": [[8, "binary-size-minimization"]], "Binding to Python": [[2, "binding-to-python"]], "Build Options": [[8, "id3"]], "Build Requirements": [[8, "build-requirements"]], "Build and Install": [[8, null]], "Build from source": [[8, "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": [[8, "c-api"]], "C++ API Reference": [[7, null]], "Common Optimizers": [[468, null]], "Compilation": [[474, null]], "Compiling Training Graphs": [[474, "compiling-training-graphs"]], "Complex Example": [[1, "complex-example"]], "Conversion to NumPy and Other Frameworks": [[479, null]], "Converting the weights": [[5, "converting-the-weights"]], "Custom Extensions in MLX": [[2, null]], "Custom Metal Kernels": [[1, null]], "Data Types": [[312, null]], "Debugging": [[474, "debugging"]], "Devices and Streams": [[313, null]], "Differences from NumPy": [[477, "differences-from-numpy"]], "Distributed Communication": [[314, null], [475, null]], "Download the code": [[2, null], [5, null]], "Encoder layer": [[5, "encoder-layer"]], "Example Speedup": [[474, "example-speedup"]], "Examples": [[7, null]], "FFT": [[316, null]], "Fast": [[315, null]], "Full model": [[5, "full-model"]], "Function Transforms": [[476, null]], "Function and Graph Transformations": [[480, "function-and-graph-transformations"]], "Functions": [[443, null]], "Further Reading": [[7, null]], "Generation": [[5, "generation"]], "Getting Started": [[475, "getting-started"]], "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": [[5, "implementing-the-model"]], "In Place Updates": [[477, "in-place-updates"]], "Indexing Arrays": [[477, null]], "Initializers": [[444, null]], "Inspecting Modules": [[319, "inspecting-modules"]], "Install": [[7, null]], "Installing MPI": [[475, "installing-mpi"]], "Introducing the Example": [[2, "introducing-the-example"]], "JAX": [[479, "jax"]], "LLM inference": [[5, null]], "Layers": [[445, null]], "Lazy Evaluation": [[478, null]], "Linear Algebra": [[317, null]], "Linear Regression": [[4, null]], "Loss Functions": [[446, null]], "MLX": [[7, null]], "Metal": [[318, null]], "Metal Debugger": [[3, null]], "Metal not found": [[8, "metal-not-found"]], "Module": [[447, null]], "Multi-Layer Perceptron": [[6, null]], "Neural Networks": [[319, null]], "Only Compute What You Use": [[478, "only-compute-what-you-use"]], "Operations": [[0, null], [2, "operations"], [448, null]], "Operations and Primitives": [[2, "operations-and-primitives"]], "Optimizer": [[469, null]], "Optimizers": [[449, null]], "Parameters": [[319, "parameters"]], "Primitive Transforms": [[2, "primitive-transforms"]], "Primitives": [[2, "primitives"]], "Pure Functions": [[474, "pure-functions"]], "Putting it all together": [[5, "putting-it-all-together"]], "PyTorch": [[479, "pytorch"]], "Python API": [[8, "python-api"]], "Python API Reference": [[7, null]], "Python Installation": [[8, "python-installation"]], "Quick Start Guide": [[480, null]], "Quick Start with Neural Networks": [[319, "quick-start-with-neural-networks"]], "Random": [[471, null]], "Results": [[2, "results"]], "Saving and Loading": [[449, "saving-and-loading"]], "Saving and Loading Arrays": [[481, null]], "Schedulers": [[470, null]], "Scripts": [[2, "scripts"], [5, "scripts"]], "Serialization Formats": [[481, "id1"]], "Setting up Remote Hosts": [[475, "setting-up-remote-hosts"]], "Simple Example": [[1, "simple-example"]], "Specifying the Stream": [[483, "specifying-the-stream"]], "Supported Data Types": [[312, "id2"]], "TensorFlow": [[479, "tensorflow"]], "The Module Class": [[319, "the-module-class"]], "Training Example": [[475, "training-example"]], "Transformations with Compile": [[474, "transformations-with-compile"]], "Transforming Compute Graphs": [[478, "transforming-compute-graphs"]], "Transforms": [[472, null]], "Tree Utils": [[473, null]], "Troubleshooting": [[8, "troubleshooting"], [8, "id2"]], "Tuning All Reduce": [[475, "tuning-all-reduce"]], "Unified Memory": [[482, null]], "Updating the Parameters": [[319, "updating-the-parameters"]], "Usage": [[2, "usage"], [7, null]], "Using Shape/Strides": [[1, "using-shape-strides"]], "Using Streams": [[483, null]], "Using the Primitive": [[2, "using-the-primitive"]], "Value and Grad": [[319, "value-and-grad"]], "Weight loading and benchmarking": [[5, "weight-loading-and-benchmarking"]], "When to Evaluate": [[478, "when-to-evaluate"]], "Why Lazy Evaluation": [[478, "why-lazy-evaluation"]], "Xcode Workflow": [[3, "xcode-workflow"]], "mlx.core.Device": [[9, null]], "mlx.core.Dtype": [[10, null]], "mlx.core.DtypeCategory": [[11, null]], "mlx.core.Stream": [[310, null]], "mlx.core.abs": [[12, null]], "mlx.core.add": [[13, null]], "mlx.core.addmm": [[14, null]], "mlx.core.all": [[15, null]], "mlx.core.allclose": [[16, null]], "mlx.core.any": [[17, null]], "mlx.core.arange": [[18, null]], "mlx.core.arccos": [[19, null]], "mlx.core.arccosh": [[20, null]], "mlx.core.arcsin": [[21, null]], "mlx.core.arcsinh": [[22, null]], "mlx.core.arctan": [[23, null]], "mlx.core.arctan2": [[24, null]], "mlx.core.arctanh": [[25, null]], "mlx.core.argmax": [[26, null]], "mlx.core.argmin": [[27, null]], "mlx.core.argpartition": [[28, null]], "mlx.core.argsort": [[29, null]], "mlx.core.array": [[30, null]], "mlx.core.array.T": [[31, null]], "mlx.core.array.abs": [[32, null]], "mlx.core.array.all": [[33, null]], "mlx.core.array.any": [[34, null]], "mlx.core.array.argmax": [[35, null]], "mlx.core.array.argmin": [[36, null]], "mlx.core.array.astype": [[37, null]], "mlx.core.array.at": [[38, null]], "mlx.core.array.conj": [[39, null]], "mlx.core.array.cos": [[40, null]], "mlx.core.array.cummax": [[41, null]], "mlx.core.array.cummin": [[42, null]], "mlx.core.array.cumprod": [[43, null]], "mlx.core.array.cumsum": [[44, null]], "mlx.core.array.diag": [[45, null]], "mlx.core.array.diagonal": [[46, null]], "mlx.core.array.dtype": [[47, null]], "mlx.core.array.exp": [[48, null]], "mlx.core.array.flatten": [[49, null]], "mlx.core.array.item": [[50, null]], "mlx.core.array.itemsize": [[51, null]], "mlx.core.array.log": [[52, null]], "mlx.core.array.log10": [[53, null]], "mlx.core.array.log1p": [[54, null]], "mlx.core.array.log2": [[55, null]], "mlx.core.array.logsumexp": [[56, null]], "mlx.core.array.max": [[57, null]], "mlx.core.array.mean": [[58, null]], "mlx.core.array.min": [[59, null]], "mlx.core.array.moveaxis": [[60, null]], "mlx.core.array.nbytes": [[61, null]], "mlx.core.array.ndim": [[62, null]], "mlx.core.array.prod": [[63, null]], "mlx.core.array.reciprocal": [[64, null]], "mlx.core.array.reshape": [[65, null]], "mlx.core.array.round": [[66, null]], "mlx.core.array.rsqrt": [[67, null]], "mlx.core.array.shape": [[68, null]], "mlx.core.array.sin": [[69, null]], "mlx.core.array.size": [[70, null]], "mlx.core.array.split": [[71, null]], "mlx.core.array.sqrt": [[72, null]], "mlx.core.array.square": [[73, null]], "mlx.core.array.squeeze": [[74, null]], "mlx.core.array.std": [[75, null]], "mlx.core.array.sum": [[76, null]], "mlx.core.array.swapaxes": [[77, null]], "mlx.core.array.tolist": [[78, null]], "mlx.core.array.transpose": [[79, null]], "mlx.core.array.var": [[80, null]], "mlx.core.array.view": [[81, null]], "mlx.core.array_equal": [[82, null]], "mlx.core.as_strided": [[83, null]], "mlx.core.atleast_1d": [[84, null]], "mlx.core.atleast_2d": [[85, null]], "mlx.core.atleast_3d": [[86, null]], "mlx.core.bitwise_and": [[87, null]], "mlx.core.bitwise_or": [[88, null]], "mlx.core.bitwise_xor": [[89, null]], "mlx.core.block_masked_mm": [[90, null]], "mlx.core.broadcast_to": [[91, null]], "mlx.core.ceil": [[92, null]], "mlx.core.clip": [[93, null]], "mlx.core.compile": [[94, null]], "mlx.core.concatenate": [[95, null]], "mlx.core.conj": [[96, null]], "mlx.core.conjugate": [[97, null]], "mlx.core.conv1d": [[98, null]], "mlx.core.conv2d": [[99, null]], "mlx.core.conv3d": [[100, null]], "mlx.core.conv_general": [[101, null]], "mlx.core.conv_transpose1d": [[102, null]], "mlx.core.conv_transpose2d": [[103, null]], "mlx.core.conv_transpose3d": [[104, null]], "mlx.core.convolve": [[105, null]], "mlx.core.cos": [[106, null]], "mlx.core.cosh": [[107, null]], "mlx.core.cummax": [[108, null]], "mlx.core.cummin": [[109, null]], "mlx.core.cumprod": [[110, null]], "mlx.core.cumsum": [[111, null]], "mlx.core.custom_function": [[112, null]], "mlx.core.default_device": [[113, null]], "mlx.core.default_stream": [[114, null]], "mlx.core.degrees": [[115, null]], "mlx.core.dequantize": [[116, null]], "mlx.core.diag": [[117, null]], "mlx.core.diagonal": [[118, null]], "mlx.core.disable_compile": [[119, null]], "mlx.core.distributed.Group": [[120, null]], "mlx.core.distributed.all_gather": [[121, null]], "mlx.core.distributed.all_sum": [[122, null]], "mlx.core.distributed.init": [[123, null]], "mlx.core.distributed.is_available": [[124, null]], "mlx.core.distributed.recv": [[125, null]], "mlx.core.distributed.recv_like": [[126, null]], "mlx.core.distributed.send": [[127, null]], "mlx.core.divide": [[128, null]], "mlx.core.divmod": [[129, null]], "mlx.core.einsum": [[130, null]], "mlx.core.einsum_path": [[131, null]], "mlx.core.enable_compile": [[132, null]], "mlx.core.equal": [[133, null]], "mlx.core.erf": [[134, null]], "mlx.core.erfinv": [[135, null]], "mlx.core.eval": [[136, null]], "mlx.core.exp": [[137, null]], "mlx.core.expand_dims": [[138, null]], "mlx.core.expm1": [[139, null]], "mlx.core.eye": [[140, null]], "mlx.core.fast.affine_quantize": [[141, null]], "mlx.core.fast.layer_norm": [[142, null]], "mlx.core.fast.metal_kernel": [[143, null]], "mlx.core.fast.rms_norm": [[144, null]], "mlx.core.fast.rope": [[145, null]], "mlx.core.fast.scaled_dot_product_attention": [[146, null]], "mlx.core.fft.fft": [[147, null]], "mlx.core.fft.fft2": [[148, null]], "mlx.core.fft.fftn": [[149, null]], "mlx.core.fft.ifft": [[150, null]], "mlx.core.fft.ifft2": [[151, null]], "mlx.core.fft.ifftn": [[152, null]], "mlx.core.fft.irfft": [[153, null]], "mlx.core.fft.irfft2": [[154, null]], "mlx.core.fft.irfftn": [[155, null]], "mlx.core.fft.rfft": [[156, null]], "mlx.core.fft.rfft2": [[157, null]], "mlx.core.fft.rfftn": [[158, null]], "mlx.core.flatten": [[159, null]], "mlx.core.floor": [[160, null]], "mlx.core.floor_divide": [[161, null]], "mlx.core.full": [[162, null]], "mlx.core.gather_mm": [[163, null]], "mlx.core.gather_qmm": [[164, null]], "mlx.core.grad": [[165, null]], "mlx.core.greater": [[166, null]], "mlx.core.greater_equal": [[167, null]], "mlx.core.hadamard_transform": [[168, null]], "mlx.core.identity": [[169, null]], "mlx.core.inner": [[170, null]], "mlx.core.isclose": [[171, null]], "mlx.core.isfinite": [[172, null]], "mlx.core.isinf": [[173, null]], "mlx.core.isnan": [[174, null]], "mlx.core.isneginf": [[175, null]], "mlx.core.isposinf": [[176, null]], "mlx.core.issubdtype": [[177, null]], "mlx.core.jvp": [[178, null]], "mlx.core.left_shift": [[179, null]], "mlx.core.less": [[180, null]], "mlx.core.less_equal": [[181, null]], "mlx.core.linalg.cholesky": [[182, null]], "mlx.core.linalg.cholesky_inv": [[183, null]], "mlx.core.linalg.cross": [[184, null]], "mlx.core.linalg.inv": [[185, null]], "mlx.core.linalg.norm": [[186, null]], "mlx.core.linalg.qr": [[187, null]], "mlx.core.linalg.svd": [[188, null]], "mlx.core.linalg.tri_inv": [[189, null]], "mlx.core.linspace": [[190, null]], "mlx.core.load": [[191, null]], "mlx.core.log": [[192, null]], "mlx.core.log10": [[193, null]], "mlx.core.log1p": [[194, null]], "mlx.core.log2": [[195, null]], "mlx.core.logaddexp": [[196, null]], "mlx.core.logical_and": [[197, null]], "mlx.core.logical_not": [[198, null]], "mlx.core.logical_or": [[199, null]], "mlx.core.logsumexp": [[200, null]], "mlx.core.matmul": [[201, null]], "mlx.core.max": [[202, null]], "mlx.core.maximum": [[203, null]], "mlx.core.mean": [[204, null]], "mlx.core.meshgrid": [[205, null]], "mlx.core.metal.clear_cache": [[206, null]], "mlx.core.metal.device_info": [[207, null]], "mlx.core.metal.get_active_memory": [[208, null]], "mlx.core.metal.get_cache_memory": [[209, null]], "mlx.core.metal.get_peak_memory": [[210, null]], "mlx.core.metal.is_available": [[211, null]], "mlx.core.metal.reset_peak_memory": [[212, null]], "mlx.core.metal.set_cache_limit": [[213, null]], "mlx.core.metal.set_memory_limit": [[214, null]], "mlx.core.metal.start_capture": [[215, null]], "mlx.core.metal.stop_capture": [[216, null]], "mlx.core.min": [[217, null]], "mlx.core.minimum": [[218, null]], "mlx.core.moveaxis": [[219, null]], "mlx.core.multiply": [[220, null]], "mlx.core.nan_to_num": [[221, null]], "mlx.core.negative": [[222, null]], "mlx.core.new_stream": [[223, null]], "mlx.core.not_equal": [[224, null]], "mlx.core.ones": [[225, null]], "mlx.core.ones_like": [[226, null]], "mlx.core.outer": [[227, null]], "mlx.core.pad": [[228, null]], "mlx.core.partition": [[229, null]], "mlx.core.power": [[230, null]], "mlx.core.prod": [[231, null]], "mlx.core.put_along_axis": [[232, null]], "mlx.core.quantize": [[233, null]], "mlx.core.quantized_matmul": [[234, null]], "mlx.core.radians": [[235, null]], "mlx.core.random.bernoulli": [[236, null]], "mlx.core.random.categorical": [[237, null]], "mlx.core.random.gumbel": [[238, null]], "mlx.core.random.key": [[239, null]], "mlx.core.random.laplace": [[240, null]], "mlx.core.random.multivariate_normal": [[241, null]], "mlx.core.random.normal": [[242, null]], "mlx.core.random.permutation": [[243, null]], "mlx.core.random.randint": [[244, null]], "mlx.core.random.seed": [[245, null]], "mlx.core.random.split": [[246, null]], "mlx.core.random.truncated_normal": [[247, null]], "mlx.core.random.uniform": [[248, null]], "mlx.core.reciprocal": [[249, null]], "mlx.core.remainder": [[250, null]], "mlx.core.repeat": [[251, null]], "mlx.core.reshape": [[252, null]], "mlx.core.right_shift": [[253, null]], "mlx.core.roll": [[254, null]], "mlx.core.round": [[255, null]], "mlx.core.rsqrt": [[256, null]], "mlx.core.save": [[257, null]], "mlx.core.save_gguf": [[258, null]], "mlx.core.save_safetensors": [[259, null]], "mlx.core.savez": [[260, null]], "mlx.core.savez_compressed": [[261, null]], "mlx.core.set_default_device": [[262, null]], "mlx.core.set_default_stream": [[263, null]], "mlx.core.sigmoid": [[264, null]], "mlx.core.sign": [[265, null]], "mlx.core.sin": [[266, null]], "mlx.core.sinh": [[267, null]], "mlx.core.softmax": [[268, null]], "mlx.core.sort": [[269, null]], "mlx.core.split": [[270, null]], "mlx.core.sqrt": [[271, null]], "mlx.core.square": [[272, null]], "mlx.core.squeeze": [[273, null]], "mlx.core.stack": [[274, null]], "mlx.core.std": [[275, null]], "mlx.core.stop_gradient": [[276, null]], "mlx.core.stream": [[277, null]], "mlx.core.subtract": [[278, null]], "mlx.core.sum": [[279, null]], "mlx.core.swapaxes": [[280, null]], "mlx.core.synchronize": [[281, null]], "mlx.core.take": [[282, null]], "mlx.core.take_along_axis": [[283, null]], "mlx.core.tan": [[284, null]], "mlx.core.tanh": [[285, null]], "mlx.core.tensordot": [[286, null]], "mlx.core.tile": [[287, null]], "mlx.core.topk": [[288, null]], "mlx.core.trace": [[289, null]], "mlx.core.transpose": [[290, null]], "mlx.core.tri": [[291, null]], "mlx.core.tril": [[292, null]], "mlx.core.triu": [[293, null]], "mlx.core.value_and_grad": [[294, null]], "mlx.core.var": [[295, null]], "mlx.core.view": [[296, null]], "mlx.core.vjp": [[297, null]], "mlx.core.vmap": [[298, null]], "mlx.core.where": [[299, null]], "mlx.core.zeros": [[300, null]], "mlx.core.zeros_like": [[301, null]], "mlx.nn.ALiBi": [[320, null]], "mlx.nn.AvgPool1d": [[321, null]], "mlx.nn.AvgPool2d": [[322, null]], "mlx.nn.BatchNorm": [[323, null]], "mlx.nn.CELU": [[324, null]], "mlx.nn.Conv1d": [[325, null]], "mlx.nn.Conv2d": [[326, null]], "mlx.nn.Conv3d": [[327, null]], "mlx.nn.ConvTranspose1d": [[328, null]], "mlx.nn.ConvTranspose2d": [[329, null]], "mlx.nn.ConvTranspose3d": [[330, null]], "mlx.nn.Dropout": [[331, null]], "mlx.nn.Dropout2d": [[332, null]], "mlx.nn.Dropout3d": [[333, null]], "mlx.nn.ELU": [[334, null]], "mlx.nn.Embedding": [[335, null]], "mlx.nn.GELU": [[336, null]], "mlx.nn.GLU": [[337, null]], "mlx.nn.GRU": [[338, null]], "mlx.nn.GroupNorm": [[339, null]], "mlx.nn.HardShrink": [[340, null]], "mlx.nn.HardTanh": [[341, null]], "mlx.nn.Hardswish": [[342, null]], "mlx.nn.InstanceNorm": [[343, null]], "mlx.nn.LSTM": [[344, null]], "mlx.nn.LayerNorm": [[345, null]], "mlx.nn.LeakyReLU": [[346, null]], "mlx.nn.Linear": [[347, null]], "mlx.nn.LogSigmoid": [[348, null]], "mlx.nn.LogSoftmax": [[349, null]], "mlx.nn.MaxPool1d": [[350, null]], "mlx.nn.MaxPool2d": [[351, null]], "mlx.nn.Mish": [[352, null]], "mlx.nn.Module.apply": [[353, null]], "mlx.nn.Module.apply_to_modules": [[354, null]], "mlx.nn.Module.children": [[355, null]], "mlx.nn.Module.eval": [[356, null]], "mlx.nn.Module.filter_and_map": [[357, null]], "mlx.nn.Module.freeze": [[358, null]], "mlx.nn.Module.leaf_modules": [[359, null]], "mlx.nn.Module.load_weights": [[360, null]], "mlx.nn.Module.modules": [[361, null]], "mlx.nn.Module.named_modules": [[362, null]], "mlx.nn.Module.parameters": [[363, null]], "mlx.nn.Module.save_weights": [[364, null]], "mlx.nn.Module.set_dtype": [[365, null]], "mlx.nn.Module.state": [[366, null]], "mlx.nn.Module.train": [[367, null]], "mlx.nn.Module.trainable_parameters": [[368, null]], "mlx.nn.Module.training": [[369, null]], "mlx.nn.Module.unfreeze": [[370, null]], "mlx.nn.Module.update": [[371, null]], "mlx.nn.Module.update_modules": [[372, null]], "mlx.nn.MultiHeadAttention": [[373, null]], "mlx.nn.PReLU": [[374, null]], "mlx.nn.QuantizedEmbedding": [[375, null]], "mlx.nn.QuantizedLinear": [[376, null]], "mlx.nn.RMSNorm": [[377, null]], "mlx.nn.RNN": [[378, null]], "mlx.nn.ReLU": [[379, null]], "mlx.nn.ReLU6": [[380, null]], "mlx.nn.RoPE": [[381, null]], "mlx.nn.SELU": [[382, null]], "mlx.nn.Sequential": [[383, null]], "mlx.nn.SiLU": [[384, null]], "mlx.nn.Sigmoid": [[385, null]], "mlx.nn.SinusoidalPositionalEncoding": [[386, null]], "mlx.nn.Softmax": [[387, null]], "mlx.nn.Softmin": [[388, null]], "mlx.nn.Softplus": [[389, null]], "mlx.nn.Softshrink": [[390, null]], "mlx.nn.Softsign": [[391, null]], "mlx.nn.Step": [[392, null]], "mlx.nn.Tanh": [[393, null]], "mlx.nn.Transformer": [[394, null]], "mlx.nn.Upsample": [[395, null]], "mlx.nn.celu": [[404, null]], "mlx.nn.elu": [[405, null]], "mlx.nn.gelu": [[406, null]], "mlx.nn.gelu_approx": [[407, null]], "mlx.nn.gelu_fast_approx": [[408, null]], "mlx.nn.glu": [[409, null]], "mlx.nn.hard_shrink": [[410, null]], "mlx.nn.hard_tanh": [[411, null]], "mlx.nn.hardswish": [[412, null]], "mlx.nn.init.constant": [[396, null]], "mlx.nn.init.glorot_normal": [[397, null]], "mlx.nn.init.glorot_uniform": [[398, null]], "mlx.nn.init.he_normal": [[399, null]], "mlx.nn.init.he_uniform": [[400, null]], "mlx.nn.init.identity": [[401, null]], "mlx.nn.init.normal": [[402, null]], "mlx.nn.init.uniform": [[403, null]], "mlx.nn.leaky_relu": [[413, null]], "mlx.nn.log_sigmoid": [[414, null]], "mlx.nn.log_softmax": [[415, null]], "mlx.nn.losses.binary_cross_entropy": [[416, null]], "mlx.nn.losses.cosine_similarity_loss": [[417, null]], "mlx.nn.losses.cross_entropy": [[418, null]], "mlx.nn.losses.gaussian_nll_loss": [[419, null]], "mlx.nn.losses.hinge_loss": [[420, null]], "mlx.nn.losses.huber_loss": [[421, null]], "mlx.nn.losses.kl_div_loss": [[422, null]], "mlx.nn.losses.l1_loss": [[423, null]], "mlx.nn.losses.log_cosh_loss": [[424, null]], "mlx.nn.losses.margin_ranking_loss": [[425, null]], "mlx.nn.losses.mse_loss": [[426, null]], "mlx.nn.losses.nll_loss": [[427, null]], "mlx.nn.losses.smooth_l1_loss": [[428, null]], "mlx.nn.losses.triplet_loss": [[429, null]], "mlx.nn.mish": [[430, null]], "mlx.nn.prelu": [[431, null]], "mlx.nn.quantize": [[302, null]], "mlx.nn.relu": [[432, null]], "mlx.nn.relu6": [[433, null]], "mlx.nn.selu": [[434, null]], "mlx.nn.sigmoid": [[435, null]], "mlx.nn.silu": [[436, null]], "mlx.nn.softmax": [[437, null]], "mlx.nn.softmin": [[438, null]], "mlx.nn.softplus": [[439, null]], "mlx.nn.softshrink": [[440, null]], "mlx.nn.step": [[441, null]], "mlx.nn.tanh": [[442, null]], "mlx.nn.value_and_grad": [[303, null]], "mlx.optimizers.AdaDelta": [[450, null]], "mlx.optimizers.Adafactor": [[451, null]], "mlx.optimizers.Adagrad": [[452, null]], "mlx.optimizers.Adam": [[453, null]], "mlx.optimizers.AdamW": [[454, null]], "mlx.optimizers.Adamax": [[455, null]], "mlx.optimizers.Lion": [[456, null]], "mlx.optimizers.Optimizer.apply_gradients": [[457, null]], "mlx.optimizers.Optimizer.init": [[458, null]], "mlx.optimizers.Optimizer.state": [[459, null]], "mlx.optimizers.Optimizer.update": [[460, null]], "mlx.optimizers.RMSprop": [[461, null]], "mlx.optimizers.SGD": [[462, null]], "mlx.optimizers.clip_grad_norm": [[304, null]], "mlx.optimizers.cosine_decay": [[463, null]], "mlx.optimizers.exponential_decay": [[464, null]], "mlx.optimizers.join_schedules": [[465, null]], "mlx.optimizers.linear_schedule": [[466, null]], "mlx.optimizers.step_decay": [[467, null]], "mlx.utils.tree_flatten": [[305, null]], "mlx.utils.tree_map": [[306, null]], "mlx.utils.tree_map_with_path": [[307, null]], "mlx.utils.tree_reduce": [[308, null]], "mlx.utils.tree_unflatten": [[309, null]], "x86 Shell": [[8, "x86-shell"]]}, "docnames": ["cpp/ops", "dev/custom_metal_kernels", "dev/extensions", "dev/metal_debugger", "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_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.eye", "python/_autosummary/mlx.core.fast.affine_quantize", "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.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.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.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.inv", "python/_autosummary/mlx.core.linalg.norm", "python/_autosummary/mlx.core.linalg.qr", "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.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.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.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.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.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/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.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.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/function_transforms", "usage/indexing", "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", "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_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.eye.rst", "python/_autosummary/mlx.core.fast.affine_quantize.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.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.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.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.inv.rst", "python/_autosummary/mlx.core.linalg.norm.rst", "python/_autosummary/mlx.core.linalg.qr.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.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.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.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.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.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/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.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.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/function_transforms.rst", "usage/indexing.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)": [[30, "mlx.core.array.__init__", false]], "__init__() (custom_function method)": [[112, "mlx.core.custom_function.__init__", false]], "__init__() (device method)": [[9, "mlx.core.Device.__init__", false]], "__init__() (dtype method)": [[10, "mlx.core.Dtype.__init__", false]], "__init__() (dtypecategory method)": [[11, "mlx.core.DtypeCategory.__init__", false]], "__init__() (group method)": [[120, "mlx.core.distributed.Group.__init__", false]], "__init__() (stream method)": [[310, "mlx.core.Stream.__init__", false]], "abs (c++ function)": [[0, "_CPPv43absRK5array14StreamOrDevice", false]], "abs() (array method)": [[32, "mlx.core.array.abs", false]], "abs() (in module mlx.core)": [[12, "mlx.core.abs", false]], "adadelta (class in mlx.optimizers)": [[450, "mlx.optimizers.AdaDelta", false]], "adafactor (class in mlx.optimizers)": [[451, "mlx.optimizers.Adafactor", false]], "adagrad (class in mlx.optimizers)": [[452, "mlx.optimizers.Adagrad", false]], "adam (class in mlx.optimizers)": [[453, "mlx.optimizers.Adam", false]], "adamax (class in mlx.optimizers)": [[455, "mlx.optimizers.Adamax", false]], "adamw (class in mlx.optimizers)": [[454, "mlx.optimizers.AdamW", false]], "add (c++ function)": [[0, "_CPPv43addRK5arrayRK5array14StreamOrDevice", false]], "add() (in module mlx.core)": [[13, "mlx.core.add", false]], "addmm (c++ function)": [[0, "_CPPv45addmm5array5array5arrayRKfRKf14StreamOrDevice", false]], "addmm() (in module mlx.core)": [[14, "mlx.core.addmm", false]], "affine_quantize() (in module mlx.core.fast)": [[141, "mlx.core.fast.affine_quantize", false]], "alibi (class in mlx.nn)": [[320, "mlx.nn.ALiBi", false]], "all (c++ function)": [[0, "_CPPv43allRK5array14StreamOrDevice", false], [0, "_CPPv43allRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43allRK5arrayb14StreamOrDevice", false], [0, "_CPPv43allRK5arrayib14StreamOrDevice", false]], "all() (array method)": [[33, "mlx.core.array.all", false]], "all() (in module mlx.core)": [[15, "mlx.core.all", false]], "all_gather() (in module mlx.core.distributed)": [[121, "mlx.core.distributed.all_gather", false]], "all_sum() (in module mlx.core.distributed)": [[122, "mlx.core.distributed.all_sum", false]], "allclose (c++ function)": [[0, "_CPPv48allcloseRK5arrayRK5arrayddb14StreamOrDevice", false]], "allclose() (in module mlx.core)": [[16, "mlx.core.allclose", false]], "any (c++ function)": [[0, "_CPPv43anyRK5array14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayb14StreamOrDevice", false], [0, "_CPPv43anyRK5arrayib14StreamOrDevice", false]], "any() (array method)": [[34, "mlx.core.array.any", false]], "any() (in module mlx.core)": [[17, "mlx.core.any", false]], "apply() (module method)": [[353, "mlx.nn.Module.apply", false]], "apply_gradients() (optimizer method)": [[457, "mlx.optimizers.Optimizer.apply_gradients", false]], "apply_to_modules() (module method)": [[354, "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)": [[18, "mlx.core.arange", false]], "arccos (c++ function)": [[0, "_CPPv46arccosRK5array14StreamOrDevice", false]], "arccos() (in module mlx.core)": [[19, "mlx.core.arccos", false]], "arccosh (c++ function)": [[0, "_CPPv47arccoshRK5array14StreamOrDevice", false]], "arccosh() (in module mlx.core)": [[20, "mlx.core.arccosh", false]], "arcsin (c++ function)": [[0, "_CPPv46arcsinRK5array14StreamOrDevice", false]], "arcsin() (in module mlx.core)": [[21, "mlx.core.arcsin", false]], "arcsinh (c++ function)": [[0, "_CPPv47arcsinhRK5array14StreamOrDevice", false]], "arcsinh() (in module mlx.core)": [[22, "mlx.core.arcsinh", false]], "arctan (c++ function)": [[0, "_CPPv46arctanRK5array14StreamOrDevice", false]], "arctan() (in module mlx.core)": [[23, "mlx.core.arctan", false]], "arctan2 (c++ function)": [[0, "_CPPv47arctan2RK5arrayRK5array14StreamOrDevice", false]], "arctan2() (in module mlx.core)": [[24, "mlx.core.arctan2", false]], "arctanh (c++ function)": [[0, "_CPPv47arctanhRK5array14StreamOrDevice", false]], "arctanh() (in module mlx.core)": [[25, "mlx.core.arctanh", false]], "argmax (c++ function)": [[0, "_CPPv46argmaxRK5array14StreamOrDevice", false], [0, "_CPPv46argmaxRK5arrayb14StreamOrDevice", false], [0, "_CPPv46argmaxRK5arrayib14StreamOrDevice", false]], "argmax() (array method)": [[35, "mlx.core.array.argmax", false]], "argmax() (in module mlx.core)": [[26, "mlx.core.argmax", false]], "argmin (c++ function)": [[0, "_CPPv46argminRK5array14StreamOrDevice", false], [0, "_CPPv46argminRK5arrayb14StreamOrDevice", false], [0, "_CPPv46argminRK5arrayib14StreamOrDevice", false]], "argmin() (array method)": [[36, "mlx.core.array.argmin", false]], "argmin() (in module mlx.core)": [[27, "mlx.core.argmin", false]], "argpartition (c++ function)": [[0, "_CPPv412argpartitionRK5arrayi14StreamOrDevice", false], [0, "_CPPv412argpartitionRK5arrayii14StreamOrDevice", false]], "argpartition() (in module mlx.core)": [[28, "mlx.core.argpartition", false]], "argsort (c++ function)": [[0, "_CPPv47argsortRK5array14StreamOrDevice", false], [0, "_CPPv47argsortRK5arrayi14StreamOrDevice", false]], "argsort() (in module mlx.core)": [[29, "mlx.core.argsort", false]], "array (class in mlx.core)": [[30, "mlx.core.array", false]], "array_equal (c++ function)": [[0, "_CPPv411array_equalRK5arrayRK5array14StreamOrDevice", false], [0, "_CPPv411array_equalRK5arrayRK5arrayb14StreamOrDevice", false]], "array_equal() (in module mlx.core)": [[82, "mlx.core.array_equal", false]], "as_strided (c++ function)": [[0, "_CPPv410as_strided5arrayNSt6vectorIiEENSt6vectorI6size_tEE6size_t14StreamOrDevice", false]], "as_strided() (in module mlx.core)": [[83, "mlx.core.as_strided", false]], "astype (c++ function)": [[0, "_CPPv46astype5array5Dtype14StreamOrDevice", false]], "astype() (array method)": [[37, "mlx.core.array.astype", false]], "at (array property)": [[38, "mlx.core.array.at", false]], "atleast_1d (c++ function)": [[0, "_CPPv410atleast_1dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_1dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_1d() (in module mlx.core)": [[84, "mlx.core.atleast_1d", false]], "atleast_2d (c++ function)": [[0, "_CPPv410atleast_2dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_2dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_2d() (in module mlx.core)": [[85, "mlx.core.atleast_2d", false]], "atleast_3d (c++ function)": [[0, "_CPPv410atleast_3dRK5array14StreamOrDevice", false], [0, "_CPPv410atleast_3dRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "atleast_3d() (in module mlx.core)": [[86, "mlx.core.atleast_3d", false]], "avgpool1d (class in mlx.nn)": [[321, "mlx.nn.AvgPool1d", false]], "avgpool2d (class in mlx.nn)": [[322, "mlx.nn.AvgPool2d", false]], "batchnorm (class in mlx.nn)": [[323, "mlx.nn.BatchNorm", false]], "bernoulli() (in module mlx.core.random)": [[236, "mlx.core.random.bernoulli", false]], "binary_cross_entropy (class in mlx.nn.losses)": [[416, "mlx.nn.losses.binary_cross_entropy", false]], "bitwise_and (c++ function)": [[0, "_CPPv411bitwise_andRK5arrayRK5array14StreamOrDevice", false]], "bitwise_and() (in module mlx.core)": [[87, "mlx.core.bitwise_and", false]], "bitwise_or (c++ function)": [[0, "_CPPv410bitwise_orRK5arrayRK5array14StreamOrDevice", false]], "bitwise_or() (in module mlx.core)": [[88, "mlx.core.bitwise_or", false]], "bitwise_xor (c++ function)": [[0, "_CPPv411bitwise_xorRK5arrayRK5array14StreamOrDevice", false]], "bitwise_xor() (in module mlx.core)": [[89, "mlx.core.bitwise_xor", false]], "block_masked_mm (c++ function)": [[0, "_CPPv415block_masked_mm5array5arrayiNSt8optionalI5arrayEENSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", false]], "block_masked_mm() (in module mlx.core)": [[90, "mlx.core.block_masked_mm", false]], "broadcast_arrays (c++ function)": [[0, "_CPPv416broadcast_arraysRKNSt6vectorI5arrayEE14StreamOrDevice", false]], "broadcast_to (c++ function)": [[0, "_CPPv412broadcast_toRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false]], "broadcast_to() (in module mlx.core)": [[91, "mlx.core.broadcast_to", false]], "categorical() (in module mlx.core.random)": [[237, "mlx.core.random.categorical", false]], "ceil (c++ function)": [[0, "_CPPv44ceilRK5array14StreamOrDevice", false]], "ceil() (in module mlx.core)": [[92, "mlx.core.ceil", false]], "celu (class in mlx.nn)": [[324, "mlx.nn.CELU", false], [404, "mlx.nn.celu", false]], "children() (module method)": [[355, "mlx.nn.Module.children", false]], "cholesky() (in module mlx.core.linalg)": [[182, "mlx.core.linalg.cholesky", false]], "cholesky_inv() (in module mlx.core.linalg)": [[183, "mlx.core.linalg.cholesky_inv", false]], "clear_cache() (in module mlx.core.metal)": [[206, "mlx.core.metal.clear_cache", false]], "clip (c++ function)": [[0, "_CPPv44clipRK5arrayRKNSt8optionalI5arrayEERKNSt8optionalI5arrayEE14StreamOrDevice", false]], "clip() (in module mlx.core)": [[93, "mlx.core.clip", false]], "clip_grad_norm() (in module mlx.optimizers)": [[304, "mlx.optimizers.clip_grad_norm", false]], "compile() (in module mlx.core)": [[94, "mlx.core.compile", false]], "concatenate (c++ function)": [[0, "_CPPv411concatenateRKNSt6vectorI5arrayEE14StreamOrDevice", false], [0, "_CPPv411concatenateRKNSt6vectorI5arrayEEi14StreamOrDevice", false]], "concatenate() (in module mlx.core)": [[95, "mlx.core.concatenate", false]], "conj() (array method)": [[39, "mlx.core.array.conj", false]], "conj() (in module mlx.core)": [[96, "mlx.core.conj", false]], "conjugate (c++ function)": [[0, "_CPPv49conjugateRK5array14StreamOrDevice", false]], "conjugate() (in module mlx.core)": [[97, "mlx.core.conjugate", false]], "constant() (in module mlx.nn.init)": [[396, "mlx.nn.init.constant", false]], "conv1d (c++ function)": [[0, "_CPPv46conv1dRK5arrayRK5arrayiiii14StreamOrDevice", false]], "conv1d (class in mlx.nn)": [[325, "mlx.nn.Conv1d", false]], "conv1d() (in module mlx.core)": [[98, "mlx.core.conv1d", false]], "conv2d (c++ function)": [[0, "_CPPv46conv2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", false]], "conv2d (class in mlx.nn)": [[326, "mlx.nn.Conv2d", false]], "conv2d() (in module mlx.core)": [[99, "mlx.core.conv2d", false]], "conv3d (c++ function)": [[0, "_CPPv46conv3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", false]], "conv3d (class in mlx.nn)": [[327, "mlx.nn.Conv3d", false]], "conv3d() (in module mlx.core)": [[100, "mlx.core.conv3d", false]], "conv_general (c++ function)": [[0, "_CPPv412conv_general5array5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", false], [0, "_CPPv412conv_generalRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEENSt6vectorIiEEib14StreamOrDevice", false]], "conv_general() (in module mlx.core)": [[101, "mlx.core.conv_general", false]], "conv_transpose1d (c++ function)": [[0, "_CPPv416conv_transpose1dRK5arrayRK5arrayiiii14StreamOrDevice", false]], "conv_transpose1d() (in module mlx.core)": [[102, "mlx.core.conv_transpose1d", false]], "conv_transpose2d (c++ function)": [[0, "_CPPv416conv_transpose2dRK5arrayRK5arrayRKNSt4pairIiiEERKNSt4pairIiiEERKNSt4pairIiiEEi14StreamOrDevice", false]], "conv_transpose2d() (in module mlx.core)": [[103, "mlx.core.conv_transpose2d", false]], "conv_transpose3d (c++ function)": [[0, "_CPPv416conv_transpose3dRK5arrayRK5arrayRKNSt5tupleIiiiEERKNSt5tupleIiiiEERKNSt5tupleIiiiEEi14StreamOrDevice", false]], "conv_transpose3d() (in module mlx.core)": [[104, "mlx.core.conv_transpose3d", false]], "convolve() (in module mlx.core)": [[105, "mlx.core.convolve", false]], "convtranspose1d (class in mlx.nn)": [[328, "mlx.nn.ConvTranspose1d", false]], "convtranspose2d (class in mlx.nn)": [[329, "mlx.nn.ConvTranspose2d", false]], "convtranspose3d (class in mlx.nn)": [[330, "mlx.nn.ConvTranspose3d", false]], "copy (c++ function)": [[0, "_CPPv44copy5array14StreamOrDevice", false]], "cos (c++ function)": [[0, "_CPPv43cosRK5array14StreamOrDevice", false]], "cos() (array method)": [[40, "mlx.core.array.cos", false]], "cos() (in module mlx.core)": [[106, "mlx.core.cos", false]], "cosh (c++ function)": [[0, "_CPPv44coshRK5array14StreamOrDevice", false]], "cosh() (in module mlx.core)": [[107, "mlx.core.cosh", false]], "cosine_decay() (in module mlx.optimizers)": [[463, "mlx.optimizers.cosine_decay", false]], "cosine_similarity_loss (class in mlx.nn.losses)": [[417, "mlx.nn.losses.cosine_similarity_loss", false]], "cross() (in module mlx.core.linalg)": [[184, "mlx.core.linalg.cross", false]], "cross_entropy (class in mlx.nn.losses)": [[418, "mlx.nn.losses.cross_entropy", false]], "cummax (c++ function)": [[0, "_CPPv46cummaxRK5arrayibb14StreamOrDevice", false]], "cummax() (array method)": [[41, "mlx.core.array.cummax", false]], "cummax() (in module mlx.core)": [[108, "mlx.core.cummax", false]], "cummin (c++ function)": [[0, "_CPPv46cumminRK5arrayibb14StreamOrDevice", false]], "cummin() (array method)": [[42, "mlx.core.array.cummin", false]], "cummin() (in module mlx.core)": [[109, "mlx.core.cummin", false]], "cumprod (c++ function)": [[0, "_CPPv47cumprodRK5arrayibb14StreamOrDevice", false]], "cumprod() (array method)": [[43, "mlx.core.array.cumprod", false]], "cumprod() (in module mlx.core)": [[110, "mlx.core.cumprod", false]], "cumsum (c++ function)": [[0, "_CPPv46cumsumRK5arrayibb14StreamOrDevice", false]], "cumsum() (array method)": [[44, "mlx.core.array.cumsum", false]], "cumsum() (in module mlx.core)": [[111, "mlx.core.cumsum", false]], "custom_function (class in mlx.core)": [[112, "mlx.core.custom_function", false]], "default_device() (in module mlx.core)": [[113, "mlx.core.default_device", false]], "default_stream() (in module mlx.core)": [[114, "mlx.core.default_stream", false]], "degrees (c++ function)": [[0, "_CPPv47degreesRK5array14StreamOrDevice", false]], "degrees() (in module mlx.core)": [[115, "mlx.core.degrees", false]], "depends (c++ function)": [[0, "_CPPv47dependsRKNSt6vectorI5arrayEERKNSt6vectorI5arrayEE", false]], "dequantize (c++ function)": [[0, "_CPPv410dequantizeRK5arrayRK5arrayRK5arrayii14StreamOrDevice", false]], "dequantize() (in module mlx.core)": [[116, "mlx.core.dequantize", false]], "device (class in mlx.core)": [[9, "mlx.core.Device", false]], "device_info() (in module mlx.core.metal)": [[207, "mlx.core.metal.device_info", false]], "diag (c++ function)": [[0, "_CPPv44diagRK5arrayi14StreamOrDevice", false]], "diag() (array method)": [[45, "mlx.core.array.diag", false]], "diag() (in module mlx.core)": [[117, "mlx.core.diag", false]], "diagonal (c++ function)": [[0, "_CPPv48diagonalRK5arrayiii14StreamOrDevice", false]], "diagonal() (array method)": [[46, "mlx.core.array.diagonal", false]], "diagonal() (in module mlx.core)": [[118, "mlx.core.diagonal", false]], "disable_compile() (in module mlx.core)": [[119, "mlx.core.disable_compile", false]], "divide (c++ function)": [[0, "_CPPv46divideRK5arrayRK5array14StreamOrDevice", false]], "divide() (in module mlx.core)": [[128, "mlx.core.divide", false]], "divmod (c++ function)": [[0, "_CPPv46divmodRK5arrayRK5array14StreamOrDevice", false]], "divmod() (in module mlx.core)": [[129, "mlx.core.divmod", false]], "dropout (class in mlx.nn)": [[331, "mlx.nn.Dropout", false]], "dropout2d (class in mlx.nn)": [[332, "mlx.nn.Dropout2d", false]], "dropout3d (class in mlx.nn)": [[333, "mlx.nn.Dropout3d", false]], "dtype (array property)": [[47, "mlx.core.array.dtype", false]], "dtype (class in mlx.core)": [[10, "mlx.core.Dtype", false]], "dtypecategory (class in mlx.core)": [[11, "mlx.core.DtypeCategory", false]], "einsum() (in module mlx.core)": [[130, "mlx.core.einsum", false]], "einsum_path() (in module mlx.core)": [[131, "mlx.core.einsum_path", false]], "elu (class in mlx.nn)": [[334, "mlx.nn.ELU", false], [405, "mlx.nn.elu", false]], "embedding (class in mlx.nn)": [[335, "mlx.nn.Embedding", false]], "enable_compile() (in module mlx.core)": [[132, "mlx.core.enable_compile", false]], "equal (c++ function)": [[0, "_CPPv45equalRK5arrayRK5array14StreamOrDevice", false]], "equal() (in module mlx.core)": [[133, "mlx.core.equal", false]], "erf (c++ function)": [[0, "_CPPv43erfRK5array14StreamOrDevice", false]], "erf() (in module mlx.core)": [[134, "mlx.core.erf", false]], "erfinv (c++ function)": [[0, "_CPPv46erfinvRK5array14StreamOrDevice", false]], "erfinv() (in module mlx.core)": [[135, "mlx.core.erfinv", false]], "eval() (in module mlx.core)": [[136, "mlx.core.eval", false]], "eval() (module method)": [[356, "mlx.nn.Module.eval", false]], "exp (c++ function)": [[0, "_CPPv43expRK5array14StreamOrDevice", false]], "exp() (array method)": [[48, "mlx.core.array.exp", false]], "exp() (in module mlx.core)": [[137, "mlx.core.exp", false]], "expand_dims (c++ function)": [[0, "_CPPv411expand_dimsRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv411expand_dimsRK5arrayi14StreamOrDevice", false]], "expand_dims() (in module mlx.core)": [[138, "mlx.core.expand_dims", false]], "expm1 (c++ function)": [[0, "_CPPv45expm1RK5array14StreamOrDevice", false]], "expm1() (in module mlx.core)": [[139, "mlx.core.expm1", false]], "exponential_decay() (in module mlx.optimizers)": [[464, "mlx.optimizers.exponential_decay", false]], "eye (c++ function)": [[0, "_CPPv43eyei14StreamOrDevice", false], [0, "_CPPv43eyei5Dtype14StreamOrDevice", false], [0, "_CPPv43eyeii14StreamOrDevice", false], [0, "_CPPv43eyeiii14StreamOrDevice", false], [0, "_CPPv43eyeiii5Dtype14StreamOrDevice", false]], "eye() (in module mlx.core)": [[140, "mlx.core.eye", false]], "fft() (in module mlx.core.fft)": [[147, "mlx.core.fft.fft", false]], "fft2() (in module mlx.core.fft)": [[148, "mlx.core.fft.fft2", false]], "fftn() (in module mlx.core.fft)": [[149, "mlx.core.fft.fftn", false]], "filter_and_map() (module method)": [[357, "mlx.nn.Module.filter_and_map", false]], "flatten (c++ function)": [[0, "_CPPv47flattenRK5array14StreamOrDevice", false], [0, "_CPPv47flattenRK5arrayii14StreamOrDevice", false]], "flatten() (array method)": [[49, "mlx.core.array.flatten", false]], "flatten() (in module mlx.core)": [[159, "mlx.core.flatten", false]], "floor (c++ function)": [[0, "_CPPv45floorRK5array14StreamOrDevice", false]], "floor() (in module mlx.core)": [[160, "mlx.core.floor", false]], "floor_divide (c++ function)": [[0, "_CPPv412floor_divideRK5arrayRK5array14StreamOrDevice", false]], "floor_divide() (in module mlx.core)": [[161, "mlx.core.floor_divide", false]], "freeze() (module method)": [[358, "mlx.nn.Module.freeze", false]], "full (c++ function)": [[0, "_CPPv44fullNSt6vectorIiEE5array14StreamOrDevice", false], [0, "_CPPv44fullNSt6vectorIiEE5array5Dtype14StreamOrDevice", false], [0, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T14StreamOrDevice", false], [0, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T5Dtype14StreamOrDevice", false]], "full() (in module mlx.core)": [[162, "mlx.core.full", false]], "gather (c++ function)": [[0, "_CPPv46gatherRK5arrayRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", false]], "gather_mm (c++ function)": [[0, "_CPPv49gather_mm5array5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEE14StreamOrDevice", false]], "gather_mm() (in module mlx.core)": [[163, "mlx.core.gather_mm", false]], "gather_qmm (c++ function)": [[0, "_CPPv410gather_qmmRK5arrayRK5arrayRK5arrayRK5arrayNSt8optionalI5arrayEENSt8optionalI5arrayEEbii14StreamOrDevice", false]], "gather_qmm() (in module mlx.core)": [[164, "mlx.core.gather_qmm", false]], "gaussian_nll_loss (class in mlx.nn.losses)": [[419, "mlx.nn.losses.gaussian_nll_loss", false]], "gelu (class in mlx.nn)": [[336, "mlx.nn.GELU", false], [406, "mlx.nn.gelu", false]], "gelu_approx (class in mlx.nn)": [[407, "mlx.nn.gelu_approx", false]], "gelu_fast_approx (class in mlx.nn)": [[408, "mlx.nn.gelu_fast_approx", false]], "get_active_memory() (in module mlx.core.metal)": [[208, "mlx.core.metal.get_active_memory", false]], "get_cache_memory() (in module mlx.core.metal)": [[209, "mlx.core.metal.get_cache_memory", false]], "get_peak_memory() (in module mlx.core.metal)": [[210, "mlx.core.metal.get_peak_memory", false]], "glorot_normal() (in module mlx.nn.init)": [[397, "mlx.nn.init.glorot_normal", false]], "glorot_uniform() (in module mlx.nn.init)": [[398, "mlx.nn.init.glorot_uniform", false]], "glu (class in mlx.nn)": [[337, "mlx.nn.GLU", false], [409, "mlx.nn.glu", false]], "grad() (in module mlx.core)": [[165, "mlx.core.grad", false]], "greater (c++ function)": [[0, "_CPPv47greaterRK5arrayRK5array14StreamOrDevice", false]], "greater() (in module mlx.core)": [[166, "mlx.core.greater", false]], "greater_equal (c++ function)": [[0, "_CPPv413greater_equalRK5arrayRK5array14StreamOrDevice", false]], "greater_equal() (in module mlx.core)": [[167, "mlx.core.greater_equal", false]], "group (class in mlx.core.distributed)": [[120, "mlx.core.distributed.Group", false]], "groupnorm (class in mlx.nn)": [[339, "mlx.nn.GroupNorm", false]], "gru (class in mlx.nn)": [[338, "mlx.nn.GRU", false]], "gumbel() (in module mlx.core.random)": [[238, "mlx.core.random.gumbel", false]], "hadamard_transform (c++ function)": [[0, "_CPPv418hadamard_transformRK5arrayNSt8optionalIfEE14StreamOrDevice", false]], "hadamard_transform() (in module mlx.core)": [[168, "mlx.core.hadamard_transform", false]], "hard_shrink (class in mlx.nn)": [[410, "mlx.nn.hard_shrink", false]], "hard_tanh (class in mlx.nn)": [[411, "mlx.nn.hard_tanh", false]], "hardshrink (class in mlx.nn)": [[340, "mlx.nn.HardShrink", false]], "hardswish (class in mlx.nn)": [[342, "mlx.nn.Hardswish", false], [412, "mlx.nn.hardswish", false]], "hardtanh (class in mlx.nn)": [[341, "mlx.nn.HardTanh", false]], "he_normal() (in module mlx.nn.init)": [[399, "mlx.nn.init.he_normal", false]], "he_uniform() (in module mlx.nn.init)": [[400, "mlx.nn.init.he_uniform", false]], "hinge_loss (class in mlx.nn.losses)": [[420, "mlx.nn.losses.hinge_loss", false]], "huber_loss (class in mlx.nn.losses)": [[421, "mlx.nn.losses.huber_loss", false]], "identity (c++ function)": [[0, "_CPPv48identityi14StreamOrDevice", false], [0, "_CPPv48identityi5Dtype14StreamOrDevice", false]], "identity() (in module mlx.core)": [[169, "mlx.core.identity", false]], "identity() (in module mlx.nn.init)": [[401, "mlx.nn.init.identity", false]], "ifft() (in module mlx.core.fft)": [[150, "mlx.core.fft.ifft", false]], "ifft2() (in module mlx.core.fft)": [[151, "mlx.core.fft.ifft2", false]], "ifftn() (in module mlx.core.fft)": [[152, "mlx.core.fft.ifftn", false]], "init() (in module mlx.core.distributed)": [[123, "mlx.core.distributed.init", false]], "init() (optimizer method)": [[458, "mlx.optimizers.Optimizer.init", false]], "inner (c++ function)": [[0, "_CPPv45innerRK5arrayRK5array14StreamOrDevice", false]], "inner() (in module mlx.core)": [[170, "mlx.core.inner", false]], "instancenorm (class in mlx.nn)": [[343, "mlx.nn.InstanceNorm", false]], "inv() (in module mlx.core.linalg)": [[185, "mlx.core.linalg.inv", false]], "irfft() (in module mlx.core.fft)": [[153, "mlx.core.fft.irfft", false]], "irfft2() (in module mlx.core.fft)": [[154, "mlx.core.fft.irfft2", false]], "irfftn() (in module mlx.core.fft)": [[155, "mlx.core.fft.irfftn", false]], "is_available() (in module mlx.core.distributed)": [[124, "mlx.core.distributed.is_available", false]], "is_available() (in module mlx.core.metal)": [[211, "mlx.core.metal.is_available", false]], "isclose (c++ function)": [[0, "_CPPv47iscloseRK5arrayRK5arrayddb14StreamOrDevice", false]], "isclose() (in module mlx.core)": [[171, "mlx.core.isclose", false]], "isfinite (c++ function)": [[0, "_CPPv48isfiniteRK5array14StreamOrDevice", false]], "isfinite() (in module mlx.core)": [[172, "mlx.core.isfinite", false]], "isinf (c++ function)": [[0, "_CPPv45isinfRK5array14StreamOrDevice", false]], "isinf() (in module mlx.core)": [[173, "mlx.core.isinf", false]], "isnan (c++ function)": [[0, "_CPPv45isnanRK5array14StreamOrDevice", false]], "isnan() (in module mlx.core)": [[174, "mlx.core.isnan", false]], "isneginf (c++ function)": [[0, "_CPPv48isneginfRK5array14StreamOrDevice", false]], "isneginf() (in module mlx.core)": [[175, "mlx.core.isneginf", false]], "isposinf (c++ function)": [[0, "_CPPv48isposinfRK5array14StreamOrDevice", false]], "isposinf() (in module mlx.core)": [[176, "mlx.core.isposinf", false]], "issubdtype() (in module mlx.core)": [[177, "mlx.core.issubdtype", false]], "item() (array method)": [[50, "mlx.core.array.item", false]], "itemsize (array property)": [[51, "mlx.core.array.itemsize", false]], "join_schedules() (in module mlx.optimizers)": [[465, "mlx.optimizers.join_schedules", false]], "jvp() (in module mlx.core)": [[178, "mlx.core.jvp", false]], "key() (in module mlx.core.random)": [[239, "mlx.core.random.key", false]], "kl_div_loss (class in mlx.nn.losses)": [[422, "mlx.nn.losses.kl_div_loss", false]], "l1_loss (class in mlx.nn.losses)": [[423, "mlx.nn.losses.l1_loss", false]], "laplace() (in module mlx.core.random)": [[240, "mlx.core.random.laplace", false]], "layer_norm() (in module mlx.core.fast)": [[142, "mlx.core.fast.layer_norm", false]], "layernorm (class in mlx.nn)": [[345, "mlx.nn.LayerNorm", false]], "leaf_modules() (module method)": [[359, "mlx.nn.Module.leaf_modules", false]], "leaky_relu (class in mlx.nn)": [[413, "mlx.nn.leaky_relu", false]], "leakyrelu (class in mlx.nn)": [[346, "mlx.nn.LeakyReLU", false]], "left_shift (c++ function)": [[0, "_CPPv410left_shiftRK5arrayRK5array14StreamOrDevice", false]], "left_shift() (in module mlx.core)": [[179, "mlx.core.left_shift", false]], "less (c++ function)": [[0, "_CPPv44lessRK5arrayRK5array14StreamOrDevice", false]], "less() (in module mlx.core)": [[180, "mlx.core.less", false]], "less_equal (c++ function)": [[0, "_CPPv410less_equalRK5arrayRK5array14StreamOrDevice", false]], "less_equal() (in module mlx.core)": [[181, "mlx.core.less_equal", false]], "linear (class in mlx.nn)": [[347, "mlx.nn.Linear", false]], "linear_schedule() (in module mlx.optimizers)": [[466, "mlx.optimizers.linear_schedule", false]], "linspace (c++ function)": [[0, "_CPPv48linspaceddi5Dtype14StreamOrDevice", false]], "linspace() (in module mlx.core)": [[190, "mlx.core.linspace", false]], "lion (class in mlx.optimizers)": [[456, "mlx.optimizers.Lion", false]], "load() (in module mlx.core)": [[191, "mlx.core.load", false]], "load_weights() (module method)": [[360, "mlx.nn.Module.load_weights", false]], "log (c++ function)": [[0, "_CPPv43logRK5array14StreamOrDevice", false]], "log() (array method)": [[52, "mlx.core.array.log", false]], "log() (in module mlx.core)": [[192, "mlx.core.log", false]], "log10 (c++ function)": [[0, "_CPPv45log10RK5array14StreamOrDevice", false]], "log10() (array method)": [[53, "mlx.core.array.log10", false]], "log10() (in module mlx.core)": [[193, "mlx.core.log10", false]], "log1p (c++ function)": [[0, "_CPPv45log1pRK5array14StreamOrDevice", false]], "log1p() (array method)": [[54, "mlx.core.array.log1p", false]], "log1p() (in module mlx.core)": [[194, "mlx.core.log1p", false]], "log2 (c++ function)": [[0, "_CPPv44log2RK5array14StreamOrDevice", false]], "log2() (array method)": [[55, "mlx.core.array.log2", false]], "log2() (in module mlx.core)": [[195, "mlx.core.log2", false]], "log_cosh_loss (class in mlx.nn.losses)": [[424, "mlx.nn.losses.log_cosh_loss", false]], "log_sigmoid (class in mlx.nn)": [[414, "mlx.nn.log_sigmoid", false]], "log_softmax (class in mlx.nn)": [[415, "mlx.nn.log_softmax", false]], "logaddexp (c++ function)": [[0, "_CPPv49logaddexpRK5arrayRK5array14StreamOrDevice", false]], "logaddexp() (in module mlx.core)": [[196, "mlx.core.logaddexp", false]], "logical_and (c++ function)": [[0, "_CPPv411logical_andRK5arrayRK5array14StreamOrDevice", false]], "logical_and() (in module mlx.core)": [[197, "mlx.core.logical_and", false]], "logical_not (c++ function)": [[0, "_CPPv411logical_notRK5array14StreamOrDevice", false]], "logical_not() (in module mlx.core)": [[198, "mlx.core.logical_not", false]], "logical_or (c++ function)": [[0, "_CPPv410logical_orRK5arrayRK5array14StreamOrDevice", false]], "logical_or() (in module mlx.core)": [[199, "mlx.core.logical_or", false]], "logsigmoid (class in mlx.nn)": [[348, "mlx.nn.LogSigmoid", false]], "logsoftmax (class in mlx.nn)": [[349, "mlx.nn.LogSoftmax", false]], "logsumexp (c++ function)": [[0, "_CPPv49logsumexpRK5array14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayb14StreamOrDevice", false], [0, "_CPPv49logsumexpRK5arrayib14StreamOrDevice", false]], "logsumexp() (array method)": [[56, "mlx.core.array.logsumexp", false]], "logsumexp() (in module mlx.core)": [[200, "mlx.core.logsumexp", false]], "lstm (class in mlx.nn)": [[344, "mlx.nn.LSTM", false]], "margin_ranking_loss (class in mlx.nn.losses)": [[425, "mlx.nn.losses.margin_ranking_loss", false]], "matmul (c++ function)": [[0, "_CPPv46matmulRK5arrayRK5array14StreamOrDevice", false]], "matmul() (in module mlx.core)": [[201, "mlx.core.matmul", false]], "max (c++ function)": [[0, "_CPPv43maxRK5array14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayb14StreamOrDevice", false], [0, "_CPPv43maxRK5arrayib14StreamOrDevice", false]], "max() (array method)": [[57, "mlx.core.array.max", false]], "max() (in module mlx.core)": [[202, "mlx.core.max", false]], "maximum (c++ function)": [[0, "_CPPv47maximumRK5arrayRK5array14StreamOrDevice", false]], "maximum() (in module mlx.core)": [[203, "mlx.core.maximum", false]], "maxpool1d (class in mlx.nn)": [[350, "mlx.nn.MaxPool1d", false]], "maxpool2d (class in mlx.nn)": [[351, "mlx.nn.MaxPool2d", false]], "mean (c++ function)": [[0, "_CPPv44meanRK5array14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayb14StreamOrDevice", false], [0, "_CPPv44meanRK5arrayib14StreamOrDevice", false]], "mean() (array method)": [[58, "mlx.core.array.mean", false]], "mean() (in module mlx.core)": [[204, "mlx.core.mean", false]], "meshgrid (c++ function)": [[0, "_CPPv48meshgridRKNSt6vectorI5arrayEEbNSt6stringE14StreamOrDevice", false]], "meshgrid() (in module mlx.core)": [[205, "mlx.core.meshgrid", false]], "metal_kernel() (in module mlx.core.fast)": [[143, "mlx.core.fast.metal_kernel", false]], "min (c++ function)": [[0, "_CPPv43minRK5array14StreamOrDevice", false], [0, "_CPPv43minRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43minRK5arrayb14StreamOrDevice", false], [0, "_CPPv43minRK5arrayib14StreamOrDevice", false]], "min() (array method)": [[59, "mlx.core.array.min", false]], "min() (in module mlx.core)": [[217, "mlx.core.min", false]], "minimum (c++ function)": [[0, "_CPPv47minimumRK5arrayRK5array14StreamOrDevice", false]], "minimum() (in module mlx.core)": [[218, "mlx.core.minimum", false]], "mish (class in mlx.nn)": [[352, "mlx.nn.Mish", false], [430, "mlx.nn.mish", false]], "module (class in mlx.nn)": [[447, "mlx.nn.Module", false]], "modules() (module method)": [[361, "mlx.nn.Module.modules", false]], "moveaxis (c++ function)": [[0, "_CPPv48moveaxisRK5arrayii14StreamOrDevice", false]], "moveaxis() (array method)": [[60, "mlx.core.array.moveaxis", false]], "moveaxis() (in module mlx.core)": [[219, "mlx.core.moveaxis", false]], "mse_loss (class in mlx.nn.losses)": [[426, "mlx.nn.losses.mse_loss", false]], "multiheadattention (class in mlx.nn)": [[373, "mlx.nn.MultiHeadAttention", false]], "multiply (c++ function)": [[0, "_CPPv48multiplyRK5arrayRK5array14StreamOrDevice", false]], "multiply() (in module mlx.core)": [[220, "mlx.core.multiply", false]], "multivariate_normal() (in module mlx.core.random)": [[241, "mlx.core.random.multivariate_normal", false]], "named_modules() (module method)": [[362, "mlx.nn.Module.named_modules", false]], "nan_to_num (c++ function)": [[0, "_CPPv410nan_to_numRK5arrayfKNSt8optionalIfEEKNSt8optionalIfEE14StreamOrDevice", false]], "nan_to_num() (in module mlx.core)": [[221, "mlx.core.nan_to_num", false]], "nbytes (array property)": [[61, "mlx.core.array.nbytes", false]], "ndim (array property)": [[62, "mlx.core.array.ndim", false]], "negative (c++ function)": [[0, "_CPPv48negativeRK5array14StreamOrDevice", false]], "negative() (in module mlx.core)": [[222, "mlx.core.negative", false]], "new_stream() (in module mlx.core)": [[223, "mlx.core.new_stream", false]], "nll_loss (class in mlx.nn.losses)": [[427, "mlx.nn.losses.nll_loss", false]], "norm() (in module mlx.core.linalg)": [[186, "mlx.core.linalg.norm", false]], "normal() (in module mlx.core.random)": [[242, "mlx.core.random.normal", false]], "normal() (in module mlx.nn.init)": [[402, "mlx.nn.init.normal", false]], "not_equal (c++ function)": [[0, "_CPPv49not_equalRK5arrayRK5array14StreamOrDevice", false]], "not_equal() (in module mlx.core)": [[224, "mlx.core.not_equal", false]], "number_of_elements (c++ function)": [[0, "_CPPv418number_of_elementsRK5arrayNSt6vectorIiEEb5Dtype14StreamOrDevice", false]], "ones (c++ function)": [[0, "_CPPv44onesRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44onesRKNSt6vectorIiEE5Dtype14StreamOrDevice", false]], "ones() (in module mlx.core)": [[225, "mlx.core.ones", false]], "ones_like (c++ function)": [[0, "_CPPv49ones_likeRK5array14StreamOrDevice", false]], "ones_like() (in module mlx.core)": [[226, "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]], "optimizer (class in mlx.optimizers)": [[469, "mlx.optimizers.Optimizer", false]], "outer (c++ function)": [[0, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", false]], "outer() (in module mlx.core)": [[227, "mlx.core.outer", false]], "pad (c++ function)": [[0, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", false], [0, "_CPPv43padRK5arrayiRK5arrayKNSt6stringE14StreamOrDevice", false]], "pad() (in module mlx.core)": [[228, "mlx.core.pad", false]], "parameters() (module method)": [[363, "mlx.nn.Module.parameters", false]], "partition (c++ function)": [[0, "_CPPv49partitionRK5arrayi14StreamOrDevice", false], [0, "_CPPv49partitionRK5arrayii14StreamOrDevice", false]], "partition() (in module mlx.core)": [[229, "mlx.core.partition", false]], "permutation() (in module mlx.core.random)": [[243, "mlx.core.random.permutation", false]], "power (c++ function)": [[0, "_CPPv45powerRK5arrayRK5array14StreamOrDevice", false]], "power() (in module mlx.core)": [[230, "mlx.core.power", false]], "prelu (class in mlx.nn)": [[374, "mlx.nn.PReLU", false], [431, "mlx.nn.prelu", false]], "prod (c++ function)": [[0, "_CPPv44prodRK5array14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayb14StreamOrDevice", false], [0, "_CPPv44prodRK5arrayib14StreamOrDevice", false]], "prod() (array method)": [[63, "mlx.core.array.prod", false]], "prod() (in module mlx.core)": [[231, "mlx.core.prod", false]], "put_along_axis (c++ function)": [[0, "_CPPv414put_along_axisRK5arrayRK5arrayRK5arrayi14StreamOrDevice", false]], "put_along_axis() (in module mlx.core)": [[232, "mlx.core.put_along_axis", false]], "qr() (in module mlx.core.linalg)": [[187, "mlx.core.linalg.qr", false]], "quantize (c++ function)": [[0, "_CPPv48quantizeRK5arrayii14StreamOrDevice", false]], "quantize() (in module mlx.core)": [[233, "mlx.core.quantize", false]], "quantize() (in module mlx.nn)": [[302, "mlx.nn.quantize", false]], "quantized_matmul (c++ function)": [[0, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", false]], "quantized_matmul() (in module mlx.core)": [[234, "mlx.core.quantized_matmul", false]], "quantizedembedding (class in mlx.nn)": [[375, "mlx.nn.QuantizedEmbedding", false]], "quantizedlinear (class in mlx.nn)": [[376, "mlx.nn.QuantizedLinear", false]], "radians (c++ function)": [[0, "_CPPv47radiansRK5array14StreamOrDevice", false]], "radians() (in module mlx.core)": [[235, "mlx.core.radians", false]], "randint() (in module mlx.core.random)": [[244, "mlx.core.random.randint", false]], "reciprocal (c++ function)": [[0, "_CPPv410reciprocalRK5array14StreamOrDevice", false]], "reciprocal() (array method)": [[64, "mlx.core.array.reciprocal", false]], "reciprocal() (in module mlx.core)": [[249, "mlx.core.reciprocal", false]], "recv() (in module mlx.core.distributed)": [[125, "mlx.core.distributed.recv", false]], "recv_like() (in module mlx.core.distributed)": [[126, "mlx.core.distributed.recv_like", false]], "relu (class in mlx.nn)": [[379, "mlx.nn.ReLU", false], [432, "mlx.nn.relu", false]], "relu6 (class in mlx.nn)": [[380, "mlx.nn.ReLU6", false], [433, "mlx.nn.relu6", false]], "remainder (c++ function)": [[0, "_CPPv49remainderRK5arrayRK5array14StreamOrDevice", false]], "remainder() (in module mlx.core)": [[250, "mlx.core.remainder", false]], "repeat (c++ function)": [[0, "_CPPv46repeatRK5arrayi14StreamOrDevice", false], [0, "_CPPv46repeatRK5arrayii14StreamOrDevice", false]], "repeat() (in module mlx.core)": [[251, "mlx.core.repeat", false]], "reset_peak_memory() (in module mlx.core.metal)": [[212, "mlx.core.metal.reset_peak_memory", false]], "reshape (c++ function)": [[0, "_CPPv47reshapeRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "reshape() (array method)": [[65, "mlx.core.array.reshape", false]], "reshape() (in module mlx.core)": [[252, "mlx.core.reshape", false]], "rfft() (in module mlx.core.fft)": [[156, "mlx.core.fft.rfft", false]], "rfft2() (in module mlx.core.fft)": [[157, "mlx.core.fft.rfft2", false]], "rfftn() (in module mlx.core.fft)": [[158, "mlx.core.fft.rfftn", false]], "right_shift (c++ function)": [[0, "_CPPv411right_shiftRK5arrayRK5array14StreamOrDevice", false]], "right_shift() (in module mlx.core)": [[253, "mlx.core.right_shift", false]], "rms_norm() (in module mlx.core.fast)": [[144, "mlx.core.fast.rms_norm", false]], "rmsnorm (class in mlx.nn)": [[377, "mlx.nn.RMSNorm", false]], "rmsprop (class in mlx.optimizers)": [[461, "mlx.optimizers.RMSprop", false]], "rnn (class in mlx.nn)": [[378, "mlx.nn.RNN", false]], "roll (c++ function)": [[0, "_CPPv44rollRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayi14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv44rollRK5arrayii14StreamOrDevice", false]], "roll() (in module mlx.core)": [[254, "mlx.core.roll", false]], "rope (class in mlx.nn)": [[381, "mlx.nn.RoPE", false]], "rope() (in module mlx.core.fast)": [[145, "mlx.core.fast.rope", false]], "round (c++ function)": [[0, "_CPPv45roundRK5array14StreamOrDevice", false], [0, "_CPPv45roundRK5arrayi14StreamOrDevice", false]], "round() (array method)": [[66, "mlx.core.array.round", false]], "round() (in module mlx.core)": [[255, "mlx.core.round", false]], "rsqrt (c++ function)": [[0, "_CPPv45rsqrtRK5array14StreamOrDevice", false]], "rsqrt() (array method)": [[67, "mlx.core.array.rsqrt", false]], "rsqrt() (in module mlx.core)": [[256, "mlx.core.rsqrt", false]], "save() (in module mlx.core)": [[257, "mlx.core.save", false]], "save_gguf() (in module mlx.core)": [[258, "mlx.core.save_gguf", false]], "save_safetensors() (in module mlx.core)": [[259, "mlx.core.save_safetensors", false]], "save_weights() (module method)": [[364, "mlx.nn.Module.save_weights", false]], "savez() (in module mlx.core)": [[260, "mlx.core.savez", false]], "savez_compressed() (in module mlx.core)": [[261, "mlx.core.savez_compressed", false]], "scaled_dot_product_attention() (in module mlx.core.fast)": [[146, "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_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)": [[245, "mlx.core.random.seed", false]], "selu (class in mlx.nn)": [[382, "mlx.nn.SELU", false], [434, "mlx.nn.selu", false]], "send() (in module mlx.core.distributed)": [[127, "mlx.core.distributed.send", false]], "sequential (class in mlx.nn)": [[383, "mlx.nn.Sequential", false]], "set_cache_limit() (in module mlx.core.metal)": [[213, "mlx.core.metal.set_cache_limit", false]], "set_default_device() (in module mlx.core)": [[262, "mlx.core.set_default_device", false]], "set_default_stream() (in module mlx.core)": [[263, "mlx.core.set_default_stream", false]], "set_dtype() (module method)": [[365, "mlx.nn.Module.set_dtype", false]], "set_memory_limit() (in module mlx.core.metal)": [[214, "mlx.core.metal.set_memory_limit", false]], "sgd (class in mlx.optimizers)": [[462, "mlx.optimizers.SGD", false]], "shape (array property)": [[68, "mlx.core.array.shape", false]], "sigmoid (c++ function)": [[0, "_CPPv47sigmoidRK5array14StreamOrDevice", false]], "sigmoid (class in mlx.nn)": [[385, "mlx.nn.Sigmoid", false], [435, "mlx.nn.sigmoid", false]], "sigmoid() (in module mlx.core)": [[264, "mlx.core.sigmoid", false]], "sign (c++ function)": [[0, "_CPPv44signRK5array14StreamOrDevice", false]], "sign() (in module mlx.core)": [[265, "mlx.core.sign", false]], "silu (class in mlx.nn)": [[384, "mlx.nn.SiLU", false], [436, "mlx.nn.silu", false]], "sin (c++ function)": [[0, "_CPPv43sinRK5array14StreamOrDevice", false]], "sin() (array method)": [[69, "mlx.core.array.sin", false]], "sin() (in module mlx.core)": [[266, "mlx.core.sin", false]], "sinh (c++ function)": [[0, "_CPPv44sinhRK5array14StreamOrDevice", false]], "sinh() (in module mlx.core)": [[267, "mlx.core.sinh", false]], "sinusoidalpositionalencoding (class in mlx.nn)": [[386, "mlx.nn.SinusoidalPositionalEncoding", false]], "size (array property)": [[70, "mlx.core.array.size", false]], "slice (c++ function)": [[0, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", false]], "slice_update (c++ function)": [[0, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", false]], "smooth_l1_loss (class in mlx.nn.losses)": [[428, "mlx.nn.losses.smooth_l1_loss", false]], "softmax (c++ function)": [[0, "_CPPv47softmaxRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv47softmaxRK5arrayb14StreamOrDevice", false], [0, "_CPPv47softmaxRK5arrayib14StreamOrDevice", false]], "softmax (class in mlx.nn)": [[387, "mlx.nn.Softmax", false], [437, "mlx.nn.softmax", false]], "softmax() (in module mlx.core)": [[268, "mlx.core.softmax", false]], "softmin (class in mlx.nn)": [[388, "mlx.nn.Softmin", false], [438, "mlx.nn.softmin", false]], "softplus (class in mlx.nn)": [[389, "mlx.nn.Softplus", false], [439, "mlx.nn.softplus", false]], "softshrink (class in mlx.nn)": [[390, "mlx.nn.Softshrink", false], [440, "mlx.nn.softshrink", false]], "softsign (class in mlx.nn)": [[391, "mlx.nn.Softsign", false]], "sort (c++ function)": [[0, "_CPPv44sortRK5array14StreamOrDevice", false], [0, "_CPPv44sortRK5arrayi14StreamOrDevice", false]], "sort() (in module mlx.core)": [[269, "mlx.core.sort", false]], "split (c++ function)": [[0, "_CPPv45splitRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayi14StreamOrDevice", false], [0, "_CPPv45splitRK5arrayii14StreamOrDevice", false]], "split() (array method)": [[71, "mlx.core.array.split", false]], "split() (in module mlx.core)": [[270, "mlx.core.split", false]], "split() (in module mlx.core.random)": [[246, "mlx.core.random.split", false]], "sqrt (c++ function)": [[0, "_CPPv44sqrtRK5array14StreamOrDevice", false]], "sqrt() (array method)": [[72, "mlx.core.array.sqrt", false]], "sqrt() (in module mlx.core)": [[271, "mlx.core.sqrt", false]], "square (c++ function)": [[0, "_CPPv46squareRK5array14StreamOrDevice", false]], "square() (array method)": [[73, "mlx.core.array.square", false]], "square() (in module mlx.core)": [[272, "mlx.core.square", false]], "squeeze (c++ function)": [[0, "_CPPv47squeezeRK5array14StreamOrDevice", false], [0, "_CPPv47squeezeRK5arrayRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv47squeezeRK5arrayi14StreamOrDevice", false]], "squeeze() (array method)": [[74, "mlx.core.array.squeeze", false]], "squeeze() (in module mlx.core)": [[273, "mlx.core.squeeze", false]], "stack (c++ function)": [[0, "_CPPv45stackRKNSt6vectorI5arrayEE14StreamOrDevice", false], [0, "_CPPv45stackRKNSt6vectorI5arrayEEi14StreamOrDevice", false]], "stack() (in module mlx.core)": [[274, "mlx.core.stack", false]], "start_capture() (in module mlx.core.metal)": [[215, "mlx.core.metal.start_capture", false]], "state (module property)": [[366, "mlx.nn.Module.state", false]], "state (optimizer property)": [[459, "mlx.optimizers.Optimizer.state", false]], "std (c++ function)": [[0, "_CPPv4StRK5array14StreamOrDevice", false], [0, "_CPPv4StRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", false], [0, "_CPPv4StRK5arraybi14StreamOrDevice", false], [0, "_CPPv4StRK5arrayibi14StreamOrDevice", false]], "std() (array method)": [[75, "mlx.core.array.std", false]], "std() (in module mlx.core)": [[275, "mlx.core.std", false]], "step (class in mlx.nn)": [[392, "mlx.nn.Step", false], [441, "mlx.nn.step", false]], "step_decay() (in module mlx.optimizers)": [[467, "mlx.optimizers.step_decay", false]], "stop_capture() (in module mlx.core.metal)": [[216, "mlx.core.metal.stop_capture", false]], "stop_gradient (c++ function)": [[0, "_CPPv413stop_gradientRK5array14StreamOrDevice", false]], "stop_gradient() (in module mlx.core)": [[276, "mlx.core.stop_gradient", false]], "stream (class in mlx.core)": [[310, "mlx.core.Stream", false]], "stream() (in module mlx.core)": [[277, "mlx.core.stream", false]], "subtract (c++ function)": [[0, "_CPPv48subtractRK5arrayRK5array14StreamOrDevice", false]], "subtract() (in module mlx.core)": [[278, "mlx.core.subtract", false]], "sum (c++ function)": [[0, "_CPPv43sumRK5array14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayRKNSt6vectorIiEEb14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayb14StreamOrDevice", false], [0, "_CPPv43sumRK5arrayib14StreamOrDevice", false]], "sum() (array method)": [[76, "mlx.core.array.sum", false]], "sum() (in module mlx.core)": [[279, "mlx.core.sum", false]], "svd() (in module mlx.core.linalg)": [[188, "mlx.core.linalg.svd", false]], "swapaxes (c++ function)": [[0, "_CPPv48swapaxesRK5arrayii14StreamOrDevice", false]], "swapaxes() (array method)": [[77, "mlx.core.array.swapaxes", false]], "swapaxes() (in module mlx.core)": [[280, "mlx.core.swapaxes", false]], "synchronize() (in module mlx.core)": [[281, "mlx.core.synchronize", false]], "t (array property)": [[31, "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)": [[282, "mlx.core.take", false]], "take_along_axis (c++ function)": [[0, "_CPPv415take_along_axisRK5arrayRK5arrayi14StreamOrDevice", false]], "take_along_axis() (in module mlx.core)": [[283, "mlx.core.take_along_axis", false]], "tan (c++ function)": [[0, "_CPPv43tanRK5array14StreamOrDevice", false]], "tan() (in module mlx.core)": [[284, "mlx.core.tan", false]], "tanh (c++ function)": [[0, "_CPPv44tanhRK5array14StreamOrDevice", false]], "tanh (class in mlx.nn)": [[393, "mlx.nn.Tanh", false], [442, "mlx.nn.tanh", false]], "tanh() (in module mlx.core)": [[285, "mlx.core.tanh", false]], "tensordot (c++ function)": [[0, "_CPPv49tensordotRK5arrayRK5arrayKi14StreamOrDevice", false], [0, "_CPPv49tensordotRK5arrayRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", false]], "tensordot() (in module mlx.core)": [[286, "mlx.core.tensordot", false]], "tile (c++ function)": [[0, "_CPPv44tileRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "tile() (in module mlx.core)": [[287, "mlx.core.tile", false]], "tolist() (array method)": [[78, "mlx.core.array.tolist", false]], "topk (c++ function)": [[0, "_CPPv44topkRK5arrayi14StreamOrDevice", false], [0, "_CPPv44topkRK5arrayii14StreamOrDevice", false]], "topk() (in module mlx.core)": [[288, "mlx.core.topk", false]], "trace (c++ function)": [[0, "_CPPv45traceRK5array14StreamOrDevice", false], [0, "_CPPv45traceRK5arrayiii14StreamOrDevice", false], [0, "_CPPv45traceRK5arrayiii5Dtype14StreamOrDevice", false]], "trace() (in module mlx.core)": [[289, "mlx.core.trace", false]], "train() (module method)": [[367, "mlx.nn.Module.train", false]], "trainable_parameters() (module method)": [[368, "mlx.nn.Module.trainable_parameters", false]], "training (module property)": [[369, "mlx.nn.Module.training", false]], "transformer (class in mlx.nn)": [[394, "mlx.nn.Transformer", false]], "transpose (c++ function)": [[0, "_CPPv49transposeRK5array14StreamOrDevice", false], [0, "_CPPv49transposeRK5arrayNSt16initializer_listIiEE14StreamOrDevice", false], [0, "_CPPv49transposeRK5arrayNSt6vectorIiEE14StreamOrDevice", false]], "transpose() (array method)": [[79, "mlx.core.array.transpose", false]], "transpose() (in module mlx.core)": [[290, "mlx.core.transpose", false]], "tree_flatten() (in module mlx.utils)": [[305, "mlx.utils.tree_flatten", false]], "tree_map() (in module mlx.utils)": [[306, "mlx.utils.tree_map", false]], "tree_map_with_path() (in module mlx.utils)": [[307, "mlx.utils.tree_map_with_path", false]], "tree_reduce() (in module mlx.utils)": [[308, "mlx.utils.tree_reduce", false]], "tree_unflatten() (in module mlx.utils)": [[309, "mlx.utils.tree_unflatten", false]], "tri (c++ function)": [[0, "_CPPv43trii5Dtype14StreamOrDevice", false], [0, "_CPPv43triiii5Dtype14StreamOrDevice", false]], "tri() (in module mlx.core)": [[291, "mlx.core.tri", false]], "tri_inv() (in module mlx.core.linalg)": [[189, "mlx.core.linalg.tri_inv", false]], "tril (c++ function)": [[0, "_CPPv44tril5arrayi14StreamOrDevice", false]], "tril() (in module mlx.core)": [[292, "mlx.core.tril", false]], "triplet_loss (class in mlx.nn.losses)": [[429, "mlx.nn.losses.triplet_loss", false]], "triu (c++ function)": [[0, "_CPPv44triu5arrayi14StreamOrDevice", false]], "triu() (in module mlx.core)": [[293, "mlx.core.triu", false]], "truncated_normal() (in module mlx.core.random)": [[247, "mlx.core.random.truncated_normal", false]], "unfreeze() (module method)": [[370, "mlx.nn.Module.unfreeze", false]], "uniform() (in module mlx.core.random)": [[248, "mlx.core.random.uniform", false]], "uniform() (in module mlx.nn.init)": [[403, "mlx.nn.init.uniform", false]], "update() (module method)": [[371, "mlx.nn.Module.update", false]], "update() (optimizer method)": [[460, "mlx.optimizers.Optimizer.update", false]], "update_modules() (module method)": [[372, "mlx.nn.Module.update_modules", false]], "upsample (class in mlx.nn)": [[395, "mlx.nn.Upsample", false]], "value_and_grad() (in module mlx.core)": [[294, "mlx.core.value_and_grad", false]], "value_and_grad() (in module mlx.nn)": [[303, "mlx.nn.value_and_grad", false]], "var (c++ function)": [[0, "_CPPv43varRK5array14StreamOrDevice", false], [0, "_CPPv43varRK5arrayRKNSt6vectorIiEEbi14StreamOrDevice", false], [0, "_CPPv43varRK5arraybi14StreamOrDevice", false], [0, "_CPPv43varRK5arrayibi14StreamOrDevice", false]], "var() (array method)": [[80, "mlx.core.array.var", false]], "var() (in module mlx.core)": [[295, "mlx.core.var", false]], "view (c++ function)": [[0, "_CPPv44viewRK5arrayRK5Dtype14StreamOrDevice", false]], "view() (array method)": [[81, "mlx.core.array.view", false]], "view() (in module mlx.core)": [[296, "mlx.core.view", false]], "vjp() (in module mlx.core)": [[297, "mlx.core.vjp", false]], "vmap() (in module mlx.core)": [[298, "mlx.core.vmap", false]], "where (c++ function)": [[0, "_CPPv45whereRK5arrayRK5arrayRK5array14StreamOrDevice", false]], "where() (in module mlx.core)": [[299, "mlx.core.where", false]], "zeros (c++ function)": [[0, "_CPPv45zerosRKNSt6vectorIiEE14StreamOrDevice", false], [0, "_CPPv45zerosRKNSt6vectorIiEE5Dtype14StreamOrDevice", false]], "zeros() (in module mlx.core)": [[300, "mlx.core.zeros", false]], "zeros_like (c++ function)": [[0, "_CPPv410zeros_likeRK5array14StreamOrDevice", false]], "zeros_like() (in module mlx.core)": [[301, "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_strided5arrayNSt6vectorIiEENSt6vectorI6size_tEE6size_t14StreamOrDevice", "as_strided"], [0, 1, 1, "_CPPv410as_strided5arrayNSt6vectorIiEENSt6vectorI6size_tEE6size_t14StreamOrDevice", "as_strided::a"], [0, 1, 1, "_CPPv410as_strided5arrayNSt6vectorIiEENSt6vectorI6size_tEE6size_t14StreamOrDevice", "as_strided::offset"], [0, 1, 1, "_CPPv410as_strided5arrayNSt6vectorIiEENSt6vectorI6size_tEE6size_t14StreamOrDevice", "as_strided::s"], [0, 1, 1, "_CPPv410as_strided5arrayNSt6vectorIiEENSt6vectorI6size_tEE6size_t14StreamOrDevice", "as_strided::shape"], [0, 1, 1, "_CPPv410as_strided5arrayNSt6vectorIiEENSt6vectorI6size_tEE6size_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, "_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_toRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "broadcast_to"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "broadcast_to::a"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "broadcast_to::s"], [0, 1, 1, "_CPPv412broadcast_toRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "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, "_CPPv411concatenateRKNSt6vectorI5arrayEE14StreamOrDevice", "concatenate"], [0, 0, 1, "_CPPv411concatenateRKNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate"], [0, 1, 1, "_CPPv411concatenateRKNSt6vectorI5arrayEE14StreamOrDevice", "concatenate::arrays"], [0, 1, 1, "_CPPv411concatenateRKNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::arrays"], [0, 1, 1, "_CPPv411concatenateRKNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::axis"], [0, 1, 1, "_CPPv411concatenateRKNSt6vectorI5arrayEE14StreamOrDevice", "concatenate::s"], [0, 1, 1, "_CPPv411concatenateRKNSt6vectorI5arrayEEi14StreamOrDevice", "concatenate::s"], [0, 0, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate"], [0, 1, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate::a"], [0, 1, 1, "_CPPv49conjugateRK5array14StreamOrDevice", "conjugate::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, "_CPPv44fullNSt6vectorIiEE5array14StreamOrDevice", "full"], [0, 0, 1, "_CPPv44fullNSt6vectorIiEE5array5Dtype14StreamOrDevice", "full"], [0, 0, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T14StreamOrDevice", "full"], [0, 0, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T5Dtype14StreamOrDevice", "full"], [0, 2, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T14StreamOrDevice", "full::T"], [0, 2, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T5Dtype14StreamOrDevice", "full::T"], [0, 1, 1, "_CPPv44fullNSt6vectorIiEE5array5Dtype14StreamOrDevice", "full::dtype"], [0, 1, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T5Dtype14StreamOrDevice", "full::dtype"], [0, 1, 1, "_CPPv44fullNSt6vectorIiEE5array14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv44fullNSt6vectorIiEE5array5Dtype14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T5Dtype14StreamOrDevice", "full::s"], [0, 1, 1, "_CPPv44fullNSt6vectorIiEE5array14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv44fullNSt6vectorIiEE5array5Dtype14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T5Dtype14StreamOrDevice", "full::shape"], [0, 1, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T14StreamOrDevice", "full::val"], [0, 1, 1, "_CPPv4I0E4full5arrayNSt6vectorIiEE1T5Dtype14StreamOrDevice", "full::val"], [0, 1, 1, "_CPPv44fullNSt6vectorIiEE5array14StreamOrDevice", "full::vals"], [0, 1, 1, "_CPPv44fullNSt6vectorIiEE5array5Dtype14StreamOrDevice", "full::vals"], [0, 0, 1, "_CPPv46gatherRK5arrayRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "gather"], [0, 0, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "gather"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "gather::a"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "gather::a"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "gather::axes"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "gather::axis"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "gather::indices"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "gather::indices"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "gather::s"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "gather::s"], [0, 1, 1, "_CPPv46gatherRK5arrayRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "gather::slice_sizes"], [0, 1, 1, "_CPPv46gatherRK5arrayRKNSt6vectorI5arrayEERKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "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, "_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, "_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, "_CPPv48meshgridRKNSt6vectorI5arrayEEbNSt6stringE14StreamOrDevice", "meshgrid"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbNSt6stringE14StreamOrDevice", "meshgrid::arrays"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbNSt6stringE14StreamOrDevice", "meshgrid::indexing"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbNSt6stringE14StreamOrDevice", "meshgrid::s"], [0, 1, 1, "_CPPv48meshgridRKNSt6vectorI5arrayEEbNSt6stringE14StreamOrDevice", "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, "_CPPv44onesRKNSt6vectorIiEE14StreamOrDevice", "ones"], [0, 0, 1, "_CPPv44onesRKNSt6vectorIiEE5Dtype14StreamOrDevice", "ones"], [0, 1, 1, "_CPPv44onesRKNSt6vectorIiEE5Dtype14StreamOrDevice", "ones::dtype"], [0, 1, 1, "_CPPv44onesRKNSt6vectorIiEE14StreamOrDevice", "ones::s"], [0, 1, 1, "_CPPv44onesRKNSt6vectorIiEE5Dtype14StreamOrDevice", "ones::s"], [0, 1, 1, "_CPPv44onesRKNSt6vectorIiEE14StreamOrDevice", "ones::shape"], [0, 1, 1, "_CPPv44onesRKNSt6vectorIiEE5Dtype14StreamOrDevice", "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&amp;"], [0, 0, 1, "_CPPv4aaRK5arrayRK5array", "operator&amp;&amp;"], [0, 1, 1, "_CPPv4aaRK5arrayRK5array", "operator&amp;&amp;::a"], [0, 1, 1, "_CPPv4aaRK5arrayRK5array", "operator&amp;&amp;::b"], [0, 1, 1, "_CPPv4anRK5arrayRK5array", "operator&amp;::a"], [0, 1, 1, "_CPPv4anRK5arrayRK5array", "operator&amp;::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&lt;"], [0, 0, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator&lt;"], [0, 0, 1, "_CPPv4ltRK5arrayRK5array", "operator&lt;"], [0, 2, 1, "_CPPv4I0Elt5array1TRK5array", "operator&lt;::T"], [0, 2, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator&lt;::T"], [0, 1, 1, "_CPPv4I0Elt5array1TRK5array", "operator&lt;::a"], [0, 1, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator&lt;::a"], [0, 1, 1, "_CPPv4ltRK5arrayRK5array", "operator&lt;::a"], [0, 1, 1, "_CPPv4I0Elt5array1TRK5array", "operator&lt;::b"], [0, 1, 1, "_CPPv4I0Elt5arrayRK5array1T", "operator&lt;::b"], [0, 1, 1, "_CPPv4ltRK5arrayRK5array", "operator&lt;::b"], [0, 0, 1, "_CPPv4lsRK5arrayRK5array", "operator&lt;&lt;"], [0, 1, 1, "_CPPv4lsRK5arrayRK5array", "operator&lt;&lt;::a"], [0, 1, 1, "_CPPv4lsRK5arrayRK5array", "operator&lt;&lt;::b"], [0, 0, 1, "_CPPv4I0Ele5array1TRK5array", "operator&lt;="], [0, 0, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator&lt;="], [0, 0, 1, "_CPPv4leRK5arrayRK5array", "operator&lt;="], [0, 2, 1, "_CPPv4I0Ele5array1TRK5array", "operator&lt;=::T"], [0, 2, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator&lt;=::T"], [0, 1, 1, "_CPPv4I0Ele5array1TRK5array", "operator&lt;=::a"], [0, 1, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator&lt;=::a"], [0, 1, 1, "_CPPv4leRK5arrayRK5array", "operator&lt;=::a"], [0, 1, 1, "_CPPv4I0Ele5array1TRK5array", "operator&lt;=::b"], [0, 1, 1, "_CPPv4I0Ele5arrayRK5array1T", "operator&lt;=::b"], [0, 1, 1, "_CPPv4leRK5arrayRK5array", "operator&lt;=::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&gt;"], [0, 0, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator&gt;"], [0, 0, 1, "_CPPv4gtRK5arrayRK5array", "operator&gt;"], [0, 2, 1, "_CPPv4I0Egt5array1TRK5array", "operator&gt;::T"], [0, 2, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator&gt;::T"], [0, 1, 1, "_CPPv4I0Egt5array1TRK5array", "operator&gt;::a"], [0, 1, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator&gt;::a"], [0, 1, 1, "_CPPv4gtRK5arrayRK5array", "operator&gt;::a"], [0, 1, 1, "_CPPv4I0Egt5array1TRK5array", "operator&gt;::b"], [0, 1, 1, "_CPPv4I0Egt5arrayRK5array1T", "operator&gt;::b"], [0, 1, 1, "_CPPv4gtRK5arrayRK5array", "operator&gt;::b"], [0, 0, 1, "_CPPv4I0Ege5array1TRK5array", "operator&gt;="], [0, 0, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator&gt;="], [0, 0, 1, "_CPPv4geRK5arrayRK5array", "operator&gt;="], [0, 2, 1, "_CPPv4I0Ege5array1TRK5array", "operator&gt;=::T"], [0, 2, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator&gt;=::T"], [0, 1, 1, "_CPPv4I0Ege5array1TRK5array", "operator&gt;=::a"], [0, 1, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator&gt;=::a"], [0, 1, 1, "_CPPv4geRK5arrayRK5array", "operator&gt;=::a"], [0, 1, 1, "_CPPv4I0Ege5array1TRK5array", "operator&gt;=::b"], [0, 1, 1, "_CPPv4I0Ege5arrayRK5array1T", "operator&gt;=::b"], [0, 1, 1, "_CPPv4geRK5arrayRK5array", "operator&gt;=::b"], [0, 0, 1, "_CPPv4rsRK5arrayRK5array", "operator&gt;&gt;"], [0, 1, 1, "_CPPv4rsRK5arrayRK5array", "operator&gt;&gt;::a"], [0, 1, 1, "_CPPv4rsRK5arrayRK5array", "operator&gt;&gt;::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, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::a"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::b"], [0, 1, 1, "_CPPv45outerRK5arrayRK5array14StreamOrDevice", "outer::s"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad"], [0, 0, 1, "_CPPv43padRK5arrayiRK5arrayKNSt6stringE14StreamOrDevice", "pad"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayKNSt6stringE14StreamOrDevice", "pad::a"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::axes"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::high_pad_size"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::low_pad_size"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayKNSt6stringE14StreamOrDevice", "pad::mode"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayKNSt6stringE14StreamOrDevice", "pad::pad_value"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayKNSt6stringE14StreamOrDevice", "pad::pad_width"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt4pairIiiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorINSt4pairIiiEEEERK5arrayKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEERKNSt6vectorIiEERK5arrayKNSt6stringE14StreamOrDevice", "pad::s"], [0, 1, 1, "_CPPv43padRK5arrayiRK5arrayKNSt6stringE14StreamOrDevice", "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_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::biases"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::bits"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::group_size"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::s"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::scales"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::transpose"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::w"], [0, 1, 1, "_CPPv416quantized_matmulRK5arrayRK5arrayRK5arrayRK5arraybii14StreamOrDevice", "quantized_matmul::x"], [0, 0, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians"], [0, 1, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians::a"], [0, 1, 1, "_CPPv47radiansRK5array14StreamOrDevice", "radians::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, "_CPPv47reshapeRK5arrayNSt6vectorIiEE14StreamOrDevice", "reshape"], [0, 1, 1, "_CPPv47reshapeRK5arrayNSt6vectorIiEE14StreamOrDevice", "reshape::a"], [0, 1, 1, "_CPPv47reshapeRK5arrayNSt6vectorIiEE14StreamOrDevice", "reshape::s"], [0, 1, 1, "_CPPv47reshapeRK5arrayNSt6vectorIiEE14StreamOrDevice", "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, "_CPPv44rollRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll"], [0, 0, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::a"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "roll::axes"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::axes"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "roll::axis"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::axis"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayi14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayiRKNSt6vectorIiEE14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayii14StreamOrDevice", "roll::s"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEERKNSt6vectorIiEE14StreamOrDevice", "roll::shift"], [0, 1, 1, "_CPPv44rollRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "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, "_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, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice"], [0, 0, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::a"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::s"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::start"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::stop"], [0, 1, 1, "_CPPv45sliceRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice::strides"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update"], [0, 0, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::s"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::src"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::start"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::stop"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::stop"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::strides"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "slice_update::update"], [0, 1, 1, "_CPPv412slice_updateRK5arrayRK5arrayNSt6vectorIiEENSt6vectorIiEENSt6vectorIiEE14StreamOrDevice", "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, "_CPPv45splitRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split"], [0, 0, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split"], [0, 1, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::a"], [0, 1, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "split::axis"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::axis"], [0, 1, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "split::indices"], [0, 1, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "split::indices"], [0, 1, 1, "_CPPv45splitRK5arrayi14StreamOrDevice", "split::num_splits"], [0, 1, 1, "_CPPv45splitRK5arrayii14StreamOrDevice", "split::num_splits"], [0, 1, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEE14StreamOrDevice", "split::s"], [0, 1, 1, "_CPPv45splitRK5arrayRKNSt6vectorIiEEi14StreamOrDevice", "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, "_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, "_CPPv45zerosRKNSt6vectorIiEE14StreamOrDevice", "zeros"], [0, 0, 1, "_CPPv45zerosRKNSt6vectorIiEE5Dtype14StreamOrDevice", "zeros"], [0, 1, 1, "_CPPv45zerosRKNSt6vectorIiEE5Dtype14StreamOrDevice", "zeros::dtype"], [0, 1, 1, "_CPPv45zerosRKNSt6vectorIiEE14StreamOrDevice", "zeros::s"], [0, 1, 1, "_CPPv45zerosRKNSt6vectorIiEE5Dtype14StreamOrDevice", "zeros::s"], [0, 1, 1, "_CPPv45zerosRKNSt6vectorIiEE14StreamOrDevice", "zeros::shape"], [0, 1, 1, "_CPPv45zerosRKNSt6vectorIiEE5Dtype14StreamOrDevice", "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": [[9, 3, 1, "", "Device"], [10, 3, 1, "", "Dtype"], [11, 3, 1, "", "DtypeCategory"], [310, 3, 1, "", "Stream"], [12, 5, 1, "", "abs"], [13, 5, 1, "", "add"], [14, 5, 1, "", "addmm"], [15, 5, 1, "", "all"], [16, 5, 1, "", "allclose"], [17, 5, 1, "", "any"], [18, 5, 1, "", "arange"], [19, 5, 1, "", "arccos"], [20, 5, 1, "", "arccosh"], [21, 5, 1, "", "arcsin"], [22, 5, 1, "", "arcsinh"], [23, 5, 1, "", "arctan"], [24, 5, 1, "", "arctan2"], [25, 5, 1, "", "arctanh"], [26, 5, 1, "", "argmax"], [27, 5, 1, "", "argmin"], [28, 5, 1, "", "argpartition"], [29, 5, 1, "", "argsort"], [30, 3, 1, "", "array"], [82, 5, 1, "", "array_equal"], [83, 5, 1, "", "as_strided"], [84, 5, 1, "", "atleast_1d"], [85, 5, 1, "", "atleast_2d"], [86, 5, 1, "", "atleast_3d"], [87, 5, 1, "", "bitwise_and"], [88, 5, 1, "", "bitwise_or"], [89, 5, 1, "", "bitwise_xor"], [90, 5, 1, "", "block_masked_mm"], [91, 5, 1, "", "broadcast_to"], [92, 5, 1, "", "ceil"], [93, 5, 1, "", "clip"], [94, 5, 1, "", "compile"], [95, 5, 1, "", "concatenate"], [96, 5, 1, "", "conj"], [97, 5, 1, "", "conjugate"], [98, 5, 1, "", "conv1d"], [99, 5, 1, "", "conv2d"], [100, 5, 1, "", "conv3d"], [101, 5, 1, "", "conv_general"], [102, 5, 1, "", "conv_transpose1d"], [103, 5, 1, "", "conv_transpose2d"], [104, 5, 1, "", "conv_transpose3d"], [105, 5, 1, "", "convolve"], [106, 5, 1, "", "cos"], [107, 5, 1, "", "cosh"], [108, 5, 1, "", "cummax"], [109, 5, 1, "", "cummin"], [110, 5, 1, "", "cumprod"], [111, 5, 1, "", "cumsum"], [112, 3, 1, "", "custom_function"], [113, 5, 1, "", "default_device"], [114, 5, 1, "", "default_stream"], [115, 5, 1, "", "degrees"], [116, 5, 1, "", "dequantize"], [117, 5, 1, "", "diag"], [118, 5, 1, "", "diagonal"], [119, 5, 1, "", "disable_compile"], [128, 5, 1, "", "divide"], [129, 5, 1, "", "divmod"], [130, 5, 1, "", "einsum"], [131, 5, 1, "", "einsum_path"], [132, 5, 1, "", "enable_compile"], [133, 5, 1, "", "equal"], [134, 5, 1, "", "erf"], [135, 5, 1, "", "erfinv"], [136, 5, 1, "", "eval"], [137, 5, 1, "", "exp"], [138, 5, 1, "", "expand_dims"], [139, 5, 1, "", "expm1"], [140, 5, 1, "", "eye"], [159, 5, 1, "", "flatten"], [160, 5, 1, "", "floor"], [161, 5, 1, "", "floor_divide"], [162, 5, 1, "", "full"], [163, 5, 1, "", "gather_mm"], [164, 5, 1, "", "gather_qmm"], [165, 5, 1, "", "grad"], [166, 5, 1, "", "greater"], [167, 5, 1, "", "greater_equal"], [168, 5, 1, "", "hadamard_transform"], [169, 5, 1, "", "identity"], [170, 5, 1, "", "inner"], [171, 5, 1, "", "isclose"], [172, 5, 1, "", "isfinite"], [173, 5, 1, "", "isinf"], [174, 5, 1, "", "isnan"], [175, 5, 1, "", "isneginf"], [176, 5, 1, "", "isposinf"], [177, 5, 1, "", "issubdtype"], [178, 5, 1, "", "jvp"], [179, 5, 1, "", "left_shift"], [180, 5, 1, "", "less"], [181, 5, 1, "", "less_equal"], [190, 5, 1, "", "linspace"], [191, 5, 1, "", "load"], [192, 5, 1, "", "log"], [193, 5, 1, "", "log10"], [194, 5, 1, "", "log1p"], [195, 5, 1, "", "log2"], [196, 5, 1, "", "logaddexp"], [197, 5, 1, "", "logical_and"], [198, 5, 1, "", "logical_not"], [199, 5, 1, "", "logical_or"], [200, 5, 1, "", "logsumexp"], [201, 5, 1, "", "matmul"], [202, 5, 1, "", "max"], [203, 5, 1, "", "maximum"], [204, 5, 1, "", "mean"], [205, 5, 1, "", "meshgrid"], [217, 5, 1, "", "min"], [218, 5, 1, "", "minimum"], [219, 5, 1, "", "moveaxis"], [220, 5, 1, "", "multiply"], [221, 5, 1, "", "nan_to_num"], [222, 5, 1, "", "negative"], [223, 5, 1, "", "new_stream"], [224, 5, 1, "", "not_equal"], [225, 5, 1, "", "ones"], [226, 5, 1, "", "ones_like"], [227, 5, 1, "", "outer"], [228, 5, 1, "", "pad"], [229, 5, 1, "", "partition"], [230, 5, 1, "", "power"], [231, 5, 1, "", "prod"], [232, 5, 1, "", "put_along_axis"], [233, 5, 1, "", "quantize"], [234, 5, 1, "", "quantized_matmul"], [235, 5, 1, "", "radians"], [249, 5, 1, "", "reciprocal"], [250, 5, 1, "", "remainder"], [251, 5, 1, "", "repeat"], [252, 5, 1, "", "reshape"], [253, 5, 1, "", "right_shift"], [254, 5, 1, "", "roll"], [255, 5, 1, "", "round"], [256, 5, 1, "", "rsqrt"], [257, 5, 1, "", "save"], [258, 5, 1, "", "save_gguf"], [259, 5, 1, "", "save_safetensors"], [260, 5, 1, "", "savez"], [261, 5, 1, "", "savez_compressed"], [262, 5, 1, "", "set_default_device"], [263, 5, 1, "", "set_default_stream"], [264, 5, 1, "", "sigmoid"], [265, 5, 1, "", "sign"], [266, 5, 1, "", "sin"], [267, 5, 1, "", "sinh"], [268, 5, 1, "", "softmax"], [269, 5, 1, "", "sort"], [270, 5, 1, "", "split"], [271, 5, 1, "", "sqrt"], [272, 5, 1, "", "square"], [273, 5, 1, "", "squeeze"], [274, 5, 1, "", "stack"], [275, 5, 1, "", "std"], [276, 5, 1, "", "stop_gradient"], [277, 5, 1, "", "stream"], [278, 5, 1, "", "subtract"], [279, 5, 1, "", "sum"], [280, 5, 1, "", "swapaxes"], [281, 5, 1, "", "synchronize"], [282, 5, 1, "", "take"], [283, 5, 1, "", "take_along_axis"], [284, 5, 1, "", "tan"], [285, 5, 1, "", "tanh"], [286, 5, 1, "", "tensordot"], [287, 5, 1, "", "tile"], [288, 5, 1, "", "topk"], [289, 5, 1, "", "trace"], [290, 5, 1, "", "transpose"], [291, 5, 1, "", "tri"], [292, 5, 1, "", "tril"], [293, 5, 1, "", "triu"], [294, 5, 1, "", "value_and_grad"], [295, 5, 1, "", "var"], [296, 5, 1, "", "view"], [297, 5, 1, "", "vjp"], [298, 5, 1, "", "vmap"], [299, 5, 1, "", "where"], [300, 5, 1, "", "zeros"], [301, 5, 1, "", "zeros_like"]], "mlx.core.Device": [[9, 4, 1, "", "__init__"]], "mlx.core.Dtype": [[10, 4, 1, "", "__init__"]], "mlx.core.DtypeCategory": [[11, 4, 1, "", "__init__"]], "mlx.core.Stream": [[310, 4, 1, "", "__init__"]], "mlx.core.array": [[31, 6, 1, "", "T"], [30, 4, 1, "", "__init__"], [32, 4, 1, "", "abs"], [33, 4, 1, "", "all"], [34, 4, 1, "", "any"], [35, 4, 1, "", "argmax"], [36, 4, 1, "", "argmin"], [37, 4, 1, "", "astype"], [38, 6, 1, "", "at"], [39, 4, 1, "", "conj"], [40, 4, 1, "", "cos"], [41, 4, 1, "", "cummax"], [42, 4, 1, "", "cummin"], [43, 4, 1, "", "cumprod"], [44, 4, 1, "", "cumsum"], [45, 4, 1, "", "diag"], [46, 4, 1, "", "diagonal"], [47, 6, 1, "", "dtype"], [48, 4, 1, "", "exp"], [49, 4, 1, "", "flatten"], [50, 4, 1, "", "item"], [51, 6, 1, "", "itemsize"], [52, 4, 1, "", "log"], [53, 4, 1, "", "log10"], [54, 4, 1, "", "log1p"], [55, 4, 1, "", "log2"], [56, 4, 1, "", "logsumexp"], [57, 4, 1, "", "max"], [58, 4, 1, "", "mean"], [59, 4, 1, "", "min"], [60, 4, 1, "", "moveaxis"], [61, 6, 1, "", "nbytes"], [62, 6, 1, "", "ndim"], [63, 4, 1, "", "prod"], [64, 4, 1, "", "reciprocal"], [65, 4, 1, "", "reshape"], [66, 4, 1, "", "round"], [67, 4, 1, "", "rsqrt"], [68, 6, 1, "", "shape"], [69, 4, 1, "", "sin"], [70, 6, 1, "", "size"], [71, 4, 1, "", "split"], [72, 4, 1, "", "sqrt"], [73, 4, 1, "", "square"], [74, 4, 1, "", "squeeze"], [75, 4, 1, "", "std"], [76, 4, 1, "", "sum"], [77, 4, 1, "", "swapaxes"], [78, 4, 1, "", "tolist"], [79, 4, 1, "", "transpose"], [80, 4, 1, "", "var"], [81, 4, 1, "", "view"]], "mlx.core.custom_function": [[112, 4, 1, "", "__init__"]], "mlx.core.distributed": [[120, 3, 1, "", "Group"], [121, 5, 1, "", "all_gather"], [122, 5, 1, "", "all_sum"], [123, 5, 1, "", "init"], [124, 5, 1, "", "is_available"], [125, 5, 1, "", "recv"], [126, 5, 1, "", "recv_like"], [127, 5, 1, "", "send"]], "mlx.core.distributed.Group": [[120, 4, 1, "", "__init__"]], "mlx.core.fast": [[141, 5, 1, "", "affine_quantize"], [142, 5, 1, "", "layer_norm"], [143, 5, 1, "", "metal_kernel"], [144, 5, 1, "", "rms_norm"], [145, 5, 1, "", "rope"], [146, 5, 1, "", "scaled_dot_product_attention"]], "mlx.core.fft": [[147, 5, 1, "", "fft"], [148, 5, 1, "", "fft2"], [149, 5, 1, "", "fftn"], [150, 5, 1, "", "ifft"], [151, 5, 1, "", "ifft2"], [152, 5, 1, "", "ifftn"], [153, 5, 1, "", "irfft"], [154, 5, 1, "", "irfft2"], [155, 5, 1, "", "irfftn"], [156, 5, 1, "", "rfft"], [157, 5, 1, "", "rfft2"], [158, 5, 1, "", "rfftn"]], "mlx.core.linalg": [[182, 5, 1, "", "cholesky"], [183, 5, 1, "", "cholesky_inv"], [184, 5, 1, "", "cross"], [185, 5, 1, "", "inv"], [186, 5, 1, "", "norm"], [187, 5, 1, "", "qr"], [188, 5, 1, "", "svd"], [189, 5, 1, "", "tri_inv"]], "mlx.core.metal": [[206, 5, 1, "", "clear_cache"], [207, 5, 1, "", "device_info"], [208, 5, 1, "", "get_active_memory"], [209, 5, 1, "", "get_cache_memory"], [210, 5, 1, "", "get_peak_memory"], [211, 5, 1, "", "is_available"], [212, 5, 1, "", "reset_peak_memory"], [213, 5, 1, "", "set_cache_limit"], [214, 5, 1, "", "set_memory_limit"], [215, 5, 1, "", "start_capture"], [216, 5, 1, "", "stop_capture"]], "mlx.core.random": [[236, 5, 1, "", "bernoulli"], [237, 5, 1, "", "categorical"], [238, 5, 1, "", "gumbel"], [239, 5, 1, "", "key"], [240, 5, 1, "", "laplace"], [241, 5, 1, "", "multivariate_normal"], [242, 5, 1, "", "normal"], [243, 5, 1, "", "permutation"], [244, 5, 1, "", "randint"], [245, 5, 1, "", "seed"], [246, 5, 1, "", "split"], [247, 5, 1, "", "truncated_normal"], [248, 5, 1, "", "uniform"]], "mlx.nn": [[320, 3, 1, "", "ALiBi"], [321, 3, 1, "", "AvgPool1d"], [322, 3, 1, "", "AvgPool2d"], [323, 3, 1, "", "BatchNorm"], [324, 3, 1, "", "CELU"], [325, 3, 1, "", "Conv1d"], [326, 3, 1, "", "Conv2d"], [327, 3, 1, "", "Conv3d"], [328, 3, 1, "", "ConvTranspose1d"], [329, 3, 1, "", "ConvTranspose2d"], [330, 3, 1, "", "ConvTranspose3d"], [331, 3, 1, "", "Dropout"], [332, 3, 1, "", "Dropout2d"], [333, 3, 1, "", "Dropout3d"], [334, 3, 1, "", "ELU"], [335, 3, 1, "", "Embedding"], [336, 3, 1, "", "GELU"], [337, 3, 1, "", "GLU"], [338, 3, 1, "", "GRU"], [339, 3, 1, "", "GroupNorm"], [340, 3, 1, "", "HardShrink"], [341, 3, 1, "", "HardTanh"], [342, 3, 1, "", "Hardswish"], [343, 3, 1, "", "InstanceNorm"], [344, 3, 1, "", "LSTM"], [345, 3, 1, "", "LayerNorm"], [346, 3, 1, "", "LeakyReLU"], [347, 3, 1, "", "Linear"], [348, 3, 1, "", "LogSigmoid"], [349, 3, 1, "", "LogSoftmax"], [350, 3, 1, "", "MaxPool1d"], [351, 3, 1, "", "MaxPool2d"], [352, 3, 1, "", "Mish"], [447, 3, 1, "", "Module"], [373, 3, 1, "", "MultiHeadAttention"], [374, 3, 1, "", "PReLU"], [375, 3, 1, "", "QuantizedEmbedding"], [376, 3, 1, "", "QuantizedLinear"], [377, 3, 1, "", "RMSNorm"], [378, 3, 1, "", "RNN"], [379, 3, 1, "", "ReLU"], [380, 3, 1, "", "ReLU6"], [381, 3, 1, "", "RoPE"], [382, 3, 1, "", "SELU"], [383, 3, 1, "", "Sequential"], [384, 3, 1, "", "SiLU"], [385, 3, 1, "", "Sigmoid"], [386, 3, 1, "", "SinusoidalPositionalEncoding"], [387, 3, 1, "", "Softmax"], [388, 3, 1, "", "Softmin"], [389, 3, 1, "", "Softplus"], [390, 3, 1, "", "Softshrink"], [391, 3, 1, "", "Softsign"], [392, 3, 1, "", "Step"], [393, 3, 1, "", "Tanh"], [394, 3, 1, "", "Transformer"], [395, 3, 1, "", "Upsample"], [404, 3, 1, "", "celu"], [405, 3, 1, "", "elu"], [406, 3, 1, "", "gelu"], [407, 3, 1, "", "gelu_approx"], [408, 3, 1, "", "gelu_fast_approx"], [409, 3, 1, "", "glu"], [410, 3, 1, "", "hard_shrink"], [411, 3, 1, "", "hard_tanh"], [412, 3, 1, "", "hardswish"], [413, 3, 1, "", "leaky_relu"], [414, 3, 1, "", "log_sigmoid"], [415, 3, 1, "", "log_softmax"], [430, 3, 1, "", "mish"], [431, 3, 1, "", "prelu"], [302, 5, 1, "", "quantize"], [432, 3, 1, "", "relu"], [433, 3, 1, "", "relu6"], [434, 3, 1, "", "selu"], [435, 3, 1, "", "sigmoid"], [436, 3, 1, "", "silu"], [437, 3, 1, "", "softmax"], [438, 3, 1, "", "softmin"], [439, 3, 1, "", "softplus"], [440, 3, 1, "", "softshrink"], [441, 3, 1, "", "step"], [442, 3, 1, "", "tanh"], [303, 5, 1, "", "value_and_grad"]], "mlx.nn.Module": [[353, 4, 1, "", "apply"], [354, 4, 1, "", "apply_to_modules"], [355, 4, 1, "", "children"], [356, 4, 1, "", "eval"], [357, 4, 1, "", "filter_and_map"], [358, 4, 1, "", "freeze"], [359, 4, 1, "", "leaf_modules"], [360, 4, 1, "", "load_weights"], [361, 4, 1, "", "modules"], [362, 4, 1, "", "named_modules"], [363, 4, 1, "", "parameters"], [364, 4, 1, "", "save_weights"], [365, 4, 1, "", "set_dtype"], [366, 6, 1, "", "state"], [367, 4, 1, "", "train"], [368, 4, 1, "", "trainable_parameters"], [369, 6, 1, "", "training"], [370, 4, 1, "", "unfreeze"], [371, 4, 1, "", "update"], [372, 4, 1, "", "update_modules"]], "mlx.nn.init": [[396, 5, 1, "", "constant"], [397, 5, 1, "", "glorot_normal"], [398, 5, 1, "", "glorot_uniform"], [399, 5, 1, "", "he_normal"], [400, 5, 1, "", "he_uniform"], [401, 5, 1, "", "identity"], [402, 5, 1, "", "normal"], [403, 5, 1, "", "uniform"]], "mlx.nn.losses": [[416, 3, 1, "", "binary_cross_entropy"], [417, 3, 1, "", "cosine_similarity_loss"], [418, 3, 1, "", "cross_entropy"], [419, 3, 1, "", "gaussian_nll_loss"], [420, 3, 1, "", "hinge_loss"], [421, 3, 1, "", "huber_loss"], [422, 3, 1, "", "kl_div_loss"], [423, 3, 1, "", "l1_loss"], [424, 3, 1, "", "log_cosh_loss"], [425, 3, 1, "", "margin_ranking_loss"], [426, 3, 1, "", "mse_loss"], [427, 3, 1, "", "nll_loss"], [428, 3, 1, "", "smooth_l1_loss"], [429, 3, 1, "", "triplet_loss"]], "mlx.optimizers": [[450, 3, 1, "", "AdaDelta"], [451, 3, 1, "", "Adafactor"], [452, 3, 1, "", "Adagrad"], [453, 3, 1, "", "Adam"], [454, 3, 1, "", "AdamW"], [455, 3, 1, "", "Adamax"], [456, 3, 1, "", "Lion"], [469, 3, 1, "", "Optimizer"], [461, 3, 1, "", "RMSprop"], [462, 3, 1, "", "SGD"], [304, 5, 1, "", "clip_grad_norm"], [463, 5, 1, "", "cosine_decay"], [464, 5, 1, "", "exponential_decay"], [465, 5, 1, "", "join_schedules"], [466, 5, 1, "", "linear_schedule"], [467, 5, 1, "", "step_decay"]], "mlx.optimizers.Optimizer": [[457, 4, 1, "", "apply_gradients"], [458, 4, 1, "", "init"], [459, 6, 1, "", "state"], [460, 4, 1, "", "update"]], "mlx.utils": [[305, 5, 1, "", "tree_flatten"], [306, 5, 1, "", "tree_map"], [307, 5, 1, "", "tree_map_with_path"], [308, 5, 1, "", "tree_reduce"], [309, 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, 4, 5, 6, 47, 51, 62, 94, 114, 116, 141, 148, 149, 151, 152, 154, 155, 157, 158, 165, 183, 186, 188, 191, 204, 227, 233, 237, 255, 258, 259, 275, 277, 294, 295, 296, 298, 303, 319, 322, 338, 344, 351, 357, 358, 360, 364, 365, 366, 370, 378, 449, 458, 459, 471, 474, 476, 478, 479, 480, 481, 482], "0": [0, 1, 2, 4, 5, 6, 8, 9, 14, 18, 38, 45, 46, 49, 66, 71, 75, 80, 83, 95, 98, 99, 100, 101, 102, 103, 104, 117, 118, 140, 143, 146, 159, 163, 165, 185, 186, 187, 189, 206, 213, 221, 228, 236, 240, 242, 243, 248, 251, 255, 270, 274, 275, 289, 291, 292, 293, 294, 295, 298, 304, 305, 307, 308, 319, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 336, 339, 340, 343, 345, 346, 350, 351, 374, 379, 381, 386, 390, 392, 394, 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 407, 408, 410, 411, 412, 413, 416, 418, 420, 421, 425, 428, 429, 431, 432, 433, 434, 440, 441, 444, 447, 450, 451, 453, 454, 455, 456, 458, 461, 462, 463, 464, 465, 466, 467, 471, 474, 475, 476, 477, 478, 479, 480, 481], "00005": 4, "0001": 386, "0005": 407, "001": 451, "00364": 4, "01": [4, 346, 413, 454], "0137595": 399, "015": 408, "0184009": 400, "02264": 398, "025": 476, "02765": 399, "0300242": 400, "044715": [336, 407], "0485873": 418, "05": [16, 171, 323, 339, 343, 345, 377], "0507": 434, "05202": 5, "06": [419, 429, 450], "0638": 425, "06450": 345, "0645099": 402, "06561": 464, "06675": 456, "07467": 377, "08": [16, 171, 417, 452, 453, 454, 455, 461], "08022": 343, "081": 467, "08415": 408, "08494": 339, "08619": 400, "08681": [352, 430], "09864": 5, "0999938": 465, "0999961": 463, "0f": 0, "1": [0, 1, 2, 3, 5, 6, 14, 18, 28, 29, 38, 46, 49, 98, 99, 100, 101, 102, 103, 104, 117, 118, 139, 143, 146, 147, 148, 150, 151, 153, 154, 155, 156, 157, 158, 159, 168, 170, 177, 183, 184, 186, 187, 201, 205, 214, 227, 229, 233, 237, 240, 241, 242, 248, 264, 269, 282, 288, 289, 294, 304, 307, 308, 312, 319, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 336, 337, 338, 339, 343, 344, 345, 347, 350, 351, 374, 377, 378, 381, 385, 386, 392, 395, 397, 398, 399, 400, 401, 402, 403, 404, 405, 407, 408, 409, 411, 414, 415, 416, 417, 418, 419, 420, 421, 422, 424, 425, 427, 428, 429, 434, 435, 437, 438, 439, 441, 444, 447, 449, 450, 451, 452, 453, 454, 455, 456, 458, 461, 462, 463, 464, 465, 466, 467, 474, 475, 476, 477, 479, 480, 481, 482], "10": [0, 3, 5, 6, 193, 255, 260, 306, 319, 360, 444, 465, 467, 474, 475, 477], "100": [2, 4, 5, 416, 466, 474, 476, 478, 482], "1000": [463, 474], "10000": 381, "101": 466, "1024": [1, 5], "105361": 416, "109": 2, "10_000": 4, "10x": 456, "11": 186, "114": 2, "12": [5, 168, 465], "1212": 450, "12451": 398, "128": [260, 319], "13": 8, "14": 8, "15": [1, 8, 186, 308, 474], "150594": 397, "15268": 399, "16": [1, 143, 312, 321, 343, 350, 353, 447], "1606": 408, "1607": [343, 345], "16384": 168, "16506": 400, "17": 8, "177208": 399, "1803": 339, "1908": [352, 430], "1910": 377, "191107": 397, "1985": 186, "1_000": 4, "1d": [0, 98, 102, 105, 258, 283], "1e": [0, 4, 6, 16, 171, 323, 339, 343, 345, 346, 377, 417, 419, 429, 449, 450, 451, 452, 453, 454, 455, 458, 461, 463, 464, 465, 466, 467], "1e3": 474, "1st": 233, "2": [0, 1, 2, 4, 5, 6, 38, 99, 103, 117, 118, 134, 148, 151, 153, 154, 155, 156, 157, 158, 159, 168, 177, 182, 183, 184, 185, 186, 187, 188, 189, 195, 201, 233, 241, 246, 286, 289, 291, 292, 293, 304, 308, 312, 319, 321, 322, 326, 329, 336, 346, 350, 351, 377, 386, 395, 396, 397, 398, 399, 400, 401, 402, 403, 407, 418, 419, 421, 428, 429, 444, 447, 449, 450, 452, 453, 454, 458, 461, 474, 475, 476, 477, 478, 479, 480, 481, 482], "20": [168, 186], "200": [5, 465], "2002": 5, "2011": 452, "2012": [450, 461], "2015": [332, 453, 455], "2019": [5, 454], "2020": 5, "2021": 5, "20397": 416, "20_000": 5, "21": [5, 467], "2104": 5, "223144": 416, "223404": 398, "225": 186, "225763": 425, "2302": 456, "23607": [186, 187], "24": 8, "24264": 186, "247": 5, "25": [374, 395], "25211": 399, "256": [1, 2, 6, 143], "256995": 425, "28": 168, "2d": [0, 99, 103, 118, 233, 323, 332], "2nd": 233, "2x": 479, "3": [0, 1, 2, 5, 8, 100, 104, 159, 177, 184, 186, 187, 304, 308, 327, 330, 336, 395, 398, 400, 407, 412, 451, 456, 471, 474, 477, 479, 480], "30": 451, "3118": 479, "32": [1, 5, 6, 90, 233, 234, 312, 322, 351, 377, 474], "330": 5, "33333": 395, "348587": 418, "363207": 397, "36788": 474, "379159": 398, "380709": 402, "39": 5, "390": 476, "3d": [0, 2, 100, 104, 323, 333, 395], "3f": [2, 6, 474], "3x": 2, "4": [0, 1, 2, 5, 116, 141, 143, 159, 164, 186, 233, 234, 260, 302, 308, 312, 321, 322, 323, 343, 350, 351, 375, 376, 394, 395, 397, 398, 399, 416, 474, 475, 477, 480, 482], "4096": [474, 476, 482], "40x": 1, "41421": 186, "417497": 403, "42": 309, "437": 5, "44": 5, "447214": 187, "458835": 399, "475": 5, "48095": 397, "4d": [1, 395], "4m": 1, "5": [0, 1, 2, 4, 5, 8, 186, 214, 236, 308, 321, 323, 331, 332, 333, 336, 340, 343, 350, 390, 395, 396, 399, 400, 407, 410, 428, 440, 444, 449, 461, 463, 464, 474, 476, 477], "50": [0, 190], "500": [5, 482], "5000": 2, "510826": 416, "512": [2, 3, 5, 394, 482], "534422": 402, "539245": 416, "53947": 397, "55": 1, "5701": 450, "573409": 425, "57771": 187, "579": 5, "5f": 4, "6": [1, 2, 5, 186, 260, 380, 394, 398, 407, 408, 412, 419, 429, 433, 461, 474, 477, 480], "61278": 397, "617261": 403, "628": 5, "633": 5, "64": [0, 1, 90, 116, 141, 164, 233, 234, 302, 312, 375, 376], "64331": 400, "666329": 400, "66667": 395, "67326": 434, "676": 1, "690": 5, "6967": 399, "7": [2, 5, 186, 233, 477], "702": [336, 408], "71828": 474, "74166": 186, "74597": 186, "75": 395, "75596": 425, "75787": 399, "765166": 425, "773433": 425, "776856": 398, "793615": 400, "79854": 400, "7b": 5, "7m": 1, "8": [0, 1, 2, 5, 8, 186, 233, 312, 322, 343, 351, 394, 417, 450, 451, 452, 453, 454, 455, 461, 474, 477, 480, 482], "8192": [5, 168], "84804": 186, "863726": 403, "883935": 403, "890597": 398, "894427": 187, "89613": 397, "8gb": 5, "8x": 1, "9": [186, 418, 450, 453, 454, 455, 456, 458, 464, 467, 479], "90041": 398, "912766": 398, "916291": 416, "95": 6, "982273": 402, "99": [456, 461], "995016": 397, "999": [453, 454, 455], "A": [0, 2, 5, 7, 8, 9, 68, 82, 94, 142, 143, 144, 146, 165, 177, 178, 183, 186, 187, 188, 191, 200, 201, 202, 207, 217, 233, 236, 237, 238, 240, 241, 242, 243, 244, 247, 248, 270, 274, 277, 294, 297, 298, 302, 303, 304, 305, 306, 307, 308, 309, 310, 319, 323, 332, 338, 339, 343, 345, 357, 361, 362, 365, 371, 372, 377, 383, 386, 394, 397, 398, 400, 408, 429, 430, 447, 449, 453, 455, 457, 458, 460, 465, 474, 475, 476, 478, 479], "AS": 163, "And": [5, 395], "As": [6, 38, 282, 319, 474], "At": 93, "But": 482, "By": [5, 302, 365, 416, 476, 479], "For": [0, 1, 2, 5, 8, 38, 146, 163, 177, 186, 233, 309, 319, 323, 332, 336, 353, 358, 367, 370, 376, 381, 386, 395, 397, 398, 399, 400, 416, 444, 449, 471, 474, 475, 476, 477, 478, 479, 480, 481, 482], "If": [0, 1, 2, 5, 8, 15, 16, 17, 18, 26, 27, 28, 29, 78, 82, 83, 93, 95, 105, 108, 109, 110, 111, 117, 118, 121, 122, 123, 125, 126, 127, 136, 142, 145, 156, 157, 158, 161, 162, 165, 171, 182, 183, 184, 186, 191, 200, 201, 202, 204, 205, 213, 214, 217, 221, 225, 228, 229, 231, 232, 237, 241, 243, 251, 254, 268, 269, 270, 275, 279, 281, 282, 283, 286, 288, 289, 294, 295, 298, 300, 302, 306, 308, 323, 325, 326, 327, 328, 329, 330, 339, 345, 347, 358, 360, 370, 376, 378, 381, 383, 386, 395, 416, 418, 429, 451, 474, 475, 476, 478, 481, 482, 483], "In": [0, 1, 2, 5, 6, 38, 201, 233, 306, 319, 332, 339, 447, 450, 452, 453, 455, 456, 457, 473, 474, 475, 476, 478, 481, 482], "It": [2, 5, 8, 126, 165, 263, 294, 304, 308, 319, 372, 376, 457, 469, 479, 481], "Its": 319, "No": [2, 5], "Not": [94, 224, 474], "ON": [3, 8], "Of": 476, "On": [1, 474, 476, 478], "One": [147, 150, 156, 228, 256, 474, 476], "THE": 8, "That": 5, "The": [0, 1, 2, 3, 5, 6, 7, 8, 12, 13, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 37, 47, 51, 61, 62, 68, 78, 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, 115, 116, 117, 118, 121, 122, 123, 125, 126, 127, 128, 129, 130, 131, 133, 134, 135, 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, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 178, 179, 180, 181, 184, 186, 187, 188, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 209, 210, 213, 214, 215, 217, 218, 219, 220, 222, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 254, 258, 259, 264, 265, 266, 267, 268, 269, 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, 312, 314, 321, 322, 323, 325, 326, 327, 328, 329, 330, 331, 332, 333, 335, 337, 338, 339, 343, 344, 345, 347, 350, 351, 353, 354, 358, 360, 364, 365, 366, 367, 370, 371, 372, 373, 375, 376, 377, 378, 381, 383, 386, 392, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 409, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 441, 444, 447, 449, 450, 451, 452, 453, 454, 455, 456, 459, 461, 462, 463, 466, 469, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483], "Then": [4, 8], "There": [1, 2, 319, 395, 474], "These": [1, 2, 94, 232, 283, 418, 482], "To": [0, 2, 3, 4, 5, 6, 8, 213, 319, 444, 449, 474, 475, 476, 480], "With": 2, "_": [1, 3, 4, 5, 307, 319, 463, 464, 465, 466, 467, 471, 474, 478, 482], "__call__": [1, 5, 6, 319, 447], "__init__": [2, 5, 6, 9, 10, 11, 30, 112, 120, 310, 319, 447], "__main__": [2, 5], "__name__": [2, 5], "_a": 2, "_ext": 2, "_f": 186, "_in": [397, 398], "_out": [397, 398], "_p": 429, "_size": [321, 322, 350, 351], "_val": 411, "a1": 163, "a2": 163, "a_": 186, "a_max": [0, 93], "a_min": [0, 93], "a_ndim": 1, "a_shap": 1, "a_strid": 1, "a_view": 479, "ab": [0, 16, 171, 186, 294, 339, 343, 345, 352, 377, 408, 430, 474], "abil": 475, "abl": [2, 233], "about": [1, 2, 5, 6, 131, 207, 478, 482], "abov": [1, 2, 5, 233, 292, 319, 395, 454, 475, 476, 477, 478, 482], "absolut": [0, 12, 16, 171, 407, 408, 428], "acc": 308, "acceler": [2, 323], "access": [0, 5, 50, 319, 447, 458, 475, 478, 482], "accord": [0, 238, 299, 302, 373, 397, 398, 399, 400], "accordingli": 2, "accross": 8, "accumul": [308, 377], "accuraci": 6, "accustom": 5, "achiev": [319, 475], "across": [1, 2, 339, 475], "act": [2, 424], "action": 319, "activ": [2, 8, 208, 332, 392, 394, 410, 430, 440, 441, 443, 474], "actual": [5, 18, 360, 447, 478], "ad": [0, 1, 2, 4, 8, 142, 343, 447, 450, 451, 452, 453, 454, 455, 461, 475, 478, 481], "adadelta": 449, "adafactor": 449, "adagrad": 449, "adam": [449, 455, 456, 465, 466], "adamax": 449, "adamw": [449, 456], "adapt": [450, 451, 452, 475], "add": [0, 1, 2, 3, 5, 14, 38, 138, 196, 228, 233, 325, 326, 327, 328, 329, 330, 476, 482], "add_argu": 5, "add_depend": 2, "add_librari": 2, "addit": [0, 2, 5, 8, 13, 14, 142, 144, 146, 191, 323, 339, 345, 373, 377, 447, 476], "addmm": 0, "address": 2, "adjac": 332, "advanc": [5, 474], "advantag": 482, "advis": 479, "affin": [323, 339, 343, 345, 347, 376], "after": [2, 5, 6, 28, 159, 161, 164, 206, 229, 233, 323, 339, 345, 353, 354, 358, 360, 367, 370, 371, 372, 373, 394, 428, 474, 482], "after_1": 228, "after_2": 228, "after_i": 228, "after_n": 228, "afternoon": 5, "again": [5, 8, 319, 474], "against": 0, "aggreg": 373, "ago": 5, "ai": 112, "ainv": [185, 189], "albeit": 482, "algebra": 7, "algorithm": [395, 456], "alia": [96, 97, 336], "alibi": 319, "align": [183, 233, 322, 338, 344, 351], "align_corn": 395, "all": [0, 1, 2, 3, 6, 8, 16, 28, 38, 84, 85, 86, 94, 99, 100, 101, 103, 104, 112, 121, 122, 123, 140, 149, 152, 155, 158, 163, 164, 188, 201, 228, 229, 254, 273, 302, 319, 353, 354, 358, 361, 362, 363, 368, 370, 373, 386, 394, 395, 444, 447, 469, 471, 474, 477, 478, 480, 483], "all_avg": 475, "all_reduce_grad": 475, "all_sum": 475, "allclos": [0, 1, 143], "alloc": [2, 209, 213, 214, 447], "allow": [0, 1, 2, 177, 304, 319, 372, 447, 469, 475, 477, 480], "almost": 5, "alon": [2, 479], "along": [0, 2, 26, 27, 94, 95, 108, 109, 110, 111, 121, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 163, 164, 168, 184, 186, 232, 243, 251, 254, 268, 270, 274, 282, 283, 286, 287, 288, 289, 296, 319, 337, 378, 409], "alpha": [0, 2, 14, 233, 324, 334, 404, 405, 429, 431, 434, 454, 461], "alpha_": 2, "alreadi": [2, 3, 5, 475], "also": [0, 1, 2, 5, 6, 7, 8, 11, 13, 87, 88, 89, 119, 128, 129, 133, 149, 152, 155, 158, 166, 167, 179, 180, 181, 196, 203, 218, 220, 224, 230, 233, 250, 253, 278, 302, 303, 314, 319, 357, 371, 373, 375, 376, 384, 406, 434, 436, 443, 449, 474, 475, 476, 477, 478, 479, 480, 483], "altern": 471, "alwai": [1, 83, 208, 305, 476], "am": 5, "among": 2, "amount": [5, 210, 321, 350], "amus": 5, "an": [0, 1, 2, 3, 5, 6, 8, 10, 15, 17, 30, 84, 85, 86, 91, 98, 99, 100, 101, 102, 103, 104, 120, 125, 126, 127, 136, 140, 142, 146, 159, 162, 169, 172, 182, 186, 191, 214, 219, 225, 226, 228, 231, 232, 233, 234, 243, 251, 252, 254, 255, 270, 273, 280, 282, 283, 286, 287, 291, 298, 300, 301, 305, 306, 307, 308, 319, 321, 322, 331, 336, 339, 344, 345, 347, 350, 351, 353, 373, 374, 376, 378, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 407, 431, 444, 449, 450, 460, 464, 469, 471, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483], "anaconda": 475, "anchor": 429, "angl": [115, 235, 346], "angular": [145, 381], "ani": [0, 1, 2, 5, 7, 18, 94, 305, 306, 307, 308, 309, 319, 336, 353, 354, 357, 366, 376, 394, 395, 444, 466, 473, 474, 476, 478, 480, 481, 482], "anonym": 474, "anoth": [0, 93, 177, 201, 278, 299, 312, 319, 353, 474, 476, 477, 482], "anwywher": 8, "anyhow": 5, "anymor": 5, "anyth": [5, 294, 478], "anytim": 478, "api": [1, 2, 336, 475, 476], "app": 8, "append": [5, 201, 474, 478], "appl": [2, 5, 7, 8, 482], "appli": [0, 38, 145, 146, 163, 188, 306, 307, 308, 319, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 332, 333, 334, 336, 337, 339, 340, 341, 342, 343, 345, 346, 347, 348, 349, 350, 351, 352, 354, 367, 374, 376, 377, 378, 379, 380, 382, 384, 385, 387, 388, 389, 390, 391, 392, 393, 395, 404, 405, 406, 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, 444, 457, 460, 466, 469, 474, 475], "applic": [3, 8], "apply_fn": 354, "apply_gradi": 449, "apply_to_modul": [319, 358], "approach": [424, 476], "appropri": [2, 474], "approx": 336, "approxim": [16, 336, 406, 407, 408], "ar": [0, 1, 2, 4, 5, 6, 7, 8, 16, 18, 82, 90, 91, 93, 94, 101, 105, 112, 118, 125, 126, 136, 140, 143, 148, 149, 151, 152, 154, 155, 157, 158, 159, 164, 165, 171, 172, 173, 174, 175, 176, 177, 178, 186, 187, 191, 201, 214, 227, 228, 229, 233, 234, 236, 237, 238, 243, 244, 247, 248, 254, 260, 261, 273, 274, 282, 294, 297, 298, 302, 305, 306, 312, 323, 325, 326, 327, 328, 329, 330, 331, 332, 333, 339, 343, 345, 347, 360, 373, 376, 395, 416, 418, 419, 443, 447, 449, 456, 458, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482], "arang": [0, 1, 186, 243, 312, 395, 477, 479], "arbitrari": [305, 447], "arbitrarili": [1, 94, 319, 473, 476, 480], "arc": 0, "arcco": 0, "arccosh": 0, "architectur": [5, 8, 207, 319, 372, 482], "archiv": 481, "arcsin": 0, "arcsinh": 0, "arctan": 0, "arctan2": 0, "arctanh": 0, "arg": [2, 5, 10, 18, 120, 136, 260, 261], "arg1": 177, "arg2": 177, "argmax": [0, 6], "argmin": 0, "argnam": [165, 294], "argnum": [2, 165, 294, 476], "argpars": 5, "argpartit": 0, "argsort": 0, "argument": [1, 31, 65, 79, 94, 136, 165, 294, 306, 307, 308, 319, 395, 471, 475, 476, 481, 482, 483], "argumentpars": 5, "ari": [84, 85, 86], "aris": 479, "arm": 8, "arm64": 8, "around": 5, "arr": [0, 257, 477], "arr_0": 481, "arrai": [0, 1, 2, 5, 6, 7, 10, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 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, 115, 116, 117, 118, 121, 122, 125, 126, 127, 128, 129, 130, 131, 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, 217, 218, 219, 220, 221, 222, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 304, 319, 323, 344, 353, 360, 363, 368, 374, 395, 396, 397, 398, 399, 400, 401, 402, 403, 409, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 441, 444, 447, 450, 451, 452, 453, 454, 455, 456, 461, 462, 463, 464, 465, 466, 467, 474, 475, 476, 478, 479, 480, 482], "array_equ": [0, 16, 171], "arrayfir": 7, "arxiv": [5, 339, 343, 345, 352, 377, 408, 430, 450, 456], "as_strid": 0, "ask": [5, 475], "assert": [1, 2, 143], "assign": [0, 2, 38, 447], "associ": [2, 260, 261, 478], "assum": [0, 2, 5, 90, 184, 187, 306, 319, 321, 322, 339, 350, 351], "astyp": [0, 1, 2, 5, 143, 353, 479], "atleast": 0, "atleast_1d": 0, "atleast_2d": 0, "atleast_3d": 0, "atol": [0, 16, 171], "atom": [1, 143], "atomic_fetch_add_explicit": 1, "atomic_output": [1, 143], "attach": 2, "attempt": 94, "attend": 373, "attent": [146, 358, 373, 386, 394], "attention_norm": 5, "attribut": [1, 9, 10, 11, 30, 310, 366, 447, 469], "audio": 395, "auto": [0, 2, 8], "autom": 476, "automat": [1, 2, 7, 143, 191, 475, 480, 481, 482], "autoregress": 5, "avail": [2, 4, 5, 6, 8, 10, 124, 211, 314, 482], "averag": [321, 322, 450, 451, 453, 454, 455, 475], "avgpool1d": 319, "avgpool2d": 319, "avoid": [1, 2, 365, 474], "awai": [2, 5], "awar": [474, 478], "ax": [0, 2, 15, 17, 26, 27, 79, 112, 138, 148, 149, 151, 152, 154, 155, 157, 158, 159, 170, 186, 200, 202, 204, 217, 228, 231, 254, 268, 273, 275, 279, 280, 286, 290, 295, 476], "axes_a": 0, "axes_b": 0, "axi": [0, 2, 5, 6, 15, 17, 26, 27, 28, 29, 33, 34, 35, 36, 41, 42, 43, 44, 56, 57, 58, 59, 63, 71, 74, 75, 76, 80, 95, 108, 109, 110, 111, 118, 121, 138, 142, 144, 147, 150, 153, 154, 155, 156, 157, 158, 159, 168, 184, 186, 200, 202, 204, 217, 219, 228, 229, 231, 232, 237, 243, 251, 254, 268, 269, 270, 273, 274, 275, 279, 280, 282, 283, 287, 288, 289, 290, 295, 296, 298, 321, 322, 337, 350, 351, 378, 409, 415, 417, 418, 422, 427, 429, 437, 438, 477], "axis1": [0, 46, 77, 118, 280, 289], "axis2": [0, 46, 77, 118, 280, 289], "axpbi": 2, "axpby_": 2, "axpby_gener": 2, "axpby_general_": 2, "axpby_impl": 2, "axpby_impl_acceler": 2, "b": [0, 1, 2, 3, 5, 13, 14, 16, 24, 82, 87, 88, 89, 90, 128, 129, 133, 143, 161, 163, 166, 167, 170, 171, 179, 180, 181, 184, 186, 196, 197, 199, 201, 203, 218, 220, 224, 227, 230, 233, 240, 250, 253, 278, 286, 294, 307, 308, 337, 347, 378, 395, 409, 476, 477, 478, 479, 480, 481, 482], "b1": 163, "b2": 163, "b_": [338, 344], "b_stride": 1, "ba": [453, 455], "back": [5, 112, 211, 479], "backend": [1, 8, 123, 124], "backward": [1, 474, 476], "bad": 478, "balanc": 424, "baltimor": 186, "bandwidth": [474, 475], "bar": 475, "base": [0, 2, 145, 186, 193, 195, 230, 381, 394, 447, 449, 455, 469, 471, 474, 477], "base_idx": 1, "basi": 469, "basic": [4, 255, 476], "batch": [5, 14, 90, 163, 164, 201, 241, 323, 325, 326, 327, 328, 329, 330, 332, 333, 338, 344, 373, 378, 395, 478], "batch_idx": 1, "batch_iter": [6, 449], "batch_siz": [6, 449], "batchnorm": 319, "becaus": [5, 208, 319, 478], "been": [0, 2, 5, 209, 478], "befor": [1, 2, 5, 8, 28, 143, 229, 357, 394, 458, 475, 477, 478], "before_1": 228, "before_2": 228, "before_i": 228, "before_n": 228, "beforehand": 227, "beggin": 254, "begin": [83, 183, 210, 233, 322, 338, 344, 351, 392, 410, 421, 428, 434, 440, 441], "behav": 112, "behavior": [241, 424, 477, 478], "behaviour": [112, 182, 183], "behind": 476, "being": [276, 319], "bell": 2, "below": [2, 8, 186, 291, 293, 312, 395, 478], "bench": 2, "benchmark": [2, 474], "benefici": [332, 333, 478], "best": 475, "beta": [0, 2, 14, 116, 141, 233, 323, 339, 343, 345, 428, 449, 453, 454, 455, 456], "beta_": 2, "beta_1": [451, 453, 454, 455, 456], "beta_2": [453, 454, 455, 456], "better": [476, 482], "between": [0, 2, 7, 93, 159, 394, 417, 420, 421, 424, 465, 475, 478, 479, 482], "beyond": [254, 463, 466], "bfloat16": [2, 11, 168, 312, 479], "bfloat16_t": 2, "bia": [5, 116, 141, 142, 164, 233, 234, 306, 319, 325, 326, 327, 328, 329, 330, 338, 344, 345, 347, 358, 360, 370, 373, 376, 378, 453, 454, 455, 458, 476], "bias": [0, 116, 141, 164, 233, 234, 338, 344, 358, 370, 373], "bicub": 395, "big": [1, 474], "bigger": [5, 451], "bilinear": [1, 395], "binari": [191, 257, 258, 259, 260, 261, 296, 392, 416, 441, 474], "binary_cross_entropi": [319, 474], "bit": [0, 116, 141, 164, 179, 233, 234, 253, 302, 312, 353, 375, 376, 377], "bitwis": [0, 87, 88, 89, 179, 253], "bitwise_and": 0, "bitwise_or": 0, "bitwise_xor": 0, "block": [0, 2, 5, 90, 394], "block_masked_mm": 0, "block_siz": [0, 90], "bn": 323, "bodi": [1, 143], "bool": [0, 1, 2, 15, 16, 17, 26, 27, 33, 34, 35, 36, 41, 42, 43, 44, 56, 57, 58, 59, 63, 75, 76, 78, 80, 82, 94, 101, 108, 109, 110, 111, 123, 124, 143, 145, 164, 171, 177, 182, 183, 186, 189, 191, 200, 202, 204, 205, 211, 214, 217, 231, 234, 275, 279, 295, 323, 325, 326, 327, 328, 329, 330, 338, 339, 343, 344, 345, 347, 353, 357, 358, 360, 365, 367, 370, 373, 376, 378, 381, 386, 394, 395, 416, 419, 451, 462], "bool_": [11, 312], "boolean": [0, 16, 82, 171, 172, 173, 174, 175, 176, 177, 197, 198, 199, 312, 369, 477], "both": [1, 2, 13, 87, 88, 89, 128, 129, 133, 166, 167, 177, 179, 180, 181, 186, 196, 203, 218, 220, 224, 230, 237, 250, 253, 278, 302, 321, 322, 343, 344, 350, 351, 449, 474, 475, 476, 480, 482], "bottom": 395, "bound": [0, 244, 247, 248, 336, 403, 474, 477, 482], "boundari": 465, "bracket": 5, "brain": 312, "break": 479, "bregler": 332, "broadcast": [0, 2, 13, 16, 87, 88, 89, 91, 93, 128, 129, 133, 162, 166, 167, 171, 179, 180, 181, 196, 201, 203, 218, 220, 224, 230, 232, 236, 237, 241, 247, 248, 250, 253, 278, 283, 299, 373], "broadcast_arrai": [0, 2], "broadcast_to": 0, "broadcasted_input": 2, "brought": 7, "btl_tcp_link": 475, "buffer": [1, 2, 208, 479], "bui": 5, "build": [3, 5, 7, 399, 447, 474], "build_ext": [2, 8], "build_shared_lib": [2, 8], "built": [1, 2, 8, 478], "bundl": 5, "byte": [51, 61, 208, 209, 210, 213, 214, 312], "c": [0, 1, 2, 5, 14, 186, 321, 322, 323, 325, 326, 327, 328, 329, 330, 332, 333, 343, 344, 350, 351, 479, 480, 482], "c_": [344, 456], "c_in": [98, 99, 100, 101, 102, 103, 104], "c_j": [321, 322, 350, 351], "c_out": [98, 99, 100, 101, 102, 103, 104], "c_pad": 1, "c_t": [344, 456], "cach": [5, 8, 206, 208, 209, 213, 474], "cahc": 8, "calcul": [186, 416, 419, 425, 451], "call": [2, 3, 5, 6, 31, 126, 161, 206, 210, 319, 335, 358, 370, 375, 383, 447, 449, 458, 474, 475, 476, 478], "callabl": [94, 112, 143, 165, 178, 294, 297, 298, 302, 303, 305, 306, 307, 308, 353, 354, 357, 365, 378, 383, 394, 396, 397, 398, 399, 400, 401, 402, 403, 450, 451, 452, 453, 454, 455, 456, 461, 462, 463, 464, 465, 466, 467], "can": [1, 2, 3, 5, 7, 8, 13, 18, 65, 79, 83, 87, 88, 89, 94, 118, 119, 120, 128, 129, 133, 136, 166, 167, 179, 180, 181, 186, 196, 203, 218, 220, 224, 230, 236, 237, 244, 247, 248, 250, 253, 258, 278, 289, 294, 308, 319, 322, 335, 336, 351, 357, 370, 375, 383, 395, 418, 444, 447, 449, 457, 458, 471, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483], "cannot": [5, 93, 477, 479], "captur": [2, 3, 94, 215, 216, 319, 474], "care": [5, 478], "carri": 2, "cartesian": 205, "case": [2, 5, 121, 122, 123, 125, 126, 127, 149, 152, 153, 155, 156, 157, 158, 159, 182, 183, 184, 185, 187, 188, 189, 201, 252, 273, 322, 332, 351, 392, 410, 428, 434, 440, 441, 457, 458, 474, 476, 480, 481, 482, 483], "cast": [2, 37, 156, 157, 158, 191, 353, 365, 479], "caster": 2, "categor": 5, "categori": [11, 177, 312], "catlas_saxpbi": 2, "caus": [319, 474, 478], "causal": 5, "caution": 83, "cd": [3, 8], "cdf": [238, 336, 406], "cdot": [408, 417, 420, 436], "ceil": 0, "ceildiv": 1, "cell": 344, "celu": 319, "certain": [2, 367, 474], "chang": [83, 94, 263, 296, 371, 376, 395, 421, 428, 474, 479], "channel": [1, 98, 99, 100, 101, 102, 103, 104, 323, 325, 326, 327, 328, 329, 330, 332, 333], "channel_idx": 1, "charact": 305, "check": [0, 2, 8, 82, 124, 177, 211, 360, 476, 477], "checklist": 475, "checkout": [3, 474], "checkpoint": [394, 449], "chen": 456, "child": 372, "children": 319, "chip": 8, "choleski": 183, "choos": [5, 145, 381], "chosen": 131, "clamp": 159, "clang": 8, "clariti": 476, "class": [2, 5, 6, 9, 10, 11, 30, 112, 120, 310, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337, 338, 339, 340, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 373, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 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, 447, 450, 451, 452, 453, 454, 455, 456, 461, 462, 469], "class_pred": 302, "classif": [399, 400], "classifi": 6, "classmethod": [375, 376], "clear": 206, "click": 8, "clip": [0, 304, 416, 451], "clip_threshold": 451, "clipped_grad": 304, "clone": 8, "close": [4, 7, 8, 16, 171], "closer": 306, "cmake": [3, 8], "cmake_arg": 3, "cmake_build_parallel_level": 8, "cmake_build_typ": 8, "cmake_current_list_dir": 2, "cmake_host_system_processor": 8, "cmake_library_output_directori": 2, "cmakebuild": 2, "cmakeextens": 2, "cmakelist": 2, "cmdclass": 2, "co": [0, 2, 112, 386, 476], "code": [1, 143, 474, 475, 478], "coeffici": [2, 450, 451, 453, 454, 455, 456], "col": 291, "col_contigu": 2, "cold": 8, "collect": [2, 306, 307, 473], "column": [2, 140, 169, 233], "com": [8, 475], "combin": [5, 188, 308], "come": [2, 5, 475, 476], "command": [2, 3, 8, 475], "command_buff": 2, "common": [2, 449, 474, 478], "commonli": [6, 371, 444, 474], "commun": [7, 120, 123, 124], "compar": [2, 82, 474], "comparison": [16, 133, 166, 167, 180, 181, 224], "compat": [5, 237, 241, 336, 481], "compil": [0, 3, 7, 8, 119, 132, 143, 475, 476, 478], "compiled_fun": 474, "compiled_grad_fn": 474, "complet": [4, 5, 8, 214, 371, 372, 476, 482], "complex": [2, 96, 97, 154, 155, 156, 157, 158, 305, 312, 319, 372, 474, 476], "complex64": [2, 11, 312], "complex64_t": 2, "complexflo": 11, "compon": [2, 5], "compos": [7, 319, 474, 476, 480], "composit": 480, "compress": 261, "compromis": 5, "comput": [0, 1, 2, 4, 5, 6, 7, 8, 108, 109, 110, 111, 112, 116, 131, 139, 141, 145, 165, 178, 182, 183, 184, 185, 186, 189, 196, 204, 227, 233, 250, 268, 275, 276, 286, 294, 295, 297, 303, 319, 323, 338, 339, 343, 344, 345, 358, 371, 376, 377, 381, 394, 397, 398, 399, 400, 407, 408, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 449, 450, 451, 453, 454, 455, 456, 460, 474, 475, 476, 480, 482], "computation": 478, "compute_encod": 2, "concaten": [0, 5, 121], "concept": 447, "concis": 5, "concret": [2, 338, 344, 347, 378, 478, 482], "conda": [8, 475], "condit": [0, 2, 299, 482], "config": [2, 475], "configu": 449, "configur": [116, 141, 475], "confirm": 475, "confus": 6, "conj": 97, "conjug": [0, 96], "connect": 475, "consecut": [145, 233, 381], "consequ": 5, "consid": [5, 16, 82, 171, 305, 306, 307, 339, 473], "consider": 474, "const": [0, 1, 2, 419], "constant": [0, 2, 5, 8, 142, 144, 228, 319, 323, 339, 345, 377, 419, 429, 461, 463, 474, 479], "constant_valu": 228, "constitut": 306, "construct": [0, 2, 6, 45, 117, 162, 225, 287, 300], "consum": 478, "contain": [2, 5, 8, 28, 29, 68, 94, 118, 131, 153, 154, 155, 163, 164, 186, 197, 198, 199, 233, 270, 299, 304, 319, 357, 359, 360, 366, 394, 425, 444, 447, 474, 475, 476], "content": [8, 357, 474], "context": 277, "contigu": [1, 2, 83, 143], "continu": [324, 404, 476], "contract": [0, 131], "contrast": 454, "contribut": 2, "contriv": [476, 482], "control": [0, 346, 471, 478], "conv": 105, "conv1d": [0, 319], "conv2d": [0, 319], "conv3d": [0, 319], "conv_gener": 0, "conv_transpose1d": 0, "conv_transpose2d": 0, "conv_transpose3d": 0, "conveni": [1, 2, 6, 177], "convent": [18, 105, 130, 131, 395, 454], "convers": 7, "convert": [0, 1, 2, 78, 84, 85, 86, 115, 159, 235, 375, 376, 478, 479, 480], "convolut": [0, 98, 99, 100, 101, 102, 103, 104, 105, 325, 326, 327, 328, 329, 330, 332, 333], "convolv": [98, 99, 100, 101, 102, 103, 104], "convtranspose1d": 319, "convtranspose2d": 319, "convtranspose3d": 319, "coordin": [0, 205], "copi": [0, 1, 2, 5, 7, 229, 269, 479], "copy_inplac": 2, "copytyp": 2, "core": [1, 2, 3, 4, 5, 6, 302, 319, 321, 322, 323, 343, 350, 351, 360, 363, 365, 368, 395, 396, 397, 398, 399, 400, 401, 402, 403, 416, 418, 425, 444, 447, 449, 474, 475, 479, 480], "corner": 395, "correct": [2, 8, 453, 454, 455, 477, 478], "correctli": 38, "correl": [101, 332], "correspond": [0, 2, 15, 17, 78, 93, 116, 118, 141, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 200, 202, 217, 231, 279, 286, 298, 306, 476], "cos_first": 386, "cosh": [0, 424], "cosin": [0, 19, 20, 106, 107, 417, 463, 465, 476], "cosine_decai": [449, 465], "cosine_similarity_loss": 319, "cost": [8, 451, 475, 478], "costli": 478, "cot": 1, "cot_index": 1, "cotan": [2, 112], "cotang": [1, 2, 112, 297], "could": [5, 319], "count": [319, 465], "counter": 471, "cours": 476, "coursera": 461, "cov": 241, "covari": [241, 323], "cover": 2, "cpp": 2, "cpu": [7, 8, 187, 474, 482], "cpython": 2, "crash": [83, 474], "creat": [0, 2, 5, 8, 83, 123, 140, 169, 277, 319, 447, 449, 465, 474, 477, 479], "create_additive_causal_mask": 5, "criteria": 2, "cross": [6, 101, 416, 418], "cross_entropi": [6, 319], "crowd": 5, "cry": 5, "cubic": 395, "cummax": 0, "cummin": 0, "cumprod": 0, "cumsum": 0, "cumul": [0, 83, 108, 109, 110, 111], "current": [5, 7, 8, 83, 90, 100, 103, 104, 127, 207, 209, 233, 308, 319, 451, 475, 478], "custom": [7, 112, 143, 394], "custom_decod": 394, "custom_encod": 394, "custom_funct": 1, "custom_kernel_myexp_float": 1, "custom_tim": 2, "cvpr": 332, "cycl": 473, "d": [0, 1, 2, 5, 100, 104, 117, 118, 170, 186, 201, 205, 227, 282, 289, 291, 292, 293, 309, 327, 330, 333, 338, 344, 378, 450, 453, 455, 482], "d1": 482, "d2": 482, "d2fdx2": 476, "d_i": 347, "dampen": 462, "darwin": 2, "data": [0, 2, 6, 7, 10, 18, 125, 140, 156, 157, 162, 169, 190, 221, 225, 247, 289, 291, 296, 300, 333, 396, 397, 398, 399, 400, 401, 402, 403, 474, 475, 477, 479], "dataset": [4, 475, 478], "datatyp": 51, "dbuild_shared_lib": 8, "dcmake_build_typ": 8, "ddof": [0, 75, 80, 275, 295], "deal": 474, "debug": [1, 3, 475], "debugg": 7, "decai": [451, 454, 456, 462, 463, 464, 467], "decay_r": [451, 464, 467], "decay_step": 463, "decent": 6, "decid": [306, 357], "decim": [0, 66, 255], "declar": 2, "decltyp": 1, "decod": 394, "decomposit": [182, 183, 188], "decor": [1, 112], "decoupl": 454, "deep": [323, 397, 398, 399, 400], "def": [1, 2, 4, 5, 6, 112, 143, 294, 319, 447, 474, 475, 476, 477, 478, 479, 482], "default": [1, 2, 8, 14, 15, 16, 17, 18, 26, 27, 28, 29, 82, 83, 90, 94, 95, 98, 99, 100, 101, 102, 103, 104, 112, 113, 114, 116, 117, 118, 121, 122, 123, 125, 126, 127, 140, 141, 143, 145, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 163, 164, 165, 168, 169, 171, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 200, 202, 204, 205, 213, 214, 217, 221, 225, 228, 229, 231, 233, 234, 236, 237, 238, 240, 241, 242, 243, 244, 246, 247, 248, 251, 252, 255, 262, 263, 269, 270, 273, 274, 275, 277, 279, 281, 286, 288, 289, 290, 291, 292, 293, 294, 295, 298, 300, 302, 312, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 334, 337, 338, 340, 343, 344, 346, 347, 350, 351, 353, 358, 360, 365, 367, 370, 373, 374, 375, 376, 378, 381, 386, 390, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 409, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 447, 450, 451, 452, 453, 454, 455, 456, 461, 462, 463, 471, 473, 474, 476, 479, 481, 483], "default_devic": 483, "default_stream": 483, "defin": [1, 2, 4, 5, 6, 8, 112, 126, 143, 164, 184, 186, 234, 302, 305, 479], "definit": [112, 182, 183, 241], "degre": [0, 235, 429], "delta": [421, 450], "delv": [399, 400], "demonstr": 479, "denomin": [343, 417, 450, 452, 453, 454, 455, 461], "dens": [205, 482], "depend": [0, 2, 3, 4, 8, 78, 186, 338, 344, 378, 475, 477, 481, 482], "depth": [305, 327, 330, 333, 476], "dequant": [0, 233], "deriv": [2, 476, 478], "descend": 355, "descent": [462, 474, 478], "describ": [2, 478], "descript": [2, 5, 312], "design": [1, 4, 7, 471, 482], "destin": [0, 2, 60, 127, 219, 232], "destroi": 474, "detach": 476, "detail": [1, 2, 10, 213, 319, 332, 381, 386, 395, 397, 398, 399, 400, 450, 452, 453, 455, 456, 477, 480], "determin": [0, 2, 118, 241, 308, 312, 364, 481], "dev": [2, 8], "develop": [2, 8], "developer_dir": 8, "deviat": [0, 242, 275, 397, 399, 402], "deviatoin": 0, "devic": [1, 2, 7, 8, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 32, 33, 34, 35, 36, 37, 39, 40, 41, 42, 43, 44, 45, 46, 48, 49, 52, 53, 54, 55, 56, 57, 58, 59, 60, 63, 64, 65, 66, 67, 69, 71, 72, 73, 74, 75, 76, 77, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 113, 114, 115, 116, 117, 118, 121, 122, 125, 126, 127, 128, 129, 130, 133, 134, 135, 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, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 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, 207, 214, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 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, 295, 296, 299, 300, 301, 310, 482, 483], "devicetyp": 9, "df": 479, "dfdx": [476, 477], "dft": [147, 148, 149, 150, 151, 152, 156, 157, 158], "dhwc": 333, "diag": [0, 188], "diagon": [0, 45, 117, 140, 289, 291, 292, 293], "dict": [94, 136, 191, 207, 258, 259, 260, 304, 363, 368, 371, 372, 447, 449, 457, 458, 460, 473, 476, 481], "dict_kei": [306, 458], "dictionari": [5, 94, 191, 207, 258, 259, 304, 305, 308, 319, 357, 366, 371, 372, 459, 473, 481], "did": 5, "diff": 2, "differ": [7, 177, 278, 296, 428, 476], "differenti": [1, 2, 7, 324, 404], "difficult": 476, "difficulti": [397, 398], "dilat": [0, 98, 99, 100, 101, 102, 103, 104, 325, 326, 328, 329], "dim": [1, 5, 145, 146, 335, 339, 343, 345, 373, 375, 377, 381, 386, 394], "dimens": [0, 2, 5, 15, 17, 26, 27, 62, 68, 78, 84, 85, 86, 94, 99, 100, 101, 103, 104, 118, 138, 145, 154, 155, 157, 158, 159, 163, 164, 170, 182, 183, 185, 186, 187, 188, 189, 200, 201, 202, 204, 217, 231, 232, 233, 237, 246, 275, 279, 283, 286, 290, 295, 323, 325, 326, 327, 328, 329, 330, 332, 333, 337, 338, 339, 343, 344, 345, 373, 377, 378, 381, 394, 395, 409, 418, 474, 476], "dimension": [30, 142, 144, 147, 148, 149, 150, 151, 152, 156, 157, 158, 321, 322, 323, 325, 326, 327, 328, 329, 330, 335, 347, 350, 351, 375, 376, 386, 477, 479], "direct": [2, 5, 355, 456, 482], "directli": [2, 5, 83], "directori": [2, 5, 8], "disabl": [119, 213, 474], "disable_compil": 474, "disappoint": 5, "discard": [5, 305], "discov": 8, "discoveri": 456, "discret": [105, 147, 148, 149, 150, 151, 152, 156, 157, 158, 335, 375], "discuss": 2, "disk": 5, "dispatch": 2, "dispatchthread": 2, "displai": 319, "distanc": [5, 429], "distribut": [7, 8, 236, 237, 238, 240, 241, 242, 247, 248, 347, 397, 398, 399, 400, 402, 403, 419, 422, 427, 429, 444], "diverg": 422, "divid": [0, 2, 38, 161, 233, 250, 475], "divis": [0, 128, 161, 233, 250], "divisor": [275, 295], "divmod": 0, "dloss_dw": 476, "dloss_dx": 476, "dlpack": 479, "dlvalu": 294, "dmlx_build_cpu": 8, "dmlx_build_gguf": 8, "dmlx_build_safetensor": 8, "dmlx_metal_debug": 3, "dmlx_metal_jit": 8, "do": [0, 2, 5, 8, 296, 319, 359, 370, 444, 447, 454, 474, 475, 476, 478], "doc": [2, 6, 475], "document": [2, 3, 65, 79, 258, 259, 312, 474, 476, 477], "doe": [0, 2, 3, 5, 8, 208, 296, 304, 319, 474, 477, 478, 479], "doesn": [2, 319], "domain": [247, 475], "don": [1, 8, 474, 482], "done": [319, 331, 377, 474, 475, 478, 479], "dot": [182, 185, 189, 286, 305, 362, 373], "doubl": [0, 5], "doubt": 5, "down": [5, 304], "dparam": 294, "draw": 237, "drop": 357, "dropout": [319, 332, 333, 367, 394, 474], "dropout2d": 319, "dropout3d": 319, "dst": 127, "dt": 134, "dtype": [0, 1, 2, 5, 11, 18, 30, 37, 38, 78, 81, 125, 126, 140, 143, 159, 162, 169, 177, 186, 187, 190, 225, 238, 240, 241, 242, 244, 247, 248, 289, 291, 296, 300, 312, 365, 395, 396, 397, 398, 399, 400, 401, 402, 403, 416, 418, 425, 463, 464, 465, 466, 467, 474, 475, 476, 477, 479, 480, 481], "dtypecategori": [177, 312], "dual": 424, "duchi": 452, "dure": [3, 94, 331, 332, 333, 395, 479], "dx": 112, "dy": 112, "dyld": 475, "dyld_library_path": 475, "dylib": 2, "dynam": 478, "e": [2, 6, 8, 112, 134, 143, 163, 164, 178, 264, 323, 325, 326, 327, 328, 329, 330, 332, 333, 339, 343, 345, 358, 377, 414, 415, 437, 438, 443, 449, 452, 474, 478, 483], "e5": 312, "e8": 312, "each": [0, 1, 2, 68, 116, 136, 141, 145, 164, 177, 182, 183, 185, 188, 189, 201, 205, 228, 233, 234, 237, 251, 260, 261, 270, 287, 290, 296, 298, 299, 332, 333, 335, 338, 339, 344, 378, 381, 394, 416, 418, 471, 474, 475, 478], "eager": 478, "earli": 332, "earlier": 2, "eas": 5, "easi": [2, 319, 475], "easier": [1, 478], "edg": [93, 228, 395, 474], "edit": [8, 372], "effect": [332, 474, 478], "effici": [5, 7, 163, 332, 381, 478, 480], "einstein": [130, 131], "einsum": 131, "either": [8, 13, 65, 78, 79, 87, 88, 89, 93, 128, 129, 133, 161, 166, 167, 179, 180, 181, 186, 196, 201, 203, 218, 220, 224, 230, 250, 253, 278, 294, 322, 351, 383, 395, 399, 400, 479], "elem": [1, 143], "elem_to_loc": [1, 2], "element": [0, 1, 2, 12, 13, 19, 20, 21, 22, 23, 24, 25, 28, 70, 83, 87, 88, 89, 92, 106, 107, 108, 109, 110, 111, 116, 128, 129, 133, 134, 135, 137, 139, 140, 141, 160, 161, 164, 166, 167, 171, 172, 173, 174, 175, 176, 179, 180, 181, 192, 193, 194, 195, 196, 197, 198, 199, 203, 205, 218, 220, 222, 224, 229, 230, 233, 234, 249, 250, 251, 253, 254, 256, 264, 265, 266, 267, 271, 272, 278, 282, 284, 285, 288, 294, 296, 299, 324, 331, 332, 333, 338, 342, 344, 352, 374, 378, 381, 385, 404, 411, 412, 414, 415, 430, 431, 433, 436, 437, 438, 439, 474, 476], "elementwis": [1, 96, 97], "elif": 5, "ellipsi": 477, "elman": 378, "els": [0, 2, 5, 319, 358, 475, 478], "elsewher": [291, 477], "elu": [319, 434], "emb": [5, 335, 375, 386], "embed": [5, 302, 319, 375, 381, 386, 417], "empti": [127, 241], "enabl": [3, 5, 8, 94, 132, 462], "encod": [2, 145, 381, 386, 394, 418], "encount": [2, 476], "end": [118, 183, 211, 233, 254, 322, 338, 344, 351, 392, 410, 421, 428, 434, 440, 441, 463, 466], "end_axi": [0, 49, 159], "end_encod": 2, "endif": 2, "endswith": 358, "enhanc": [5, 381, 478], "enjoi": 2, "enough": [2, 478], "ensur": [0, 1, 2, 8, 143, 304, 424, 475], "ensure_row_contigu": [1, 143], "enter": 5, "entir": [15, 17, 26, 27, 200, 202, 204, 217, 231, 275, 279, 295, 332, 333], "entri": [0, 243, 332, 333], "entropi": [6, 416, 418], "enumer": 319, "environ": [8, 119, 132, 475], "ep": [4, 142, 144, 323, 339, 343, 345, 377, 417, 419, 429, 449, 450, 451, 452, 453, 454, 455, 461], "epoch": 6, "epsilon": [323, 339, 343, 345, 377, 417, 419, 450, 452, 453, 454, 455, 461], "epsilon_1": 451, "epsilon_2": 451, "equal": [0, 16, 28, 82, 140, 167, 171, 181, 224, 229, 244, 270, 343, 347], "equal_nan": [0, 16, 82, 171], "equat": [130, 131], "equival": [0, 2, 31, 65, 79, 126, 129, 161, 164, 168, 282, 324, 334, 336, 340, 341, 342, 348, 349, 372, 374, 376, 379, 380, 382, 384, 387, 388, 389, 390, 391, 393], "erf": [0, 135, 474], "erfinv": 0, "error": [0, 2, 8, 123, 134, 135, 214, 270, 336, 406, 407, 408, 424, 426, 476, 479], "error_norm": 4, "estim": [453, 455], "eta": 456, "etc": [2, 233, 319, 395, 475], "eval": [2, 3, 4, 5, 6, 319, 447, 449, 474, 475, 476, 478, 480], "eval_cpu": 2, "eval_fn": 6, "eval_gpu": 2, "evalu": [2, 5, 6, 7, 127, 136, 178, 297, 319, 356, 367, 447, 449, 474, 480], "even": [1, 2, 5, 94, 474, 478, 479], "evenli": [0, 190], "everi": [233, 306, 449, 467, 476], "everyth": [5, 475], "everywher": 0, "exact": [407, 408], "exactli": [2, 5, 145, 360, 476], "exampl": [0, 3, 4, 5, 6, 8, 18, 38, 112, 143, 159, 177, 186, 187, 277, 282, 304, 307, 308, 319, 321, 322, 323, 343, 350, 351, 358, 360, 367, 370, 395, 396, 397, 398, 399, 400, 401, 402, 403, 416, 418, 425, 444, 449, 458, 463, 464, 465, 466, 467, 471, 476, 477, 478, 479, 480, 481], "exce": 304, "exceed": 214, "except": [7, 140, 153, 154, 156, 157, 158, 339, 360, 477, 479], "exclud": [232, 283], "exclus": [0, 83, 89], "execut": [2, 8, 84, 85, 86, 210, 479, 482], "exist": [2, 3, 5, 358, 370], "exp": [0, 1, 139, 143, 196, 200, 238, 268, 324, 334, 385, 404, 405, 422, 434, 435, 439, 474, 482], "exp_elementwis": [1, 143], "expand_dim": 0, "expect": [2, 5, 325, 326, 327, 328, 329, 330, 331, 332, 333, 386, 394, 419, 474, 477], "expens": 394, "expensive_fun": 478, "experiment": 479, "explain": 2, "explicit": [2, 458, 471, 479], "explicitli": [163, 319, 471], "explor": 8, "expm1": 0, "exponenti": [0, 137, 139, 324, 334, 382, 404, 405, 434, 464], "exponential_decai": 449, "export": 8, "ext_modul": 2, "extend": [2, 228], "extens": [7, 191, 215, 364, 481], "extern": 479, "extra": [1, 306, 307], "extract": [0, 5, 45, 117, 118, 319, 357, 447, 475], "extras_requir": 2, "extrem": [477, 478], "ey": [0, 5, 185, 189], "f": [0, 2, 4, 6, 112, 186, 319, 344, 454, 474, 479], "f_jvp": 112, "f_t": 344, "f_vjp": 112, "f_vmap": 112, "face": 5, "factor": [2, 14, 168, 182, 183, 187, 395, 418, 464, 467], "fall": [2, 112], "fallback": 2, "fals": [0, 1, 2, 5, 15, 16, 17, 26, 27, 33, 34, 35, 36, 41, 42, 43, 44, 56, 57, 58, 59, 63, 75, 76, 80, 82, 94, 101, 108, 109, 110, 111, 123, 143, 171, 177, 182, 183, 186, 189, 191, 200, 202, 204, 205, 214, 217, 231, 275, 279, 295, 299, 302, 305, 306, 307, 308, 312, 339, 343, 345, 347, 358, 360, 370, 373, 376, 381, 386, 394, 395, 416, 419, 451, 462, 479], "famili": 5, "fan": [397, 398, 399, 400], "fan_in": [397, 398, 399, 400], "fan_out": [397, 398, 399, 400], "far": 449, "fast": [1, 7, 336, 408, 475, 482], "faster": [1, 2, 8, 129, 406, 416, 474, 476], "featur": [1, 7, 98, 99, 100, 101, 102, 103, 104, 145, 323, 338, 339, 343, 344, 345, 347, 376, 377, 378, 381, 394, 395, 474, 478], "feed": 5, "feed_forward": 5, "feedforward": [397, 398], "feel": 5, "fetch": 1, "few": [1, 2, 5, 6, 7, 8, 475, 478, 480], "ffn": 5, "ffn_norm": 5, "fft": 7, "figur": 475, "file": [5, 8, 191, 257, 258, 259, 260, 261, 360, 364, 475, 476, 481], "file_or_weight": 360, "fill": [0, 2, 162, 226, 291, 301, 396, 397, 398, 399, 400, 402, 403], "filter": [0, 105, 325, 326, 327, 328, 329, 330, 353, 357], "filter_and_map": 319, "filter_fn": [353, 357], "final": [2, 4, 5, 6, 168, 463, 466], "find": [2, 4, 8, 475], "find_packag": 2, "finder": 8, "fine": [471, 478], "finetun": 319, "finish": 2, "finit": [0, 172, 221], "first": [0, 1, 2, 3, 4, 5, 6, 8, 118, 121, 159, 165, 177, 179, 188, 197, 199, 201, 229, 246, 253, 280, 286, 289, 294, 305, 307, 308, 319, 322, 339, 351, 395, 417, 425, 451, 453, 454, 455, 458, 474, 476, 479, 482], "first_lay": 478, "fit": [2, 233, 482], "five": 474, "fix": [2, 5, 8, 478], "flag": [2, 8, 474, 479], "flat": [163, 164, 305, 309], "flat_param": 260, "flatten": [0, 28, 29, 108, 109, 110, 111, 186, 227, 229, 232, 251, 254, 269, 282, 283, 288, 305], "flexibl": 7, "flexibli": 372, "flip": [0, 101, 105], "float": [0, 1, 2, 11, 14, 16, 18, 78, 142, 143, 144, 145, 146, 161, 162, 168, 171, 177, 186, 221, 234, 236, 240, 242, 304, 312, 323, 331, 332, 333, 339, 343, 345, 353, 365, 377, 381, 386, 392, 394, 395, 396, 397, 398, 399, 400, 402, 403, 417, 418, 419, 421, 425, 428, 429, 440, 441, 450, 451, 452, 453, 454, 455, 456, 461, 462, 463, 464, 466, 467], "float16": [1, 2, 11, 143, 168, 191, 312, 353, 478, 479], "float16_t": [1, 2], "float32": [0, 1, 2, 11, 18, 140, 143, 146, 168, 169, 177, 186, 187, 190, 225, 238, 240, 241, 242, 247, 248, 291, 300, 312, 395, 396, 397, 398, 399, 400, 401, 402, 403, 416, 418, 425, 463, 464, 465, 466, 467, 474, 475, 476, 477, 478, 479, 480, 481], "float64": 177, "floor": [0, 1, 161], "floor_divid": 0, "flow": [0, 276, 478], "flush": 2, "fn": [303, 306, 307, 308, 480], "follow": [1, 2, 5, 6, 7, 8, 18, 105, 116, 141, 163, 186, 228, 233, 307, 319, 407, 408, 422, 450, 451, 452, 453, 454, 455, 456, 462, 471, 474, 475, 476, 482], "foo": 475, "food": 5, "forc": [5, 6, 319, 475, 480], "forg": 8, "formal": [116, 141, 233], "format": [5, 191, 257, 258, 259, 260, 261, 479], "formul": [324, 334], "formula": 428, "forth": 395, "forward": [1, 2, 294, 474, 478], "found": 357, "four": 323, "fourier": [147, 148, 149, 150, 151, 152, 156, 157, 158], "frac": [134, 233, 264, 321, 322, 323, 331, 332, 333, 339, 343, 345, 347, 350, 351, 377, 385, 397, 398, 399, 400, 417, 419, 421, 424, 435, 437, 438, 450, 452, 453, 454, 455, 461], "fraction": 18, "framework": [2, 7], "free": 213, "freez": [319, 370, 447], "freq": 145, "frequenc": [145, 381, 386], "frequent": [474, 478], "friend": 5, "fro": 186, "frobeniu": 186, "from": [0, 1, 2, 5, 6, 7, 83, 115, 116, 118, 121, 122, 125, 126, 127, 141, 143, 154, 155, 157, 158, 162, 163, 168, 186, 191, 201, 205, 210, 213, 226, 233, 235, 236, 237, 238, 239, 240, 244, 247, 260, 273, 276, 278, 282, 283, 288, 289, 299, 301, 305, 306, 307, 308, 309, 319, 347, 358, 360, 373, 397, 398, 399, 400, 402, 403, 419, 428, 444, 449, 473, 474, 475, 476, 478, 479, 480, 481, 482], "from_embed": 375, "from_linear": 376, "front": 2, "frozen": [319, 358, 368, 370, 376, 447], "fuction": 129, "full": [0, 1, 2, 6, 65, 79, 105, 268, 371, 372, 419, 474, 475, 478], "full_turn": 386, "fulli": [2, 7, 474, 475, 479, 482], "fun": [94, 165, 178, 294, 297, 298, 474, 477, 478, 482], "fun1": 478, "func": 378, "function": [0, 1, 2, 3, 4, 5, 6, 7, 16, 18, 83, 94, 112, 129, 134, 135, 143, 165, 171, 178, 182, 183, 185, 186, 187, 188, 189, 201, 264, 294, 297, 298, 303, 304, 306, 307, 308, 319, 324, 334, 336, 337, 340, 341, 342, 348, 349, 352, 354, 358, 365, 370, 374, 378, 379, 380, 382, 383, 384, 385, 387, 388, 389, 390, 391, 392, 393, 394, 406, 407, 408, 409, 410, 411, 412, 414, 415, 416, 430, 435, 437, 438, 439, 440, 441, 442, 444, 449, 458, 471, 473, 475, 477, 478, 479, 481], "functool": 474, "further": [2, 8, 476], "fuse": [1, 474], "fusibl": 474, "futur": [5, 376, 477, 478], "g": [3, 8, 112, 143, 186, 233, 344, 443, 461, 462, 478, 483], "g_t": [344, 450, 452, 453, 454, 455, 456, 461, 462], "gain": [397, 398, 399, 400], "gamma": [323, 339, 343, 345, 377, 397, 398, 399, 400], "gap": 1, "gate": [337, 338, 409], "gather": [0, 121, 163, 164], "gather_mm": [0, 164], "gather_qmm": 0, "gaurante": 296, "gaussian": [4, 336, 406, 407, 408, 419], "gaussian_nll_loss": 319, "gelu": [319, 407, 408, 474], "gelu_approx": [319, 336, 406], "gelu_fast_approx": [319, 336, 406], "geluapprox": 336, "gelufast": 336, "gener": [0, 1, 2, 3, 4, 11, 18, 101, 140, 143, 154, 155, 190, 205, 236, 241, 242, 243, 244, 247, 248, 394, 471, 474, 477, 478, 483], "general_": 2, "generate_stub": 8, "geq": [392, 441], "get": [2, 4, 6, 8, 99, 100, 101, 103, 104, 113, 114, 207, 208, 209, 210, 239, 319, 474, 476, 478, 482], "get_cache_memori": 206, "get_command_encod": 2, "get_kernel": 2, "gguf": [8, 191, 258, 481], "gh": 1, "gii": 1, "git": 8, "github": [4, 6, 8, 474], "give": [2, 5, 6, 28, 474], "given": [0, 2, 8, 15, 17, 28, 38, 83, 91, 93, 95, 108, 109, 110, 111, 116, 118, 131, 136, 138, 141, 147, 148, 149, 150, 151, 152, 156, 157, 158, 162, 163, 186, 200, 202, 204, 213, 217, 221, 223, 231, 241, 243, 244, 254, 255, 263, 268, 270, 275, 279, 281, 287, 288, 289, 291, 292, 293, 295, 310, 321, 322, 331, 350, 351, 357, 373, 417, 419, 425], "gix": 1, "gix_mult": 1, "giy_mult": 1, "global": [119, 121, 122, 123, 125, 126, 127, 132, 245, 304, 471, 474], "glorot": [397, 398], "glorot_norm": 319, "glorot_uniform": 319, "glu": [5, 319], "gm": 1, "gn": 1, "go": [2, 5, 476], "golub": 186, "good": [2, 8, 449, 474, 475, 482], "goroshin": 332, "gower": 5, "gpu": [1, 3, 7, 8, 207, 474, 477, 482], "gputrac": [3, 215], "grad": [2, 4, 6, 294, 304, 449, 457, 474, 475, 476, 477, 478, 480], "grad_fn": [4, 474, 476], "gradient": [0, 4, 6, 112, 165, 276, 294, 303, 304, 319, 358, 371, 376, 394, 424, 447, 449, 450, 451, 453, 454, 455, 456, 457, 460, 462, 474, 475, 476, 477, 478, 479, 480], "grain": 471, "graph": [2, 5, 6, 7, 476], "great": 3, "greater": [0, 5, 28, 139, 167, 229, 304, 392, 441], "greater_equ": 0, "grep": 8, "grid": [2, 143, 205], "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": [4, 5, 418, 428], "group": [0, 1, 98, 99, 100, 101, 102, 103, 104, 116, 121, 122, 123, 125, 126, 127, 141, 146, 164, 233, 234, 296, 302, 325, 339, 375, 376, 475], "group_dim": 2, "group_siz": [0, 116, 141, 164, 233, 234, 302, 375, 376], "groupnorm": 319, "grow": 478, "gru": 319, "guid": [2, 7], "gw": 1, "h": [1, 2, 98, 99, 100, 102, 103, 104, 186, 322, 323, 326, 327, 329, 330, 332, 333, 338, 344, 351, 378, 476, 478], "h_": [322, 338, 344, 351, 378], "h_in": 1, "h_stride": 1, "h_t": [338, 344, 378], "ha": [2, 3, 5, 6, 7, 8, 78, 94, 118, 127, 153, 154, 156, 157, 158, 165, 182, 183, 185, 188, 189, 205, 209, 237, 323, 338, 344, 347, 378, 447, 449, 474, 477, 478, 480, 482], "had": 5, "hadamard": [0, 168], "hadamard_transform": 0, "half": [2, 18, 244, 248, 381, 478], "halv": [337, 409], "hand": [5, 476, 478], "handi": 476, "handl": [2, 319, 474], "happen": [2, 5, 142, 394, 449, 474, 478], "happi": 5, "hard": 5, "hard_shrink": [319, 340], "hard_tanh": [319, 341], "hardshrink": [319, 410], "hardswish": 319, "hardtanh": [319, 411], "hat": [116, 141, 233], "have": [0, 1, 2, 5, 8, 16, 82, 84, 85, 86, 90, 121, 154, 155, 157, 158, 164, 171, 201, 215, 237, 296, 305, 344, 373, 383, 456, 458, 473, 474, 475, 477, 478, 482], "haven": 5, "hazan": 452, "he": [5, 399, 400], "he_norm": 319, "he_uniform": 319, "head": [146, 373, 394], "header": [2, 143], "heart": 5, "heavi": 5, "height": [322, 323, 326, 327, 329, 330, 332, 333, 351], "hello": [305, 309], "help": [2, 5, 474, 482], "helper": [5, 143, 474], "henc": [0, 2, 233, 474], "hendryck": 408, "here": [2, 5, 449, 474, 476, 478, 481, 482], "hf": 344, "hg": 344, "hh": 378, "hi": [5, 344], "hidden": [338, 344, 378, 394], "hidden_dim": [6, 447, 449], "hidden_s": [338, 344, 378], "hierarchi": 312, "high": [244, 248, 319, 335, 403, 444], "high_pad_s": 0, "higher": [2, 170, 425, 476], "highli": 8, "him": 5, "hing": 420, "hinge_loss": 319, "hinton": 461, "hit": 2, "hn": 338, "ho": 344, "hold": [2, 5, 10, 11, 186, 474], "homebrew": 475, "hopkin": 186, "host": 2, "host1": 475, "host2": 475, "host_nam": [1, 2], "hostfil": 475, "hostnam": 475, "hot": 418, "hour": 5, "how": [2, 5, 6, 319, 321, 322, 325, 326, 327, 328, 329, 330, 335, 350, 351, 375, 395, 457, 474, 477, 482], "howev": [2, 112, 319, 336, 339, 458, 471, 474, 475, 478, 479], "hr": 338, "http": [339, 343, 345, 352, 377, 408, 430], "huber": 421, "huber_loss": 319, "human": [399, 400], "hundr": 8, "hurri": 5, "hutter": 454, "hyperbol": [0, 20, 22, 25, 107, 267, 285, 393, 442], "hz": 338, "i": [0, 1, 2, 3, 5, 6, 7, 8, 16, 18, 28, 37, 78, 83, 93, 99, 100, 101, 103, 104, 105, 108, 109, 110, 111, 112, 117, 118, 121, 122, 124, 125, 126, 127, 129, 136, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 168, 171, 172, 177, 178, 182, 183, 184, 185, 186, 187, 188, 189, 191, 196, 200, 201, 205, 211, 214, 228, 229, 232, 233, 234, 241, 242, 243, 252, 254, 257, 258, 259, 264, 268, 270, 275, 276, 281, 282, 283, 286, 289, 290, 294, 295, 296, 297, 298, 299, 302, 304, 305, 306, 307, 308, 312, 314, 319, 321, 322, 323, 325, 326, 327, 328, 329, 330, 331, 332, 333, 336, 338, 339, 343, 344, 345, 347, 350, 351, 357, 358, 364, 366, 367, 369, 370, 372, 373, 374, 376, 377, 378, 381, 386, 392, 394, 395, 399, 400, 406, 408, 416, 417, 419, 424, 425, 428, 429, 431, 436, 441, 447, 449, 451, 454, 456, 457, 458, 463, 465, 466, 471, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483], "i386": 8, "i_n": 1, "i_nw": 1, "i_s": 1, "i_sw": 1, "i_t": 344, "iclr": [453, 454, 455], "id": [6, 8], "idea": [476, 478], "idempot": [358, 370], "ident": [0, 112, 140, 276, 319, 367], "identifi": [2, 305, 473], "idim": 6, "idiom": [6, 474], "idx": [38, 477], "ie": [370, 475], "ieee": 312, "ignor": [5, 38, 93, 94, 136, 451], "ih": 378, "ii": 1, "ij": 205, "imag": [326, 327, 329, 330, 332, 333, 395], "imagenet": [399, 400], "immedi": [5, 353], "implement": [0, 1, 4, 6, 145, 146, 186, 335, 357, 373, 381, 383, 386, 392, 394, 395, 441, 450, 451, 452, 453, 455, 456, 457, 469, 474, 476], "impli": 296, "implicit": [471, 474, 476], "implicitli": 478, "import": [2, 3, 4, 5, 6, 8, 112, 168, 186, 260, 294, 305, 306, 307, 308, 309, 319, 321, 322, 323, 343, 350, 351, 360, 395, 416, 418, 425, 444, 447, 449, 474, 475, 476, 477, 478, 479, 480], "improv": [1, 2, 3, 5, 416, 450, 451, 452, 453, 454, 455, 461, 474, 475], "in_ax": [298, 476], "in_channel": [325, 326, 327, 328, 329, 330], "in_dim": [319, 447], "in_proj": 447, "inci": 2, "includ": [1, 2, 108, 109, 110, 111, 143, 208, 209, 214, 345, 354, 366, 376, 419, 449, 474, 476, 477, 480, 481, 483], "include_dir": 2, "inclus": [0, 41, 42, 43, 44, 108, 109, 110, 111, 159], "incom": 2, "inconveni": 474, "incorpor": 479, "incorrect": 479, "increment": 18, "incur": [5, 8], "incx": 2, "independ": [120, 332, 333], "index": [0, 1, 2, 7, 9, 28, 38, 138, 140, 165, 205, 229, 282, 283, 294, 310], "indic": [0, 2, 16, 26, 27, 28, 29, 38, 163, 164, 165, 171, 172, 173, 174, 175, 176, 177, 188, 232, 270, 282, 283, 294, 367, 369, 418, 425, 465, 477], "indices_or_sect": [71, 270], "indirectli": 479, "individu": [319, 332, 333], "ineffici": [477, 478], "inexact": [11, 177], "inf": [186, 221, 373], "infer": [7, 162, 191, 289, 475], "infin": [0, 173, 175, 176, 221, 350, 351, 455], "infinit": [16, 171, 172], "info": [5, 8], "inform": [3, 5, 6, 8, 131, 207, 258, 259, 312, 319, 323, 336, 373, 476, 482], "inherit": [6, 473], "inifn": 173, "init": [319, 374, 444, 449, 463, 464, 466, 467, 475], "init_fn": [396, 397, 398, 399, 400, 401, 402, 403, 444], "init_valu": 1, "initi": [1, 3, 4, 5, 123, 308, 319, 323, 339, 343, 345, 347, 374, 377, 396, 397, 398, 399, 400, 401, 402, 403, 447, 458, 463, 464, 466, 467, 474, 475, 478], "initializer_list": 0, "inject": 0, "inlin": 0, "inner": [0, 474], "inorm": 343, "inp": [1, 143], "inp_ndim": 1, "inp_shap": 1, "inp_strid": 1, "inplac": [2, 8], "input": [0, 1, 2, 4, 5, 12, 13, 14, 15, 16, 17, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 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, 115, 117, 118, 121, 122, 127, 128, 129, 130, 131, 133, 134, 135, 137, 138, 139, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 163, 164, 165, 166, 167, 168, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 217, 218, 219, 220, 221, 222, 224, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 243, 246, 249, 250, 251, 252, 253, 254, 255, 256, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 282, 283, 284, 285, 286, 287, 288, 289, 290, 292, 293, 294, 295, 296, 298, 299, 301, 321, 322, 323, 325, 326, 327, 328, 329, 330, 332, 333, 335, 337, 338, 339, 343, 344, 345, 347, 350, 351, 373, 376, 377, 378, 381, 392, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 409, 416, 417, 419, 420, 421, 422, 424, 425, 427, 429, 441, 444, 474, 476, 477, 480, 481], "input_dil": [0, 101], "input_dim": [6, 319, 347, 376], "input_nam": [1, 143], "input_s": [338, 344, 378], "inputs1": 425, "inputs2": 425, "insert": [118, 138, 482], "insid": 474, "inspect": [3, 474, 480], "inspir": 7, "instabl": 429, "instal": 2, "instanc": [5, 38, 112, 233, 309, 319, 343, 353, 354, 355, 358, 360, 361, 362, 367, 370, 371, 372, 383, 447, 479], "instancenorm": 319, "instanti": [1, 2, 6, 478], "instantiate_axpbi": 2, "instead": [2, 8, 112, 319, 372, 386, 475, 476, 478], "int": [0, 1, 2, 5, 6, 9, 15, 17, 18, 26, 27, 28, 29, 33, 34, 35, 36, 41, 42, 43, 44, 45, 46, 49, 56, 57, 58, 59, 60, 63, 66, 68, 71, 74, 75, 76, 77, 78, 80, 83, 90, 91, 95, 98, 99, 100, 101, 102, 103, 104, 108, 109, 110, 111, 116, 117, 118, 125, 126, 127, 131, 138, 140, 141, 145, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 162, 164, 165, 169, 177, 184, 186, 190, 200, 202, 204, 207, 208, 209, 210, 213, 214, 217, 219, 225, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 251, 252, 254, 255, 268, 269, 270, 273, 274, 275, 279, 280, 282, 283, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 298, 300, 302, 310, 319, 321, 322, 323, 325, 326, 327, 328, 329, 330, 335, 337, 338, 339, 343, 344, 345, 347, 350, 351, 373, 375, 376, 377, 378, 381, 386, 394, 409, 417, 418, 422, 427, 429, 447, 463, 465, 466, 467], "int16": 312, "int32": [0, 1, 11, 18, 38, 159, 177, 186, 244, 312, 395, 477, 480], "int64": [11, 312], "int8": [11, 312], "int_0": 134, "integ": [0, 11, 161, 163, 164, 177, 186, 207, 228, 233, 234, 236, 243, 244, 270, 282, 286, 298, 312, 335, 365, 465, 477], "integr": [18, 282, 478], "intend": [0, 474], "interact": 394, "interest": 482, "interfac": 2, "intermedi": 479, "intern": 323, "interpol": 395, "interv": [18, 190, 244, 248], "introduc": [0, 254], "intuit": 319, "invalid": [0, 83], "invers": [0, 19, 20, 21, 22, 23, 24, 25, 135, 150, 151, 152, 153, 154, 155, 183, 185, 189], "invert": 0, "involv": [449, 474], "ip": 475, "is_avail": 123, "is_equival": 2, "is_floating_point": 2, "is_leaf": [305, 306, 307, 308], "is_leaf_fn": 357, "isclos": 0, "isfinit": 0, "ish": 5, "ishmael": 5, "isinf": 0, "isnan": 0, "isneginf": 0, "isposinf": 0, "issu": [475, 476, 479], "issubdtyp": [11, 312], "item": [0, 2, 4, 5, 6, 306, 449, 478, 479, 480], "iter": [4, 6, 188, 306, 307, 471, 474, 478], "iterm": 8, "itertool": [5, 306], "its": [0, 1, 2, 8, 183, 201, 229, 246, 291, 303, 309, 319, 376, 449, 453, 454, 455, 475, 479, 482], "itself": [2, 302, 458], "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": [5, 8, 186, 332, 452, 453, 455], "j8": 2, "jacobian": [2, 178, 297, 480], "jain": 332, "jax": [7, 471], "jit": 143, "jmlr": 452, "jnp": 479, "john": 186, "join": 465, "join_schedul": 449, "jointli": 241, "just": [2, 6, 345, 474, 477], "jvp": [2, 112, 480], "k": [0, 5, 45, 90, 117, 140, 146, 163, 168, 288, 291, 292, 293, 321, 347, 350, 358], "k_h": [322, 351], "k_w": [322, 351], "kaim": 400, "keep": [2, 15, 17, 26, 27, 200, 202, 204, 217, 231, 275, 279, 295, 319, 357, 476, 478], "keepdim": [0, 15, 17, 26, 27, 33, 34, 35, 36, 56, 57, 58, 59, 63, 75, 76, 80, 186, 200, 202, 204, 217, 231, 268, 275, 279, 295], "kei": [1, 3, 5, 146, 207, 236, 237, 238, 240, 241, 242, 243, 244, 246, 247, 248, 305, 306, 357, 358, 370, 373, 458, 471, 473, 476], "kernel": [2, 7, 8, 98, 99, 100, 101, 102, 103, 104, 143, 321, 322, 350, 351, 474, 477], "kernel_dil": [0, 101], "kernel_s": [321, 322, 325, 326, 327, 328, 329, 330, 350, 351], "key_cach": 5, "key_input_dim": 373, "key_proj": 5, "keyword": [165, 260, 261, 294, 306, 319, 471, 481, 483], "kind": 5, "kingma": [453, 455], "kl_div_loss": 319, "kname": 2, "know": [2, 5], "known": [384, 436], "kth": [0, 28, 229], "kullback": 422, "kw_onli": 2, "kwarg": [10, 120, 260, 261, 483], "l": [5, 6, 182, 183, 319, 321, 323, 325, 328, 338, 344, 350, 378, 428], "l1": [294, 421, 423, 424, 428], "l1_loss": 319, "l2": [421, 424, 462], "l2_loss": 319, "l_": [321, 350, 421], "la": 186, "label": [3, 4, 418, 425], "label_smooth": 418, "lack": 477, "lambd": [340, 390, 410, 440], "lambda": [306, 307, 308, 319, 340, 353, 358, 365, 390, 410, 434, 440, 450, 451, 452, 453, 454, 455, 456, 461, 462, 474, 475, 476], "languag": [1, 2], "larg": [5, 319, 373, 424, 474, 475, 478], "larger": [1, 145, 381, 456], "largest": [186, 221, 288], "lasso": 294, "last": [0, 1, 5, 29, 78, 142, 144, 149, 152, 154, 155, 157, 158, 159, 163, 164, 170, 182, 183, 185, 187, 188, 189, 201, 210, 237, 269, 286, 296, 325, 326, 327, 328, 329, 330, 332, 333, 339, 395, 479], "latenc": 475, "later": [3, 8, 449], "latest": 474, "launch": [1, 2, 123, 475, 477], "layer": [7, 142, 302, 319, 321, 322, 332, 333, 338, 339, 344, 345, 347, 350, 351, 367, 372, 375, 376, 378, 383, 394, 443, 447], "layer_s": 6, "layernorm": 319, "layout": 1, "lazi": [7, 447, 480], "lazili": [5, 319], "lceil": 90, "ld": [338, 344, 378], "ldot": [321, 322, 350, 351], "lead": [0, 18, 83, 474], "leaf": [94, 302, 305, 306, 307, 308, 357], "leaf_modul": 319, "leaki": [346, 413], "leaky_relu": 319, "leakyrelu": 319, "learn": [4, 6, 7, 323, 339, 343, 345, 374, 377, 449, 450, 451, 452, 453, 454, 455, 456, 461, 462], "learnabl": [325, 326, 327, 328, 329, 330, 383], "learning_r": [6, 449, 450, 451, 452, 453, 454, 455, 456, 458, 461, 462, 463, 464, 465, 466, 467, 474], "least": [5, 84, 85, 86, 93, 182, 183, 185, 187, 188, 189, 233], "leav": [2, 136, 306, 307, 308], "lectur": 461, "lecun": 332, "left": [0, 5, 145, 179, 186, 233, 254, 321, 322, 336, 350, 351, 381, 395, 407, 408, 419, 421, 429], "left_shift": 0, "leibler": 422, "len": [5, 149, 152, 155, 158, 168, 465], "length": [5, 273, 323, 325, 328, 338, 344, 378, 465], "leq": [421, 434], "less": [0, 5, 28, 181, 229, 381, 428], "less_equ": 0, "let": [1, 2, 4, 5, 183, 474, 476, 478, 479], "level": [0, 163, 164, 399, 400], "lfloor": [321, 322, 350, 351], "lh": [338, 344, 378], "lhs_indic": [0, 163, 164], "lhs_mask": 90, "lib": 475, "libmlx": 8, "libmlx_ext": 2, "libmpi": 475, "librari": [2, 8, 314, 319], "like": [2, 5, 7, 126, 177, 226, 301, 333, 424, 458, 460, 474, 475, 476, 478, 479, 480, 482], "likelihood": [419, 427], "limit": [0, 2, 93, 213, 214, 477], "linalg": 168, "line": [5, 475, 478, 479], "linear": [0, 2, 5, 6, 7, 302, 306, 319, 324, 334, 336, 337, 346, 360, 376, 378, 379, 380, 382, 384, 395, 404, 405, 406, 407, 408, 409, 413, 432, 433, 434, 436, 444, 447, 458, 466, 474], "linear1": 5, "linear2": 5, "linear3": 5, "linear_schedul": [449, 465], "linearli": 373, "link": [2, 8], "linspac": 0, "lion": 449, "list": [1, 5, 10, 15, 17, 30, 71, 78, 83, 84, 85, 86, 91, 94, 95, 101, 131, 136, 143, 148, 149, 151, 152, 154, 155, 157, 158, 162, 165, 178, 186, 200, 202, 204, 205, 217, 225, 228, 231, 236, 237, 238, 240, 241, 242, 244, 247, 248, 258, 268, 270, 274, 275, 279, 286, 287, 290, 294, 295, 297, 300, 305, 308, 309, 319, 358, 360, 361, 362, 363, 368, 370, 371, 372, 447, 449, 453, 454, 455, 456, 465, 473, 474, 475, 476, 478], "liter": [2, 228, 395, 399, 400, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429], "littl": 5, "liu": 5, "live": [7, 143, 482], "ll": [1, 4, 6, 421, 474, 476], "llama": 5, "llamaattent": 5, "llamaencoderlay": 5, "llm": 7, "load": [6, 7, 314, 360, 475], "load_weight": [319, 478], "loader": 6, "loader_path": 2, "loan": 186, "loc": [1, 240, 242], "local": [319, 332, 475], "locat": [0, 2, 83, 371, 372, 475, 482], "log": [0, 194, 196, 200, 348, 349, 414, 415, 416, 419, 422, 424, 427, 439], "log10": 0, "log1p": 0, "log2": 0, "log_cosh_loss": 319, "log_sigmoid": [319, 348], "log_softmax": [319, 349], "logaddexp": 0, "logarithm": [0, 192, 193, 194, 195], "logcosh": 424, "logic": [0, 2, 197, 198, 199], "logical_and": 0, "logical_not": 0, "logical_or": 0, "logist": [0, 4, 264, 408, 436], "logit": [5, 237, 416, 418, 474], "logsigmoid": 319, "logsoftmax": 319, "logsumexp": 0, "long": 5, "longer": [5, 105, 476], "look": [2, 5, 475], "lookup": 335, "loop": [5, 6, 474, 475, 476, 478], "loshchilov": 454, "loss": [4, 6, 294, 319, 449, 474, 475, 476, 478], "loss_and_grad": 319, "loss_and_grad_fn": [6, 449, 474, 476], "loss_fn": [4, 6, 449, 474, 476], "loss_grad_fn": 475, "lot": [475, 476], "low": [244, 248, 403, 444], "low_pad_s": 0, "lower": [182, 183, 189, 233, 244, 247, 248, 291, 403], "lr": [4, 456], "lr_schedul": [463, 464, 465, 467], "lstm": 319, "lto": 2, "lu": 5, "luckili": 478, "lvalu": 294, "m": [0, 2, 5, 8, 90, 140, 163, 168, 186, 291, 321, 322, 350, 351, 450, 474], "m1": [1, 5, 474, 476, 482], "m10": 312, "m7": 312, "m_": [453, 454, 455, 456], "m_t": [453, 454, 455, 456], "mac": 475, "machin": [5, 7, 8, 461, 475], "maco": 8, "macosx": 8, "made": [5, 314], "mai": [2, 186, 302, 332, 475, 476, 477], "main": [7, 118, 140, 143, 289, 306, 307, 319, 475], "maintain": [332, 333, 456], "major": [0, 2], "make": [1, 2, 3, 5, 6, 8, 201, 223, 263, 319, 463, 464, 466, 467, 474, 478, 480, 482], "make_shar": 2, "malloc_or_wait": 2, "man": 5, "manag": [277, 471, 475, 482], "mani": [2, 83, 270, 325, 326, 327, 328, 329, 330, 335, 375, 474, 475, 478], "manual": 319, "map": [2, 6, 38, 191, 306, 335, 353], "map_fn": [353, 357], "map_torch_to_mlx": 5, "margin": [425, 429], "margin_ranking_loss": 319, "mask": [0, 5, 90, 146, 367, 373, 477], "mask_lh": [0, 90], "mask_n": 1, "mask_nw": 1, "mask_out": [0, 90], "mask_rh": [0, 90], "mask_s": 1, "mask_sw": 1, "matadata": 191, "match": [8, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 208, 360, 395, 418, 475, 477, 479], "materi": [5, 7], "math": [5, 429, 474], "mathbf": 183, "mathcal": 347, "mathemat": 186, "mathrm": [134, 264, 343], "matmul": [0, 163, 482], "matric": [186, 187, 188], "matrix": [0, 4, 14, 45, 90, 116, 117, 140, 141, 163, 164, 168, 169, 182, 183, 185, 186, 187, 188, 189, 201, 205, 233, 234, 241, 375, 376, 401, 444], "matter": [5, 319], "max": [0, 1, 2, 186, 203, 324, 350, 351, 374, 404, 411, 412, 417, 419, 420, 425, 429, 431, 433, 451, 455, 474, 476, 482], "max_": [350, 351], "max_buffer_s": 207, "max_freq": 386, "max_i": 233, "max_norm": 304, "max_recommended_working_set_s": 207, "max_val": 411, "maximum": [0, 6, 26, 38, 93, 108, 210, 214, 304, 319, 346, 379, 386, 407, 408, 413, 432, 447, 478], "maxpool1d": 319, "maxpool2d": 319, "maxtotalthreadsperthreadgroup": 2, "mca": 475, "md": 186, "me": 5, "mean": [0, 1, 4, 5, 6, 144, 240, 241, 242, 294, 319, 323, 339, 358, 377, 402, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 474, 476, 479], "meant": 112, "measur": 482, "mechan": 394, "medic": 333, "meet": 8, "member": [2, 319, 363, 368], "memori": [0, 1, 2, 7, 83, 206, 208, 209, 210, 212, 213, 214, 394, 447, 451, 474, 478, 479], "memory_order_relax": 1, "memory_s": 207, "memoryview": [478, 479], "merg": 474, "meshgrid": 0, "metadata": [4, 191, 258, 259], "metal": [2, 7, 143], "metal_captur": 3, "metal_kernel": 1, "metal_path": 8, "metallib": [2, 8], "method": [2, 5, 9, 10, 30, 112, 120, 302, 310, 319, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337, 338, 339, 340, 341, 342, 343, 344, 345, 346, 347, 348, 349, 350, 351, 352, 364, 373, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385, 386, 387, 388, 389, 390, 391, 392, 393, 394, 395, 447, 450, 451, 452, 453, 454, 455, 456, 458, 461, 462, 469], "millisecond": [8, 474, 482], "min": [0, 2, 186, 218, 324, 374, 404, 411, 412, 431, 433], "min_freq": 386, "min_i": 233, "min_val": 411, "mind": [2, 5], "mine": 5, "minibatch": 6, "minim": 475, "minimum": [0, 27, 38, 93, 109, 386, 416, 417], "minsizerel": 8, "minu": 139, "minut": 5, "mish": 319, "miss": [360, 481], "mix": 477, "mkdir": [3, 8], "ml": 8, "mlp": [6, 319, 394, 449], "mlp_dim": [5, 394], "mlx": [1, 3, 4, 5, 6, 8, 314, 319, 444, 447, 449, 471, 473, 474, 475, 476, 477, 478, 479, 480, 481, 482], "mlx_build_benchmark": 8, "mlx_build_cpu": 8, "mlx_build_exampl": 8, "mlx_build_gguf": 8, "mlx_build_met": [2, 8], "mlx_build_metallib": 2, "mlx_build_python_bind": 8, "mlx_build_safetensor": 8, "mlx_build_test": 8, "mlx_disable_compil": [119, 132, 474], "mlx_ext": 2, "mlx_ext_metallib": 2, "mlx_include_dir": 2, "mlx_metal_debug": [3, 8], "mlx_metal_jit": 8, "mlx_sample_extens": 2, "mlx_trace": 3, "mnist": 6, "mode": [0, 1, 2, 105, 228, 356, 367, 369, 395, 399, 400, 475], "model": [4, 6, 7, 260, 302, 303, 306, 307, 319, 353, 356, 358, 360, 364, 367, 369, 370, 371, 373, 394, 444, 447, 449, 457, 458, 460, 474, 475, 478], "modest": 2, "modif": 479, "modifi": 479, "modul": [2, 5, 6, 302, 303, 383, 394, 444, 460, 473, 474, 478], "moment": [5, 451, 453, 454, 455], "momentum": [323, 456, 458, 462, 474], "monei": 5, "monoton": 430, "more": [1, 2, 3, 6, 10, 78, 118, 163, 182, 183, 185, 188, 189, 201, 213, 214, 258, 259, 312, 319, 323, 332, 381, 386, 394, 395, 397, 398, 399, 400, 416, 471, 474, 475, 476, 477, 480, 482], "most": [2, 237, 319, 460, 474, 475, 476, 477, 478], "move": [0, 2, 219, 482], "moveaxi": 0, "mpi": 314, "mpiexec": 475, "mpirun": 475, "mse": 294, "mse_loss": 319, "mtl": 2, "mtl_capture_en": 3, "mtlcommandbuff": 2, "mu": 462, "much": [1, 2, 5, 321, 322, 350, 351, 474, 478], "multi": [7, 146, 325, 326, 327, 328, 329, 330, 477, 479], "multidimension": 205, "multiheadattent": [5, 319], "multipl": [0, 1, 8, 14, 90, 142, 144, 163, 164, 201, 220, 233, 234, 373, 386, 464, 465, 467, 474, 478, 481], "multipli": [0, 2, 38, 164, 233, 234, 331, 386, 395], "murtadha": 5, "must": [0, 1, 2, 3, 8, 90, 93, 145, 162, 164, 186, 236, 237, 241, 244, 247, 248, 299, 395, 479], "mx": [1, 2, 3, 4, 5, 6, 38, 96, 97, 112, 123, 126, 143, 159, 177, 186, 187, 191, 243, 260, 294, 304, 319, 321, 322, 323, 334, 343, 346, 350, 351, 353, 360, 364, 379, 395, 396, 397, 398, 399, 400, 401, 402, 403, 405, 413, 416, 417, 418, 422, 425, 432, 442, 444, 447, 449, 471, 474, 475, 476, 477, 478, 479, 480, 481, 482, 483], "my": [5, 8], "my_devic": 483, "my_path": 260, "myexp": [1, 143], "myexp_strid": 1, "mymlp": 447, "n": [0, 1, 2, 5, 30, 90, 98, 99, 100, 101, 102, 103, 104, 140, 147, 149, 150, 152, 153, 156, 158, 168, 169, 241, 275, 291, 295, 321, 322, 323, 325, 326, 327, 328, 329, 330, 332, 333, 338, 344, 350, 351, 378, 395, 424, 429, 475], "n_i": [321, 322, 350, 351], "n_t": 338, "naiv": [2, 476], "naive_add": 476, "name": [1, 2, 143, 164, 191, 233, 234, 258, 259, 260, 261, 319, 339, 357, 360, 362, 475, 477, 481], "named_modul": 319, "nan": [0, 16, 82, 171, 172, 174, 221], "nan_to_num": 0, "nanobind": [2, 394], "nanobind_add_modul": 2, "nativ": 8, "natur": [0, 192, 194, 478], "nb": 2, "nb_domain": 2, "nb_func": 394, "nb_modul": 2, "nb_static": 2, "nbyte": 2, "nc": 323, "ndarrai": [30, 477, 478, 480], "ndhwc": [327, 330, 333], "ndim": [0, 1, 2, 159, 186, 188, 395], "ne": 1, "nearest": [1, 395], "necessari": 319, "necessarili": 288, "need": [1, 2, 5, 6, 7, 8, 82, 233, 319, 371, 372, 386, 394, 471, 475, 476, 478, 479, 480, 482], "neg": [0, 118, 159, 175, 221, 254, 289, 346, 350, 351, 373, 419, 427, 429, 477], "negat": [0, 222], "negative_slop": [346, 413], "neginf": [0, 221], "neighbor": 395, "neither": [165, 294], "nelem": 2, "nervou": 5, "nest": [78, 94, 308, 319, 447, 473, 476], "nesterov": 462, "network": [5, 7, 323, 332, 335, 397, 398, 444, 447, 461, 475], "neural": [5, 7, 335, 397, 398, 430, 444, 447, 461], "never": [5, 478], "new": [0, 2, 6, 91, 118, 219, 223, 252, 274, 290, 296, 306, 307, 365, 373, 447, 449, 460, 465, 474, 477, 478, 479], "new_tre": 307, "next": [2, 5, 6, 213], "nh": [338, 344, 378], "nhwc": [323, 326, 329], "nice": [476, 478], "nlc": [323, 325, 328], "nld": [338, 344, 378], "nlh": [338, 344, 378], "nll": [419, 427], "nll_loss": 319, "nn": [2, 5, 6, 260, 306, 319, 444, 447, 449, 458, 460, 474, 478], "nobodi": 5, "node": [94, 136, 298, 307, 308], "nois": 4, "noisi": 4, "nomins": 2, "non": [0, 1, 2, 8, 205, 368, 378, 430, 447], "none": [1, 2, 5, 9, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 32, 33, 34, 35, 36, 37, 39, 40, 41, 42, 43, 44, 45, 46, 48, 49, 52, 53, 54, 55, 56, 57, 58, 59, 60, 63, 64, 65, 66, 67, 69, 71, 72, 73, 74, 75, 76, 77, 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, 115, 116, 117, 118, 119, 121, 122, 125, 126, 127, 128, 129, 130, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 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, 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, 212, 215, 216, 217, 218, 219, 220, 221, 222, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 259, 260, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 298, 299, 300, 301, 302, 305, 306, 307, 308, 310, 321, 322, 336, 350, 351, 353, 357, 358, 365, 370, 373, 378, 386, 394, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 451, 469, 477], "nonlinear": [378, 474], "nonzero": 477, "noop": 370, "nor": [2, 165, 294], "norm": [5, 144, 304, 339, 429, 455, 456], "norm1": 5, "norm2": 5, "norm_first": 394, "normal": [1, 2, 4, 5, 142, 143, 144, 241, 247, 319, 321, 322, 323, 339, 343, 345, 350, 351, 377, 394, 397, 399, 479, 482], "not_equ": 0, "notabl": [5, 7], "notat": [116, 141, 305, 362], "note": [0, 2, 5, 8, 16, 18, 83, 90, 94, 100, 103, 104, 112, 146, 154, 155, 164, 171, 186, 208, 233, 237, 296, 302, 319, 377, 395, 449, 479, 481], "noth": [5, 319, 478], "notic": [5, 476, 481], "now": [1, 2, 5, 8, 376, 474, 475, 479], "np": [1, 5, 6, 475, 479, 480], "npy": [191, 257, 481], "npz": [5, 191, 260, 261, 360, 364, 481], "nuclear": 186, "nullopt": 0, "num": [0, 5, 190, 246], "num_class": [6, 449], "num_decoder_lay": 394, "num_embed": [335, 375], "num_encoder_lay": 394, "num_epoch": [6, 449], "num_exampl": 4, "num_featur": [4, 323], "num_group": 339, "num_head": [5, 373, 394], "num_it": 4, "num_lay": [5, 6, 449], "num_param": 319, "num_paramet": 374, "num_sampl": 237, "num_split": 0, "number": [0, 2, 11, 18, 61, 70, 94, 99, 100, 101, 103, 104, 116, 140, 141, 164, 165, 169, 178, 190, 221, 228, 233, 234, 237, 240, 242, 246, 248, 251, 254, 255, 286, 287, 291, 294, 297, 298, 302, 319, 323, 325, 326, 327, 328, 329, 330, 332, 333, 339, 343, 373, 374, 394, 395, 397, 398, 399, 400, 463, 465, 466, 471, 474, 476, 483], "number_of_el": 0, "numer": [5, 142, 144, 186, 196, 200, 268, 323, 339, 343, 345, 377, 416, 417, 419, 429, 450, 451, 452, 453, 454, 455, 461, 474, 478], "numpi": [2, 5, 6, 7, 13, 16, 18, 87, 88, 89, 91, 128, 129, 133, 166, 167, 171, 179, 180, 181, 196, 201, 203, 218, 220, 224, 230, 250, 253, 278, 478, 480, 481], "nw": 1, "nwhc": 332, "o": [2, 8, 146, 344], "o_t": 344, "obj": 258, "object": [3, 10, 30, 50, 78, 94, 143, 177, 260, 298, 305, 306, 307, 308, 312, 332, 394, 473], "observ": 5, "occupi": [116, 141, 164, 233, 234], "occur": 479, "odim": 6, "odot": [338, 344], "off": [5, 8, 478], "offer": 424, "offset": [0, 1, 2, 5, 46, 83, 118, 142, 145, 289], "often": 333, "ok": [360, 476], "okai": [474, 478], "old": 5, "omit": [453, 455, 475], "onc": [2, 8, 474], "one": [0, 2, 5, 8, 38, 78, 84, 93, 99, 100, 101, 103, 104, 138, 140, 142, 144, 145, 186, 194, 201, 234, 237, 273, 278, 312, 370, 395, 418, 475, 482], "ones": [0, 2, 5, 226, 260, 291, 371, 372, 449, 475, 477], "ones_lik": 0, "onli": [1, 2, 5, 7, 8, 82, 90, 99, 100, 101, 103, 104, 186, 233, 241, 296, 319, 357, 358, 360, 365, 367, 370, 371, 372, 447, 474, 475, 476, 481, 482], "onlin": 452, "op": [1, 2, 227, 296, 358, 478], "open": [3, 8, 18, 244, 248], "openmpi": 475, "oper": [3, 5, 7, 9, 37, 84, 85, 86, 101, 146, 163, 164, 230, 232, 268, 276, 283, 310, 319, 394, 456, 474, 475, 476, 477, 478, 479, 480, 482, 483], "operand": [130, 131, 163], "opportun": 474, "opt": [457, 475], "optim": [3, 4, 6, 7, 371, 474, 475, 476, 478], "option": [0, 3, 5, 14, 15, 17, 18, 26, 27, 28, 29, 32, 33, 34, 35, 36, 37, 39, 40, 41, 42, 43, 44, 45, 46, 48, 49, 52, 53, 54, 55, 56, 57, 58, 59, 60, 63, 64, 65, 66, 67, 69, 71, 72, 73, 74, 75, 76, 77, 79, 80, 81, 83, 84, 85, 86, 90, 94, 95, 98, 99, 100, 101, 102, 103, 104, 105, 108, 109, 110, 111, 112, 116, 117, 118, 121, 122, 123, 125, 126, 127, 140, 141, 142, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 162, 163, 164, 165, 169, 175, 176, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 200, 202, 204, 205, 214, 217, 221, 225, 228, 229, 231, 233, 234, 236, 237, 238, 240, 241, 242, 243, 244, 246, 247, 248, 251, 252, 254, 268, 269, 270, 273, 274, 275, 279, 281, 282, 286, 288, 289, 290, 291, 292, 293, 294, 295, 298, 300, 302, 305, 306, 307, 308, 321, 322, 323, 325, 326, 327, 328, 329, 330, 338, 344, 347, 350, 351, 353, 357, 358, 360, 365, 370, 373, 375, 376, 378, 381, 386, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 450, 451, 452, 453, 454, 455, 456, 458, 461, 462, 463, 471, 474, 481, 483], "ord": 186, "order": [0, 1, 28, 83, 101, 131, 186, 229, 233, 288, 319, 339, 371, 383, 458, 474, 476], "ordinari": 170, "org": [339, 343, 345, 352, 377, 408, 430], "origin": [5, 118, 304, 323, 366, 397, 398, 399, 400, 450, 451, 452, 453, 455, 456, 479], "orthonorm": 168, "ostream": 2, "ostringstream": 2, "other": [0, 2, 5, 7, 177, 186, 319, 359, 447, 456, 474, 475, 477, 478, 480], "other_input": 319, "otherwis": [18, 101, 123, 214, 243, 302, 305, 306, 307, 308, 358, 360, 370, 392, 394, 395, 410, 416, 421, 428, 440, 441, 478, 479], "ouptut": 8, "our": [1, 2, 5, 6, 383, 450, 451, 452, 453, 455, 456, 475], "out": [0, 1, 2, 8, 90, 143, 321, 322, 332, 333, 350, 351, 367, 474, 475, 476, 477], "out_ax": [298, 476], "out_channel": [325, 326, 327, 328, 329, 330], "out_dim": [319, 447], "out_dtyp": 2, "out_idx": 2, "out_mask": 90, "out_proj": [5, 447], "out_ptr": 2, "out_shap": [1, 2], "outer": [0, 474, 478], "outlier": 424, "output": [0, 1, 2, 5, 8, 15, 16, 17, 18, 28, 83, 90, 91, 94, 96, 97, 108, 109, 110, 111, 112, 130, 140, 142, 143, 144, 145, 146, 153, 156, 157, 158, 162, 163, 165, 168, 169, 171, 186, 190, 200, 202, 204, 205, 217, 221, 225, 226, 229, 231, 232, 236, 237, 238, 240, 241, 242, 244, 247, 248, 260, 261, 268, 273, 275, 279, 283, 289, 291, 294, 295, 296, 297, 298, 299, 300, 301, 321, 322, 323, 325, 326, 327, 328, 329, 330, 343, 347, 350, 351, 373, 376, 392, 394, 395, 397, 398, 399, 400, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 441, 444, 474, 475, 476, 477, 478, 479, 480, 481, 482], "output_dim": [6, 319, 347, 376], "output_directori": 2, "output_dtyp": [1, 143], "output_fil": 5, "output_nam": [1, 143], "output_shap": [1, 143], "outsid": [143, 159], "over": [0, 2, 5, 6, 15, 17, 26, 27, 28, 29, 98, 99, 100, 101, 102, 103, 104, 108, 109, 110, 111, 149, 152, 155, 158, 170, 186, 188, 190, 200, 202, 204, 217, 229, 231, 256, 268, 269, 275, 279, 286, 288, 295, 323, 325, 326, 327, 328, 329, 330, 339, 345, 377, 418, 463, 466, 475, 476], "overal": 2, "overhead": [474, 478, 482], "overlap": 1, "overload": 18, "overrid": [2, 132], "overview": 3, "overwrit": 5, "own": [8, 479], "owndata": 479, "p": [8, 236, 319, 331, 332, 333, 429, 453, 455], "pack": [164, 233, 234], "packag": [2, 4, 6, 8, 314, 444, 475], "package_data": 2, "pad": [0, 1, 98, 99, 100, 101, 102, 103, 104, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 321, 322, 325, 326, 327, 328, 329, 330, 350, 351], "pad_valu": 0, "pad_width": [0, 228], "padding_hi": 0, "padding_lo": 0, "page": 480, "pain": 5, "pair": [0, 2, 228, 360, 381], "pairwis": 429, "pan": 5, "paper": [323, 386, 450, 451, 452, 453, 455, 456], "parallel": [475, 482], "param": [294, 319, 444, 476], "paramet": [0, 1, 2, 4, 5, 6, 12, 13, 14, 15, 16, 17, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 37, 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, 115, 116, 117, 118, 121, 122, 123, 125, 126, 127, 128, 129, 130, 131, 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, 213, 214, 215, 217, 218, 219, 220, 221, 222, 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, 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, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337, 338, 339, 340, 343, 344, 345, 346, 347, 350, 351, 353, 354, 357, 358, 360, 365, 366, 367, 370, 371, 372, 373, 374, 375, 376, 377, 378, 381, 383, 386, 390, 392, 394, 395, 396, 397, 398, 399, 400, 401, 402, 403, 409, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 441, 443, 444, 447, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 460, 461, 462, 463, 464, 465, 466, 467, 469, 474, 475, 476, 478], "parameter_scal": 451, "parametr": [374, 431], "pars": 5, "parse_arg": 5, "parser": 5, "part": [1, 2, 476, 477], "partial": [371, 372, 474, 478], "particip": [121, 122, 125, 126, 127], "particular": [233, 339], "particularli": 474, "partit": [0, 28], "pass": [1, 2, 5, 6, 65, 79, 227, 228, 294, 303, 305, 306, 307, 319, 358, 370, 371, 372, 383, 474, 475, 478], "password": 475, "path": [3, 8, 131, 215, 260, 261, 302, 307, 360, 475], "pattern": [319, 478], "peak": [210, 212], "penalti": 462, "pep": 479, "per": [5, 6, 116, 141, 164, 233, 234, 302, 323, 339, 343, 345, 377, 469, 474, 475, 478], "perceptron": 7, "perf_count": 474, "perfectli": 478, "perform": [0, 1, 2, 3, 5, 7, 14, 90, 101, 108, 109, 110, 111, 127, 130, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 163, 164, 168, 201, 234, 255, 268, 282, 319, 339, 394, 399, 400, 449, 474, 475, 477, 478, 482], "perhap": [2, 5], "perm": 6, "permtuat": 243, "permut": [0, 6], "persist": 8, "pg": 186, "phi": [336, 406], "physic": 475, "pi": [134, 336, 386, 407, 476], "pick": 2, "pip": [2, 8], "pipelin": 2, "pixel": 332, "place": [2, 5, 38, 254, 255, 302, 475, 478, 479], "placehold": 474, "plai": [2, 5], "plain": 383, "plan": [2, 474], "platform": 8, "plu": [0, 194], "point": [0, 2, 4, 5, 8, 83, 161, 234, 312], "pointer": 2, "pool": [321, 322, 350, 351, 482], "popul": 2, "portion": 331, "posinf": [0, 221], "posit": [0, 5, 28, 118, 145, 159, 165, 176, 182, 183, 219, 221, 229, 241, 254, 289, 294, 306, 319, 325, 326, 327, 328, 329, 330, 373, 381, 386, 419, 429], "possibl": [270, 335, 375, 474, 475, 477, 482], "possibli": [5, 14, 90, 163, 201, 304], "postur": 5, "potenti": 214, "power": [0, 476, 479], "practic": [2, 474], "pre": [8, 146, 416], "preced": 339, "precis": [0, 2, 5, 139, 146, 319, 336, 377, 416, 457, 474], "preclud": 319, "pred": [420, 424], "predic": [302, 365], "predict": [416, 419, 420, 421, 422, 423, 424, 426, 427, 428], "prefix": [298, 305], "prelu": 319, "prepar": [2, 5], "prepend": [3, 201], "preprint": [5, 450, 456], "preprocessor": 8, "present": 1, "preserv": [252, 476], "press": [5, 186], "pressur": 2, "pretti": [474, 478], "prevent": [276, 429, 479], "previou": [213, 214], "primal": [1, 2, 112, 178, 297], "primit": 476, "print": [1, 2, 4, 5, 6, 8, 304, 305, 306, 307, 309, 319, 471, 474, 475, 476, 477, 478, 479, 480], "prior": [232, 282, 283], "priorit": 476, "privat": 2, "prng": [236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 471], "prob": 416, "probabl": [8, 244, 331, 332, 333, 376, 416, 418, 422, 482], "problem": [4, 6, 319], "process": [5, 101, 105, 120, 121, 122, 123, 125, 126, 127, 306, 307, 333, 335, 394, 473, 475], "processor": 8, "prod": [0, 1], "produc": [0, 2, 8, 94, 373, 444], "product": [0, 2, 14, 83, 110, 170, 178, 184, 201, 227, 231, 286, 297, 373, 480], "profil": 3, "program": [210, 475], "programmat": 372, "project": [3, 5, 373], "project_source_dir": 2, "promot": 2, "promote_typ": 2, "promoted_dtyp": 2, "prompt": 5, "propag": [476, 477], "properti": [31, 38, 47, 51, 61, 62, 68, 70, 366, 369, 459, 476], "proportion": 304, "protocol": 479, "provid": [0, 2, 5, 83, 116, 141, 165, 243, 254, 286, 294, 306, 308, 314, 319, 353, 358, 360, 370, 371, 372, 375, 376, 394, 395, 443, 447, 475, 481, 483], "pseudo": 471, "pth": 5, "public": [2, 319], "pun": 0, "pure": [1, 319, 449], "purpos": [1, 186], "purs": 5, "push": 2, "push_back": 2, "put": [0, 1, 6, 232, 474, 475], "put_along_axi": 0, "py": [2, 5, 8, 475], "pypi": 8, "python": [1, 3, 5, 50, 68, 78, 136, 305, 306, 307, 308, 309, 447, 457, 458, 460, 473, 475, 476, 479], "python_requir": 2, "pytorch": [5, 7, 336, 339, 476], "pytorch_compat": 339, "q": [146, 187], "qualifi": 475, "quantiz": [0, 116, 141, 164, 191, 234, 375, 376], "quantized_matmul": 0, "quantizedembed": 319, "quantizedlinear": 319, "quarter": 5, "queri": [5, 146, 373], "query_input_dim": 373, "query_proj": 5, "question": [5, 478], "queue": 3, "quick": [2, 7], "quit": [476, 479], "quotient": [0, 128, 129, 161], "r": [2, 5, 187, 294, 332, 338], "r_t": 338, "race": 482, "radian": [0, 115], "rag": 5, "rain": 5, "rais": [0, 5, 186, 214, 230, 270, 360], "ram": 5, "random": [1, 2, 3, 4, 5, 6, 7, 143, 321, 322, 323, 343, 350, 351, 360, 367, 474, 476, 482, 483], "randomli": [4, 5, 243, 331, 332, 333], "rang": [0, 2, 3, 4, 5, 6, 8, 18, 159, 163, 190, 398, 400, 407, 408, 449, 463, 464, 465, 466, 467, 471, 474, 476, 478, 482], "rank": [0, 125, 126, 127, 425, 475], "rate": [4, 449, 450, 451, 452, 453, 454, 455, 456, 461, 462], "rather": [2, 476, 482], "ratio": [0, 24], "rceil": 90, "re": [6, 8, 444], "readabl": 3, "readi": 2, "real": [153, 154, 155, 156, 157, 158, 182, 183], "realli": 345, "reason": [1, 5, 477], "reboot": 8, "receiv": [125, 126, 302, 465, 479], "reciproc": [0, 256], "reclaim": 213, "recommend": [8, 214, 456], "recompil": [94, 474], "record": [3, 210, 478], "recreat": [309, 449], "rectifi": [346, 379, 380, 399, 400, 413, 432, 433], "recurr": [338, 344, 378], "recurs": [319, 357, 358, 363, 368, 370, 447], "recv": 126, "redirect": 2, "reduc": [0, 1, 8, 15, 17, 26, 27, 122, 200, 202, 204, 217, 231, 275, 279, 295, 308, 323, 394, 424], "reduct": [15, 17, 122, 200, 202, 217, 231, 308, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 475], "redund": 476, "refer": [186, 343, 352, 366, 397, 398, 399, 400, 408, 430, 477], "reflect": [366, 474, 477, 479], "regard": 336, "regardless": [83, 146], "regist": [2, 6], "register_librari": 2, "regress": [7, 424], "regular": [38, 332, 430, 454, 474, 477], "regularli": 2, "reimplement": 2, "rel": [16, 171, 451, 474], "relative_step": 451, "relax": 214, "relev": 2, "reli": [1, 2], "relu": [319, 374, 394, 431, 444], "relu6": 319, "remain": [0, 5, 294, 307, 331, 332, 333, 475], "remaind": [0, 129], "remov": [0, 118, 201, 237, 273, 418], "rep": [0, 287], "repeat": [0, 287], "repeatedli": 4, "repetit": 251, "replac": [0, 5, 221, 371, 372, 394, 428], "replai": 3, "repli": 5, "repo": [4, 6, 8, 474], "report": [208, 214], "repres": [2, 5, 120, 123, 164, 425, 429, 479], "represent": [5, 233, 296, 305, 309], "request": 2, "requir": [1, 2, 5, 319, 475, 478, 479], "requires_grad": 476, "rerun": [474, 478], "rescal": 304, "research": 7, "reset": 212, "reset_peak_memori": 210, "reshap": [0, 5, 186, 395, 477], "resolv": 2, "resourc": 2, "respect": [2, 4, 6, 142, 144, 163, 164, 165, 233, 294, 306, 319, 323, 336, 339, 343, 345, 447, 476, 480], "respons": 2, "rest": [5, 145, 306, 307, 381], "restart": 8, "restor": 254, "result": [0, 5, 14, 18, 38, 78, 83, 94, 142, 144, 164, 186, 201, 234, 241, 251, 274, 306, 307, 308, 386, 416, 474, 476, 479], "resum": 5, "return": [0, 1, 2, 4, 5, 6, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 37, 50, 68, 78, 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, 115, 116, 117, 118, 121, 122, 123, 125, 126, 127, 128, 129, 130, 131, 133, 134, 135, 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, 209, 213, 214, 217, 218, 219, 220, 221, 222, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 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, 319, 338, 344, 353, 354, 355, 357, 358, 359, 360, 361, 362, 363, 367, 368, 370, 371, 372, 378, 396, 397, 398, 399, 400, 401, 402, 403, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 444, 447, 457, 473, 474, 475, 476, 477, 478, 479, 481, 482], "return_metadata": 191, "revers": [0, 2, 41, 42, 43, 44, 83, 108, 109, 110, 111, 290, 386], "rf": 8, "rfft": 153, "rfft2": 154, "rfftn": 155, "rfloor": [321, 322, 350, 351], "rho": 450, "rhs_indic": [0, 163, 164], "rhs_mask": 90, "right": [0, 1, 2, 8, 233, 253, 254, 321, 322, 336, 350, 351, 395, 407, 408, 419, 421, 429], "right_shift": 0, "rm": [5, 8, 144, 451], "rmsnorm": [5, 319], "rmsprop": 449, "rnn": [319, 338], "roadcast": 244, "robust": 424, "roform": [5, 381], "roll": 0, "root": [0, 5, 144, 256, 271, 377], "rope": [5, 319], "rosetta": 8, "rotari": [5, 145, 381], "rotat": [145, 381], "round": [0, 233], "routin": 2, "row": [0, 1, 2, 83, 140, 143, 169, 233, 291], "row_contigu": 2, "rpath": 2, "rsqrt": 0, "rtol": [0, 16, 171], "rule": [2, 449], "run": [1, 2, 3, 5, 6, 7, 8, 9, 143, 227, 310, 323, 353, 450, 451, 453, 454, 455, 474, 475, 478, 482, 483], "runtim": [5, 123, 314, 474, 475], "runtime_error": 2, "safetensor": [8, 191, 259, 360, 364, 449, 478, 481], "sai": [2, 5, 444, 478], "said": 5, "sake": 476, "same": [0, 2, 5, 8, 16, 38, 82, 91, 94, 99, 100, 101, 103, 104, 105, 121, 142, 144, 153, 156, 157, 158, 164, 165, 171, 178, 228, 237, 254, 255, 296, 297, 299, 307, 319, 322, 323, 331, 339, 343, 351, 375, 396, 397, 398, 399, 400, 401, 402, 403, 418, 429, 447, 457, 471, 474, 475, 477, 482], "sampl": [2, 4, 5, 190, 236, 237, 238, 240, 241, 244, 247, 248, 397, 398, 399, 400, 402, 403, 419, 425, 429, 471, 474], "sat": 5, "save": [3, 5, 7, 191, 215, 233, 258, 259, 260, 261, 364, 478], "save_gguf": 481, "save_safetensor": [364, 449, 481], "save_weight": 319, "savez": [5, 364, 481], "savez_compress": 481, "saw": [5, 476], "scalar": [0, 2, 13, 14, 16, 30, 50, 78, 82, 87, 88, 89, 90, 91, 93, 128, 129, 133, 161, 162, 165, 166, 167, 168, 171, 179, 180, 181, 190, 196, 197, 198, 199, 201, 203, 218, 220, 221, 224, 228, 230, 236, 244, 247, 248, 250, 253, 258, 278, 294, 296, 299, 303, 429, 476, 478, 480], "scale": [0, 2, 5, 14, 116, 141, 142, 144, 145, 146, 164, 168, 233, 234, 240, 242, 304, 332, 333, 345, 373, 381, 382, 386, 395, 434, 451], "scale_arr": 2, "scale_factor": 395, "scale_paramet": 451, "scatter": 0, "scatter_add": 0, "scatter_max": 0, "scatter_min": 0, "scatter_prod": 0, "schedul": [2, 214, 449, 463, 464, 465, 466, 467, 469, 482], "schema": 3, "scipi": 168, "scope": 319, "score": [5, 146, 425], "sdk": 8, "se": 1, "second": [5, 8, 118, 177, 179, 197, 199, 201, 253, 280, 289, 294, 322, 351, 417, 425, 451, 453, 454, 455, 476, 482], "second_layer_a": 478, "second_layer_b": 478, "secret": 5, "section": [1, 5, 8, 270, 429, 474, 475, 476], "see": [1, 2, 5, 6, 8, 10, 11, 32, 33, 34, 35, 36, 39, 40, 41, 42, 43, 44, 46, 48, 49, 52, 53, 54, 55, 56, 57, 58, 59, 60, 63, 64, 65, 66, 67, 69, 71, 72, 73, 74, 75, 76, 77, 79, 80, 81, 186, 213, 258, 259, 302, 312, 319, 323, 324, 332, 334, 336, 340, 341, 342, 348, 349, 356, 374, 375, 376, 379, 380, 381, 382, 384, 386, 387, 388, 389, 390, 391, 393, 395, 397, 398, 399, 400, 406, 407, 408, 434, 474, 475, 476, 477, 480, 482], "seed": 239, "seen": 479, "select": [0, 3, 8, 288, 299, 353, 357, 365], "self": [5, 6, 9, 30, 31, 32, 33, 34, 35, 36, 37, 39, 40, 41, 42, 43, 44, 45, 46, 48, 49, 50, 52, 53, 54, 55, 56, 57, 58, 59, 60, 63, 64, 65, 66, 67, 69, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 112, 310, 319, 430, 447], "selu": 319, "semant": [13, 87, 88, 89, 91, 128, 129, 133, 166, 167, 179, 180, 181, 196, 201, 203, 218, 220, 224, 230, 250, 253, 278, 482], "semi": [182, 183, 241], "send": 475, "sennrich": 5, "sensit": 424, "sentencepiec": 5, "separ": [5, 65, 79, 339, 425], "sequenc": [5, 15, 17, 33, 34, 56, 57, 58, 59, 63, 71, 74, 75, 76, 80, 83, 91, 101, 125, 138, 143, 148, 149, 151, 152, 154, 155, 157, 158, 162, 200, 202, 204, 217, 225, 231, 236, 237, 238, 240, 241, 242, 244, 247, 248, 252, 268, 270, 273, 275, 279, 286, 287, 290, 295, 300, 323, 325, 328, 338, 344, 378, 394, 471, 482], "sequenti": [319, 444], "seri": 8, "serial": 449, "set": [2, 5, 6, 8, 94, 112, 119, 121, 122, 123, 125, 126, 127, 132, 142, 145, 207, 213, 214, 262, 263, 277, 336, 345, 347, 356, 358, 365, 366, 367, 370, 371, 376, 381, 392, 417, 429, 441, 447, 449, 451, 458, 471, 476, 478], "set_data": 2, "set_default_devic": 2, "set_dtyp": 319, "set_input_arrai": 2, "set_memory_limit": 213, "set_output_arrai": 2, "setbyt": 2, "setcomputepipelinest": 2, "setup": [2, 4, 6, 8, 474], "sever": [5, 8, 98, 99, 100, 101, 102, 103, 104, 260, 261, 474, 481], "sgd": [4, 6, 449, 456, 458, 463, 464, 467, 474], "shade": [1, 2], "shall": 5, "shape": [0, 2, 3, 5, 6, 65, 82, 83, 90, 91, 94, 98, 99, 100, 101, 102, 103, 104, 118, 121, 125, 126, 143, 146, 147, 150, 153, 156, 157, 158, 162, 163, 168, 178, 185, 189, 201, 225, 226, 236, 237, 238, 240, 241, 242, 244, 247, 248, 252, 254, 296, 297, 299, 300, 301, 319, 321, 322, 323, 325, 326, 327, 328, 329, 330, 332, 333, 338, 343, 344, 347, 350, 351, 360, 378, 396, 397, 398, 399, 400, 401, 402, 403, 418, 429, 449, 474, 476, 477, 480, 482], "shapeless": [0, 94], "share": [7, 116, 141, 164, 233, 234, 296, 475], "shazeer": 5, "shift": [0, 179, 253, 254, 323], "shop": 5, "should": [2, 4, 5, 6, 8, 83, 118, 121, 142, 143, 144, 146, 178, 206, 215, 232, 233, 283, 289, 294, 297, 302, 305, 319, 325, 326, 327, 328, 329, 330, 332, 333, 367, 373, 383, 418, 420, 425, 447, 473, 474, 475, 476, 478, 479, 483], "show": [8, 312, 474], "shown": 2, "shuffl": 6, "side": [0, 228, 321, 322, 350, 351, 474], "sigma": [336, 337, 338, 344, 385, 397, 398, 399, 400, 408, 409, 414, 435, 436], "sigmoid": [0, 5, 319, 348, 384, 408, 414, 416, 436], "sign": [0, 16, 171, 312, 456], "signal": [105, 395], "signatur": [1, 143], "signedinteg": [11, 177], "signific": 233, "silent": [156, 157, 158], "silicon": [2, 5, 7, 8, 482], "silu": 319, "simd": 1, "simd_sum": 1, "simdgroup": 1, "simdgroup_s": 1, "similar": [5, 164, 177, 306, 371, 372, 373, 417, 479, 481], "similarli": [2, 8, 201, 476, 478], "simpl": [2, 5, 6, 319, 335, 443, 449, 474, 475, 476, 478], "simple_axpbi": 2, "simple_tim": 2, "simplest": [2, 319, 475], "simpli": [2, 5, 8, 334, 346, 379, 405, 413, 432, 442, 447, 474, 475, 476], "simplic": 0, "simultan": 1, "sin": [0, 112, 386, 476, 480], "sinc": [1, 2, 5, 6, 164, 210, 447, 456, 465, 479, 482], "sine": [0, 21, 22, 266, 267, 476], "sing": 186, "singer": 452, "singl": [2, 6, 136, 178, 191, 205, 228, 297, 322, 351, 474, 477, 481], "singleton": [0, 15, 17, 26, 27, 123, 200, 201, 202, 204, 217, 231, 275, 279, 295], "singular": [186, 188], "sinh": 0, "sinusoid": 386, "sinusoidalpositionalencod": 319, "size": [0, 1, 2, 5, 6, 51, 68, 90, 99, 100, 103, 104, 116, 138, 141, 142, 143, 144, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 162, 164, 168, 169, 177, 184, 186, 209, 214, 233, 234, 237, 252, 270, 273, 296, 302, 319, 321, 322, 325, 326, 327, 328, 329, 330, 335, 343, 350, 351, 375, 376, 395, 451, 475, 478, 479], "size_t": [0, 2], "sizeof": 2, "skip": [3, 83], "slice": [0, 477], "slice_s": 0, "slice_upd": 0, "slight": [5, 478], "slightli": [381, 482], "slope": 346, "slot": 475, "slow": 474, "slowli": 5, "small": [5, 139, 142, 144, 323, 339, 345, 377, 419, 424, 429, 474, 475, 482], "smaller": [0, 8, 229, 456, 474], "smallest": 186, "smile": 5, "smooth": [418, 428, 461], "smooth_l1_loss": 319, "sned": 127, "snippet": 475, "so": [1, 2, 5, 8, 165, 168, 294, 331, 395, 449, 474, 475, 478, 482], "softmax": [0, 5, 146, 319, 349, 415, 418], "softmin": 319, "softplu": [319, 352, 430], "softshrink": 319, "softsign": 319, "solv": 319, "some": [0, 2, 4, 5, 6, 358, 370, 449, 458, 474, 476, 478], "someon": 5, "someth": [4, 5, 477], "sonoma": 8, "soon": 5, "sort": [0, 28, 29, 229, 288], "sourc": [0, 1, 2, 3, 60, 125, 126, 143, 219, 290, 475], "space": [0, 2, 190, 416, 427], "spars": [0, 205], "spatial": [99, 100, 101, 103, 104, 321, 339, 350, 395], "speak": [5, 186], "special": 2, "specif": [1, 2, 8, 475, 476], "specifi": [0, 2, 18, 37, 99, 100, 101, 103, 104, 118, 154, 155, 162, 165, 184, 186, 190, 219, 225, 232, 237, 251, 280, 282, 283, 286, 289, 290, 294, 298, 300, 323, 392, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 441, 475, 476, 482], "speed": [1, 2], "spent": 5, "split": [0, 337, 339, 409], "splittabl": 471, "sqrt": [0, 5, 134, 146, 168, 323, 336, 339, 343, 345, 347, 377, 386, 397, 398, 399, 400, 407, 450, 452, 453, 454, 461, 474], "squar": [0, 4, 5, 144, 169, 185, 189, 256, 271, 294, 306, 319, 377, 426, 428, 450, 451, 453, 454, 455, 476, 479], "squeez": [0, 395, 474], "src": [0, 125, 126], "ssh": 475, "stabil": [142, 144, 323, 339, 343, 345, 377, 416, 417, 419, 450, 451, 452, 453, 454, 455, 461], "stabl": [196, 200, 268, 424], "stable_abi": 2, "stack": [0, 474], "standard": [0, 1, 6, 50, 78, 201, 238, 242, 275, 394, 397, 399, 402, 475, 480], "starmap": [5, 306], "start": [0, 1, 2, 4, 5, 7, 8, 18, 145, 190, 215, 270, 308, 474, 477, 482], "start_axi": [0, 49, 159], "start_captur": 3, "state": [5, 6, 319, 338, 344, 378, 449, 458, 471, 474], "static": 8, "static_cast": 2, "std": [0, 2, 402], "step": [0, 3, 5, 6, 18, 319, 338, 344, 378, 451, 458, 463, 465, 466, 467, 474, 475], "step_decai": 449, "step_siz": 467, "still": [5, 8, 186, 474, 478], "stochast": [452, 453, 455, 462, 478], "stood": 5, "stop": [0, 2, 5, 18, 190, 216, 276, 476, 477], "stop_captur": 3, "stop_gradi": [0, 476], "storag": 83, "store": 5, "str": [2, 105, 130, 131, 143, 165, 186, 191, 205, 207, 215, 257, 258, 259, 260, 261, 294, 305, 309, 353, 354, 357, 358, 360, 362, 364, 370, 395, 399, 400, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429], "straight": 5, "strang": 5, "stream": [2, 7, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 32, 33, 34, 35, 36, 37, 39, 40, 41, 42, 43, 44, 45, 46, 48, 49, 52, 53, 54, 55, 56, 57, 58, 59, 60, 63, 64, 65, 66, 67, 69, 71, 72, 73, 74, 75, 76, 77, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 114, 115, 116, 117, 118, 121, 122, 125, 126, 127, 128, 129, 130, 133, 134, 135, 137, 138, 139, 140, 141, 142, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 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, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 295, 296, 299, 300, 301, 475, 482], "streamcontext": 277, "streamordevic": [0, 2], "street": 5, "strength": [456, 462], "strict": [123, 166, 180, 358, 360, 370], "strictli": 186, "stride": [0, 2, 83, 98, 99, 100, 101, 102, 103, 104, 321, 322, 325, 326, 327, 328, 329, 330, 350, 351, 381, 477], "string": [0, 2, 131, 143, 207, 228, 479, 481], "structur": [2, 457, 476], "stub": 8, "style": [2, 13, 16, 87, 88, 89, 128, 129, 133, 166, 167, 171, 179, 180, 181, 196, 201, 203, 218, 220, 224, 230, 250, 253, 278], "su": 5, "sub": [0, 6, 118, 246, 289, 302], "subarrai": [118, 270], "subclass": 447, "subdtyp": 177, "subgradi": 452, "sublinear": 451, "submodul": [5, 6, 319, 354, 358, 359, 370, 372], "subscript": [130, 131], "subsect": 5, "subsequ": 449, "subset": [319, 357], "substanti": 8, "subtract": [0, 38], "subtyp": [177, 312], "sudo": 8, "sum": [0, 2, 4, 13, 111, 122, 170, 186, 200, 268, 286, 289, 319, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 475, 477, 479], "sum_": [186, 321, 322, 424], "sum_i": 415, "sum_j": [437, 438], "summat": [130, 131], "super": [5, 6, 319, 447], "superset": [306, 457], "support": [1, 2, 5, 7, 8, 16, 90, 100, 103, 104, 146, 159, 168, 171, 182, 183, 185, 187, 188, 189, 191, 201, 233, 241, 475, 476, 477, 479, 481], "suppos": [476, 482], "sure": [2, 3, 5, 8, 319, 474], "surpass": [399, 400], "surpris": 5, "sw": 1, "swap": [0, 105, 214, 280, 372], "swapax": [0, 112], "swiglu": 5, "swish": [384, 436], "switch": 8, "symbol": 456, "symmetr": [99, 100, 103, 104, 182, 183], "synchron": [2, 474], "syntax": [38, 477], "synthet": 4, "system": [5, 8, 207, 208, 209], "t": [0, 1, 2, 5, 8, 134, 143, 146, 164, 182, 183, 234, 294, 319, 321, 338, 344, 350, 378, 450, 451, 452, 453, 454, 455, 456, 461, 462, 474, 476, 482], "tabl": [1, 186, 312, 335], "take": [0, 2, 5, 6, 87, 88, 89, 94, 163, 165, 178, 203, 218, 226, 234, 283, 294, 297, 298, 301, 307, 308, 373, 416, 471, 475, 476, 477, 481, 482, 483], "take_along_axi": [0, 477], "taken": [118, 282, 289], "talk": 475, "tan": 0, "tangent": [0, 2, 23, 24, 25, 112, 178, 284, 285, 393, 442], "tangent_i": 2, "tangent_x": 2, "tanh": [0, 319, 336, 338, 344, 352, 378, 407, 430], "target": [2, 294, 416, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 474], "target_include_directori": 2, "target_link_librari": 2, "target_link_opt": 2, "target_sourc": 2, "task": [214, 424], "tau": 462, "tcp": 475, "tell": [5, 474, 479], "temp": 5, "templat": [0, 1, 2, 143], "ten": [476, 478], "tend": 456, "tensor": [191, 286, 321, 322, 350, 351, 429, 479], "tensordot": 0, "term": [2, 419, 450, 451, 452, 453, 454, 455, 461], "termin": 8, "test": [6, 8, 475], "test_imag": 6, "test_label": 6, "text": [5, 321, 322, 336, 338, 344, 350, 351, 352, 378, 385, 392, 397, 398, 399, 400, 407, 410, 411, 412, 419, 420, 421, 424, 425, 428, 430, 431, 434, 435, 440, 441, 451, 456], "textrm": [233, 336, 337, 406, 409], "tf": 479, "tgp_size": 2, "th": [108, 109, 110, 111, 117, 140, 465], "than": [1, 2, 5, 78, 105, 118, 129, 145, 163, 166, 167, 180, 181, 182, 183, 185, 188, 189, 201, 213, 304, 306, 381, 392, 395, 425, 428, 441, 451, 456, 474, 476, 482], "thank": 478, "thei": [1, 2, 4, 5, 8, 16, 105, 164, 171, 383, 420, 447, 456, 473, 474, 475, 478, 480, 481, 482], "them": [0, 2, 5, 121, 319, 358, 370, 475, 482], "themselv": [2, 474], "thi": [0, 1, 2, 5, 6, 8, 15, 16, 17, 18, 26, 27, 28, 29, 83, 112, 132, 143, 163, 164, 168, 171, 178, 182, 183, 185, 186, 187, 188, 189, 196, 200, 201, 202, 204, 206, 208, 217, 229, 231, 237, 263, 268, 269, 270, 275, 279, 282, 288, 295, 304, 307, 308, 319, 331, 332, 333, 337, 338, 344, 354, 355, 357, 358, 361, 362, 363, 368, 370, 371, 372, 373, 376, 378, 392, 397, 398, 399, 400, 407, 408, 409, 416, 424, 441, 447, 458, 473, 474, 475, 476, 478, 479, 481], "thing": [2, 5, 475], "third": 184, "thompson": 332, "those": [2, 5, 319], "though": [2, 5, 474, 478, 479], "thousand": 478, "thread": [1, 2], "thread_index_in_simdgroup": 1, "thread_position_in_grid": [1, 2, 143], "threadgroup": [1, 2, 143], "threads_per_simdgroup": 1, "three": [5, 86, 395], "threefri": 471, "threshold": [392, 421, 428, 441], "through": [1, 2, 276, 394, 456, 474, 476, 479], "throw": [2, 94, 123], "thu": [5, 319], "thumb": 449, "tic": 474, "tieleman": 461, "tile": [0, 146], "time": [2, 5, 8, 214, 287, 319, 321, 322, 338, 344, 350, 351, 378, 474, 476, 478, 482], "timeit": [474, 476], "titl": 2, "tmp": [1, 143], "to_quant": 302, "to_stream": 2, "toc": 474, "togeth": [0, 1, 2, 6, 233, 306, 307, 475], "tok_embed": 5, "token": [5, 335, 375], "told": 5, "toler": [0, 16, 171], "too": [177, 474, 478], "took": 5, "tool": 8, "top": [2, 288, 347, 395], "topk": 0, "torch": [5, 479], "torch_weight": 5, "total": 476, "total_norm": 304, "tpi": 474, "trace": [0, 3, 474], "trace_fil": 3, "tracer": 371, "track": [2, 319, 323], "track_running_stat": 323, "trade": 478, "tradit": [5, 145, 332, 333, 381], "train": [5, 6, 319, 323, 331, 332, 333, 356, 358, 370, 397, 398], "train_imag": [6, 449], "train_label": [6, 449], "trainabl": [6, 303, 319, 447], "trainable_paramet": [319, 357, 458], "transform": [1, 5, 7, 112, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 168, 303, 319, 323, 339, 345, 347, 357, 358, 370, 376, 381, 477], "transformerencod": 260, "transit": 465, "translat": [142, 345], "transpos": [0, 5, 31, 102, 103, 104, 164, 234, 328, 329, 330], "treat": [0, 2, 154, 155, 157, 158, 282, 395, 474], "tree": [7, 94, 136, 165, 294, 298, 305, 306, 307, 308, 309, 457, 458, 460, 469, 476], "tree_flatten": [260, 306, 309, 319, 449], "tree_map": [307, 319, 475], "tree_unflatten": [5, 449], "trembl": 5, "tri": 0, "triangl": 291, "triangular": [182, 183, 189], "tril": 0, "trilinear": 395, "triplet": 429, "triplet_loss": 319, "triu": 0, "true": [0, 1, 2, 4, 5, 16, 41, 42, 43, 44, 82, 94, 108, 109, 110, 111, 143, 145, 164, 171, 177, 182, 183, 186, 191, 205, 214, 234, 268, 299, 302, 305, 306, 307, 308, 312, 319, 323, 325, 326, 327, 328, 329, 330, 338, 339, 343, 344, 345, 347, 357, 358, 360, 367, 370, 376, 378, 381, 386, 394, 395, 416, 424, 451], "truncat": [147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 247], "truth": [4, 418, 428], "try": [2, 8], "tupl": [0, 30, 65, 68, 79, 95, 99, 100, 101, 103, 104, 125, 129, 131, 136, 138, 178, 186, 187, 188, 228, 233, 252, 254, 273, 294, 297, 305, 306, 307, 308, 309, 321, 322, 326, 327, 329, 330, 350, 351, 360, 362, 383, 395, 451, 453, 454, 455, 456, 473, 476], "tutori": 2, "twice": 482, "two": [0, 2, 13, 14, 16, 24, 82, 85, 87, 88, 89, 90, 118, 128, 133, 148, 151, 157, 163, 164, 166, 167, 171, 180, 181, 182, 183, 184, 185, 187, 188, 189, 196, 201, 203, 218, 220, 224, 227, 280, 308, 322, 337, 344, 351, 409, 417, 474, 475, 476, 477, 482], "txt": 2, "type": [0, 1, 2, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 37, 68, 78, 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, 115, 116, 117, 118, 121, 122, 123, 125, 126, 127, 128, 129, 130, 131, 133, 134, 135, 137, 138, 139, 140, 141, 142, 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, 207, 213, 214, 217, 218, 219, 220, 221, 222, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 304, 305, 308, 319, 365, 394, 396, 397, 398, 399, 400, 401, 402, 403, 416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 474, 477], "type_nam": 2, "type_to_nam": 2, "typenam": [0, 1, 2], "typic": [0, 146, 335, 449, 474, 478], "u": [1, 2, 182, 188, 347, 372, 469, 478], "u_": 450, "u_t": 450, "uint": [1, 2, 143], "uint16": [11, 312], "uint3": 1, "uint32": [11, 26, 27, 28, 29, 237, 312], "uint64": [11, 312], "uint8": [11, 312], "ultra": 5, "unabl": 8, "unam": 8, "unari": 474, "unchang": [145, 276, 381], "uncheck": 8, "uncompress": 260, "undefin": [0, 28, 112, 182, 183, 229, 241, 477], "under": [2, 186], "underli": [2, 296], "understand": [5, 397, 398], "unexpect": [2, 18], "unfreez": [319, 358], "unfrozen": 370, "unifi": 7, "uniform": [3, 319, 347, 360, 398, 400, 444, 471, 474, 476, 482], "uniformli": 248, "unintend": 0, "union": [18, 32, 33, 34, 35, 36, 37, 39, 40, 41, 42, 43, 44, 45, 46, 48, 49, 52, 53, 54, 55, 56, 57, 58, 59, 60, 63, 64, 65, 66, 67, 69, 71, 72, 73, 74, 75, 76, 77, 79, 80, 81, 84, 85, 86, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 175, 176, 177, 207, 258, 277], "uniqu": [2, 471], "unique_ptr": 2, "unit": [324, 334, 336, 337, 338, 346, 379, 380, 382, 384, 397, 398, 399, 400, 404, 405, 406, 407, 408, 409, 413, 432, 433, 434, 436], "unittest": 8, "univers": 186, "unless": [5, 16, 171, 186, 447], "unlik": [5, 16, 171, 332, 333, 366], "unnecessari": [2, 5], "unnorm": [237, 416, 418], "unscal": 451, "unsign": [164, 233, 234, 312], "unsignedinteg": 11, "unspecifi": [15, 17, 18, 26, 27, 28, 29, 95, 108, 109, 110, 111, 162, 200, 202, 204, 217, 225, 229, 231, 251, 268, 269, 275, 279, 282, 288, 289, 295, 300, 483], "unsqueez": 5, "unsupport": 191, "until": [2, 478, 480], "unus": 2, "up": [1, 2, 5, 112, 474], "upcast": 2, "updat": [0, 1, 2, 4, 5, 6, 38, 94, 302, 306, 308, 323, 353, 354, 360, 365, 366, 367, 372, 449, 451, 454, 456, 457, 458, 462, 463, 464, 465, 466, 467, 474, 475, 478], "update_modul": 319, "upon": [5, 306, 307], "upper": [182, 183, 189, 233, 244, 247, 248, 403], "upsampl": 319, "us": [0, 3, 4, 5, 6, 7, 8, 18, 38, 83, 112, 116, 119, 121, 122, 125, 126, 127, 129, 141, 143, 145, 159, 164, 179, 182, 183, 184, 185, 186, 187, 188, 189, 201, 208, 209, 210, 213, 233, 234, 251, 252, 253, 254, 281, 305, 308, 312, 314, 319, 322, 332, 335, 336, 338, 344, 347, 351, 353, 357, 364, 371, 373, 375, 376, 378, 381, 386, 394, 395, 399, 400, 407, 408, 417, 444, 447, 449, 450, 451, 453, 454, 455, 456, 457, 458, 471, 473, 474, 475, 476, 477, 480, 482], "usag": [112, 394, 474], "user": [2, 5, 319], "usual": [335, 375, 473, 478], "util": [1, 2, 5, 7, 8, 260, 319, 449, 475], "v": [5, 105, 146, 319, 358, 479], "v_": [450, 452, 453, 454, 455, 461, 462], "v_t": [450, 452, 453, 454, 455, 461, 462], "val": [0, 30, 162], "valid": [6, 105, 159, 298, 305, 358, 370, 473], "valid_parameter_filt": 353, "valu": [0, 1, 4, 5, 11, 12, 16, 18, 26, 27, 50, 78, 82, 93, 140, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 162, 171, 184, 186, 188, 190, 207, 221, 228, 232, 236, 237, 238, 240, 241, 242, 244, 247, 248, 254, 258, 282, 283, 294, 298, 303, 305, 306, 307, 308, 312, 322, 324, 331, 332, 333, 334, 340, 343, 347, 351, 357, 373, 374, 390, 392, 394, 396, 416, 417, 418, 419, 420, 421, 423, 424, 425, 426, 427, 428, 441, 447, 451, 454, 463, 464, 466, 467, 476], "value_and_grad": [6, 112, 319, 371, 447, 449, 460, 474, 476, 479, 480], "value_and_grad_fn": 478, "value_cach": 5, "value_dim": 373, "value_input_dim": 373, "value_output_dim": 373, "value_proj": 5, "valueerror": [186, 360, 476], "values_hat": 5, "van": 186, "var": [0, 323, 339, 343, 345, 419], "variabl": [8, 94, 119, 132, 165, 178, 294, 297, 298, 475], "varianc": [0, 275, 295, 323, 339, 419], "variant": [5, 428, 455], "variou": 186, "vector": [0, 2, 4, 7, 170, 178, 186, 282, 297, 298, 335, 418, 480], "verbos": [1, 143], "veri": [5, 373, 475, 478, 482], "verifi": [4, 8], "versa": 254, "version": [2, 8, 116, 141, 196, 200, 233, 268, 298, 471, 476, 477], "versu": 474, "via": [8, 112, 457, 460, 475, 478, 479], "vice": 254, "video": 333, "view": [0, 3, 83, 479], "virtual": 2, "vjp": [2, 112, 480], "vmap": [2, 112, 476, 478, 480], "vmap_add": 476, "vocab_s": 5, "vocabulari": [335, 375], "void": [1, 2], "vt": 188, "w": [0, 1, 4, 99, 100, 103, 104, 116, 141, 164, 233, 234, 294, 307, 322, 323, 326, 327, 329, 330, 332, 333, 347, 351, 449, 462, 476], "w1": [5, 304], "w2": [5, 304], "w3": 5, "w_": [322, 338, 344, 351, 378, 450, 451, 452, 453, 454, 455, 456, 461, 462], "w_1": 233, "w_g": 233, "w_i": [116, 141, 233], "w_in": 1, "w_q": 233, "w_star": 4, "w_stride": 1, "w_t": [450, 452, 453, 454, 455, 456, 461, 462], "wa": [5, 83, 125, 126, 475, 478], "wai": [2, 5, 8, 319, 395, 474, 475, 476, 477], "wait": [2, 5, 214], "walk": 5, "walkthrough": 2, "walsh": 168, "want": [1, 5, 475, 476, 482], "warm": [2, 474], "warmup": [465, 466], "warmup_init": 451, "watch": [5, 474], "wd": 456, "we": [0, 1, 2, 4, 5, 6, 116, 125, 126, 141, 164, 233, 234, 319, 335, 375, 383, 454, 456, 471, 473, 474, 475, 476, 478, 482], "weight": [0, 4, 98, 99, 100, 101, 102, 103, 104, 142, 144, 306, 319, 360, 364, 375, 376, 416, 418, 447, 451, 454, 456, 458, 462, 476, 478], "weight_decai": [451, 454, 456, 462], "weight_fil": 5, "weights_fp16": 478, "well": [5, 319, 358, 370, 373, 478], "wen": 5, "went": 5, "were": [5, 482], "wet": 5, "what": [2, 5, 306], "whatsoev": 5, "whc": 332, "when": [0, 1, 2, 5, 7, 8, 94, 101, 112, 127, 182, 183, 185, 186, 188, 189, 191, 325, 326, 327, 328, 329, 330, 395, 399, 400, 416, 422, 428, 447, 449, 465, 471, 474, 475, 482], "where": [0, 6, 140, 171, 183, 233, 294, 298, 321, 322, 323, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 336, 338, 339, 343, 344, 345, 347, 350, 351, 357, 374, 377, 378, 392, 399, 400, 405, 406, 408, 419, 425, 431, 434, 436, 441, 458, 475, 476, 477], "wherea": 476, "whether": [143, 164, 189, 234, 338, 344, 357, 373, 378, 416, 419, 425], "which": [0, 1, 2, 5, 6, 7, 8, 18, 37, 83, 94, 101, 118, 121, 122, 125, 126, 127, 136, 145, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 165, 172, 173, 174, 175, 176, 178, 182, 183, 184, 185, 186, 187, 188, 189, 191, 205, 215, 233, 237, 238, 251, 252, 254, 257, 258, 259, 260, 261, 273, 274, 282, 289, 294, 297, 298, 302, 322, 332, 333, 336, 351, 353, 357, 381, 416, 418, 421, 425, 428, 444, 457, 458, 471, 474, 475, 476, 477, 478, 482, 483], "while": [2, 3, 5, 8, 252, 381, 478, 479], "whistl": 2, "who": 5, "whose": [140, 302, 303], "why": 5, "wide": 478, "width": [322, 323, 326, 327, 329, 330, 332, 333, 351, 375, 376], "window": [8, 321, 322, 350, 351], "wipe": 8, "wise": [0, 2, 12, 13, 19, 20, 21, 22, 23, 24, 25, 87, 88, 89, 92, 106, 107, 128, 129, 133, 134, 135, 137, 139, 160, 161, 166, 167, 171, 179, 180, 181, 192, 193, 194, 195, 196, 197, 198, 199, 203, 218, 220, 222, 224, 230, 249, 250, 253, 256, 264, 265, 266, 267, 271, 272, 278, 284, 285, 324, 332, 333, 342, 352, 374, 385, 404, 411, 412, 414, 415, 430, 431, 433, 436, 437, 438, 439, 474], "wish": 8, "with_logit": 416, "within": [0, 3, 28, 171], "without": [1, 5, 7, 276, 373, 443, 473, 474, 475, 478, 479, 482], "wk": 5, "wl": 2, "wo": 5, "won": 474, "word": 0, "work": [2, 3, 5, 214, 474, 475, 476, 477, 478], "workhors": 319, "world": [309, 475], "worri": [1, 478], "would": [2, 5, 395, 475, 477, 478, 479, 482], "wq": 5, "wrap": [112, 319], "write": [0, 1, 2, 5, 319, 479], "written": 2, "wrt": 303, "wv": 5, "x": [0, 1, 2, 4, 5, 6, 38, 90, 112, 121, 122, 126, 127, 134, 139, 142, 143, 144, 164, 168, 169, 186, 234, 238, 243, 255, 260, 264, 292, 293, 299, 306, 308, 319, 321, 322, 323, 324, 334, 336, 337, 339, 343, 345, 346, 347, 350, 351, 352, 353, 374, 377, 379, 385, 386, 392, 395, 404, 405, 406, 407, 408, 409, 410, 411, 412, 413, 414, 415, 428, 430, 431, 432, 433, 434, 435, 436, 437, 438, 439, 440, 441, 442, 447, 449, 456, 474, 475, 476, 477, 478, 479, 480, 482], "x1": 417, "x2": 417, "x86_64": 8, "x_1": [417, 425], "x_2": [417, 425], "x_cast": 2, "x_grad": 1, "x_i": [415, 437, 438], "x_j": [437, 438], "x_offset": 2, "x_ptr": 2, "x_shape": 1, "x_stride": 2, "x_t": [338, 344, 378], "x_view": 479, "xcode": 8, "xcodeproj": 3, "xcrun": 8, "xf": 344, "xg": 344, "xi": 344, "xn": 338, "xo": 344, "xor": 89, "xr": 338, "xy": [0, 205], "xz": 338, "x\u00b2": 479, "y": [0, 2, 4, 5, 6, 38, 112, 168, 299, 319, 323, 332, 339, 343, 345, 347, 377, 420, 425, 428, 449, 452, 474, 475, 476, 478, 479], "y_": [420, 424], "y_cast": 2, "y_hat": 319, "y_offset": 2, "y_ptr": 2, "y_stride": 2, "ye": 5, "year": 5, "yet": [5, 186, 319, 447, 458, 476, 477, 478, 480], "yield": [5, 6, 471], "you": [2, 3, 5, 6, 7, 8, 319, 386, 394, 444, 471, 474, 475, 476, 477, 479, 481, 482], "your": [2, 5, 8, 447, 476, 478], "z": [2, 338, 474, 478], "z_t": 338, "zeiler": 450, "zero": [0, 140, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 184, 205, 212, 291, 292, 293, 301, 319, 321, 322, 331, 332, 333, 360, 396, 397, 398, 399, 400, 401, 402, 403, 444, 449, 451, 477], "zero_grad": 476, "zeros_lik": 0, "zhang": 5, "zip": [5, 6], "zip_saf": 2}, "titles": ["Operations", "Custom Metal Kernels", "Custom Extensions in MLX", "Metal Debugger", "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_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.eye", "mlx.core.fast.affine_quantize", "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.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.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.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.inv", "mlx.core.linalg.norm", "mlx.core.linalg.qr", "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.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.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.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.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.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", "Fast", "FFT", "Linear Algebra", "Metal", "Neural Networks", "mlx.nn.ALiBi", "mlx.nn.AvgPool1d", "mlx.nn.AvgPool2d", "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.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", "Function Transforms", "Indexing Arrays", "Lazy Evaluation", "Conversion to NumPy and Other Frameworks", "Quick Start Guide", "Saving and Loading Arrays", "Unified Memory", "Using Streams"], "titleterms": {"A": 482, "In": 477, "The": 319, "ab": [12, 32], "adadelta": 450, "adafactor": 451, "adagrad": 452, "adam": 453, "adamax": 455, "adamw": 454, "add": 13, "addmm": 14, "affine_quant": 141, "algebra": 317, "alibi": 320, "all": [5, 15, 33, 475], "all_gath": 121, "all_sum": 122, "allclos": 16, "ani": [17, 34], "api": [7, 8], "appli": 353, "apply_gradi": 457, "apply_to_modul": 354, "arang": 18, "arcco": 19, "arccosh": 20, "arcsin": 21, "arcsinh": 22, "arctan": 23, "arctan2": 24, "arctanh": 25, "argmax": [26, 35], "argmin": [27, 36], "argpartit": 28, "argsort": 29, "arrai": [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, 311, 477, 481], "array_equ": 82, "as_strid": 83, "astyp": 37, "atleast_1d": 84, "atleast_2d": 85, "atleast_3d": 86, "attent": 5, "automat": 476, "avgpool1d": 321, "avgpool2d": 322, "back": 2, "basic": [474, 480], "batchnorm": 323, "benchmark": 5, "bernoulli": 236, "binari": 8, "binary_cross_entropi": 416, "bind": 2, "bitwise_and": 87, "bitwise_or": 88, "bitwise_xor": 89, "block_masked_mm": 90, "broadcast_to": 91, "build": [2, 8], "c": [7, 8], "categor": 237, "ceil": 92, "celu": [324, 404], "children": 355, "choleski": 182, "cholesky_inv": 183, "class": 319, "clear_cach": 206, "clip": 93, "clip_grad_norm": 304, "cmake": 2, "co": [40, 106], "code": [2, 5], "common": 468, "commun": [314, 475], "compil": [94, 474], "complex": 1, "comput": 478, "concaten": 95, "conj": [39, 96], "conjug": 97, "constant": 396, "conv1d": [98, 325], "conv2d": [99, 326], "conv3d": [100, 327], "conv_gener": 101, "conv_transpose1d": 102, "conv_transpose2d": 103, "conv_transpose3d": 104, "convers": 479, "convert": 5, "convolv": 105, "convtranspose1d": 328, "convtranspose2d": 329, "convtranspose3d": 330, "core": [9, 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, 310], "cosh": 107, "cosine_decai": 463, "cosine_similarity_loss": 417, "cpu": 2, "cross": 184, "cross_entropi": 418, "cummax": [41, 108], "cummin": [42, 109], "cumprod": [43, 110], "cumsum": [44, 111], "custom": [1, 2], "custom_funct": 112, "data": 312, "debug": 474, "debugg": 3, "default_devic": 113, "default_stream": 114, "degre": 115, "dequant": 116, "devic": [9, 313], "device_info": 207, "diag": [45, 117], "diagon": [46, 118], "differ": 477, "differenti": 476, "disable_compil": 119, "distribut": [120, 121, 122, 123, 124, 125, 126, 127, 314, 475], "divid": 128, "divmod": 129, "download": [2, 5], "dropout": 331, "dropout2d": 332, "dropout3d": 333, "dtype": [10, 47], "dtypecategori": 11, "einsum": 130, "einsum_path": 131, "elu": [334, 405], "embed": 335, "enable_compil": 132, "encod": 5, "end": 2, "equal": 133, "erf": 134, "erfinv": 135, "eval": [136, 356], "evalu": 478, "exampl": [1, 2, 7, 474, 475, 482], "exp": [48, 137], "expand_dim": 138, "expm1": 139, "exponential_decai": 464, "extens": 2, "ey": 140, "fast": [141, 142, 143, 144, 145, 146, 315], "fft": [147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 316], "fft2": 148, "fftn": 149, "filter_and_map": 357, "flatten": [49, 159], "floor": 160, "floor_divid": 161, "format": 481, "found": 8, "framework": 479, "freez": 358, "from": [8, 477], "full": [5, 162], "function": [443, 446, 474, 476, 480], "further": 7, "gather_mm": 163, "gather_qmm": 164, "gaussian_nll_loss": 419, "gelu": [336, 406], "gelu_approx": 407, "gelu_fast_approx": 408, "gener": 5, "get": 475, "get_active_memori": 208, "get_cache_memori": 209, "get_peak_memori": 210, "glorot_norm": 397, "glorot_uniform": 398, "glu": [337, 409], "gpu": 2, "grad": [165, 319], "graph": [474, 478, 480], "greater": 166, "greater_equ": 167, "grid": 1, "group": 120, "groupnorm": 339, "gru": 338, "guid": 480, "gumbel": 238, "hadamard_transform": 168, "hard_shrink": 410, "hard_tanh": 411, "hardshrink": 340, "hardswish": [342, 412], "hardtanh": 341, "he_norm": 399, "he_uniform": 400, "hinge_loss": 420, "host": 475, "huber_loss": 421, "ident": [169, 401], "ifft": 150, "ifft2": 151, "ifftn": 152, "implement": [2, 5], "index": 477, "infer": 5, "init": [123, 396, 397, 398, 399, 400, 401, 402, 403, 458], "initi": 444, "inner": 170, "inspect": 319, "instal": [7, 8, 475], "instancenorm": 343, "introduc": 2, "inv": 185, "irfft": 153, "irfft2": 154, "irfftn": 155, "is_avail": [124, 211], "isclos": 171, "isfinit": 172, "isinf": 173, "isnan": 174, "isneginf": 175, "isposinf": 176, "issubdtyp": 177, "item": 50, "items": 51, "jax": 479, "join_schedul": 465, "jvp": 178, "kei": 239, "kernel": 1, "kl_div_loss": 422, "l1_loss": 423, "laplac": 240, "layer": [5, 6, 445], "layer_norm": 142, "layernorm": 345, "lazi": 478, "leaf_modul": 359, "leaky_relu": 413, "leakyrelu": 346, "left_shift": 179, "less": 180, "less_equ": 181, "linalg": [182, 183, 184, 185, 186, 187, 188, 189], "linear": [4, 317, 347], "linear_schedul": 466, "linspac": 190, "lion": 456, "llm": 5, "load": [5, 191, 449, 481], "load_weight": 360, "log": [52, 192], "log10": [53, 193], "log1p": [54, 194], "log2": [55, 195], "log_cosh_loss": 424, "log_sigmoid": 414, "log_softmax": 415, "logaddexp": 196, "logical_and": 197, "logical_not": 198, "logical_or": 199, "logsigmoid": 348, "logsoftmax": 349, "logsumexp": [56, 200], "loss": [416, 417, 418, 419, 420, 421, 422, 423, 424, 425, 426, 427, 428, 429, 446], "lstm": 344, "margin_ranking_loss": 425, "matmul": 201, "max": [57, 202], "maximum": 203, "maxpool1d": 350, "maxpool2d": 351, "mean": [58, 204], "memori": 482, "meshgrid": 205, "metal": [1, 3, 8, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 318], "metal_kernel": 143, "min": [59, 217], "minim": 8, "minimum": 218, "mish": [352, 430], "mlx": [2, 7, 9, 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, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337, 338, 339, 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, 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, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 466, 467], "model": 5, "modul": [319, 353, 354, 355, 356, 357, 358, 359, 360, 361, 362, 363, 364, 365, 366, 367, 368, 369, 370, 371, 372, 447], "moveaxi": [60, 219], "mpi": 475, "mse_loss": 426, "multi": 6, "multiheadattent": 373, "multipli": 220, "multivariate_norm": 241, "named_modul": 362, "nan_to_num": 221, "nbyte": 61, "ndim": 62, "neg": 222, "network": 319, "neural": 319, "new_stream": 223, "nll_loss": 427, "nn": [302, 303, 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333, 334, 335, 336, 337, 338, 339, 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, 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], "norm": 186, "normal": [242, 402], "not_equ": 224, "numpi": [477, 479], "ones": 225, "ones_lik": 226, "onli": 478, "oper": [0, 2, 448], "optim": [304, 449, 450, 451, 452, 453, 454, 455, 456, 457, 458, 459, 460, 461, 462, 463, 464, 465, 466, 467, 468, 469], "option": 8, "other": 479, "outer": 227, "pad": 228, "paramet": [319, 363], "partit": 229, "perceptron": 6, "permut": 243, "place": 477, "power": 230, "prelu": [374, 431], "primit": 2, "prod": [63, 231], "pure": 474, "put": 5, "put_along_axi": 232, "python": [2, 7, 8], "pytorch": 479, "qr": 187, "quantiz": [233, 302], "quantized_matmul": 234, "quantizedembed": 375, "quantizedlinear": 376, "quick": [319, 480], "radian": 235, "randint": 244, "random": [236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 471], "read": 7, "reciproc": [64, 249], "recv": 125, "recv_lik": 126, "reduc": 475, "refer": 7, "regress": 4, "relu": [379, 432], "relu6": [380, 433], "remaind": 250, "remot": 475, "repeat": 251, "requir": 8, "reset_peak_memori": 212, "reshap": [65, 252], "result": 2, "rfft": 156, "rfft2": 157, "rfftn": 158, "right_shift": 253, "rms_norm": 144, "rmsnorm": 377, "rmsprop": 461, "rnn": 378, "roll": 254, "rope": [145, 381], "round": [66, 255], "rsqrt": [67, 256], "sampl": 1, "save": [257, 449, 481], "save_gguf": 258, "save_safetensor": 259, "save_weight": 364, "savez": 260, "savez_compress": 261, "scaled_dot_product_attent": 146, "schedul": 470, "script": [2, 5], "seed": 245, "selu": [382, 434], "send": 127, "sequenti": 383, "serial": 481, "set": 475, "set_cache_limit": 213, "set_default_devic": 262, "set_default_stream": 263, "set_dtyp": 365, "set_memory_limit": 214, "setuptool": 2, "sgd": 462, "shape": [1, 68], "shell": 8, "sigmoid": [264, 385, 435], "sign": 265, "silu": [384, 436], "simpl": [1, 482], "sin": [69, 266], "sinh": 267, "sinusoidalpositionalencod": 386, "size": [8, 70], "smooth_l1_loss": 428, "softmax": [268, 387, 437], "softmin": [388, 438], "softplu": [389, 439], "softshrink": [390, 440], "softsign": 391, "sort": 269, "sourc": 8, "specifi": 483, "speedup": 474, "split": [71, 246, 270], "sqrt": [72, 271], "squar": [73, 272], "squeez": [74, 273], "stack": 274, "start": [319, 475, 480], "start_captur": 215, "state": [366, 459], "std": [75, 275], "step": [392, 441], "step_decai": 467, "stop_captur": 216, "stop_gradi": 276, "stream": [277, 310, 313, 483], "stride": 1, "subtract": 278, "sum": [76, 279], "support": 312, "svd": 188, "swapax": [77, 280], "synchron": 281, "t": 31, "take": 282, "take_along_axi": 283, "tan": 284, "tanh": [285, 393, 442], "tensordot": 286, "tensorflow": 479, "tile": 287, "togeth": 5, "tolist": 78, "topk": 288, "trace": 289, "train": [367, 369, 474, 475], "trainable_paramet": 368, "transform": [2, 394, 472, 474, 476, 478, 480], "transpos": [79, 290], "tree": 473, "tree_flatten": 305, "tree_map": 306, "tree_map_with_path": 307, "tree_reduc": 308, "tree_unflatten": 309, "tri": 291, "tri_inv": 189, "tril": 292, "triplet_loss": 429, "triu": 293, "troubleshoot": 8, "truncated_norm": 247, "tune": 475, "type": 312, "unfreez": 370, "unifi": 482, "uniform": [248, 403], "up": 475, "updat": [319, 371, 460, 477], "update_modul": 372, "upsampl": 395, "us": [1, 2, 478, 483], "usag": [2, 7], "util": [305, 306, 307, 308, 309, 473], "valu": 319, "value_and_grad": [294, 303], "var": [80, 295], "vector": 476, "view": [81, 296], "vjp": [1, 297], "vmap": 298, "weight": 5, "what": 478, "when": 478, "where": 299, "why": 478, "workflow": 3, "x86": 8, "xcode": 3, "you": 478, "zero": 300, "zeros_lik": 301}})