mlr3torch-package | mlr3torch: Deep Learning with 'mlr3' |
assert_lazy_tensor | Assert Lazy Tensor |
as_data_descriptor | Convert to Data Descriptor |
as_lazy_tensor | Convert to Lazy Tensor |
as_lazy_tensor.dataset | Convert to Lazy Tensor |
as_torch_callback | Convert to a TorchCallback |
as_torch_callbacks | Convert to a list of Torch Callbacks |
as_torch_loss | Convert to TorchLoss |
as_torch_optimizer | Convert to TorchOptimizer |
auto_device | Auto Device |
batchgetter_categ | Batchgetter for Categorical data |
batchgetter_num | Batchgetter for Numeric Data |
CallbackSet | Base Class for Callbacks |
CallbackSetCheckpoint | Checkpoint Callback |
CallbackSetHistory | History Callback |
CallbackSetProgress | Progress Callback |
callback_set | Create a Set of Callbacks for Torch |
ContextTorch | Context for Torch Learner |
DataBackendLazy | Lazy Data Backend |
DataDescriptor | Data Descriptor |
is_lazy_tensor | Check for lazy tensor |
lazy_tensor | Create a lazy tensor |
LearnerTorch | Base Class for Torch Learners |
LearnerTorchFeatureless | Featureless Torch Learner |
LearnerTorchImage | Image Learner |
LearnerTorchMLP | My Little Pony |
LearnerTorchModel | Learner Torch Model |
LearnerTorchTabResNet | Tabular ResNet |
LearnerTorchVision | AlexNet Image Classifier |
materialize | Materialize Lazy Tensor Columns |
materialize.list | Materialize Lazy Tensor Columns |
materialize_internal | Materialize a Lazy Tensor |
mlr3torch | mlr3torch: Deep Learning with 'mlr3' |
mlr3torch_callbacks | Dictionary of Torch Callbacks |
mlr3torch_losses | Loss Functions |
mlr3torch_optimizers | Optimizers |
mlr_backends_lazy | Lazy Data Backend |
mlr_callback_set | Base Class for Callbacks |
mlr_callback_set.checkpoint | Checkpoint Callback |
mlr_callback_set.history | History Callback |
mlr_callback_set.progress | Progress Callback |
mlr_context_torch | Context for Torch Learner |
mlr_learners.mlp | My Little Pony |
mlr_learners.tab_resnet | Tabular ResNet |
mlr_learners.torchvision | AlexNet Image Classifier |
mlr_learners.torch_featureless | Featureless Torch Learner |
mlr_learners_torch | Base Class for Torch Learners |
mlr_learners_torch_image | Image Learner |
mlr_learners_torch_model | Learner Torch Model |
mlr_pipeops_module | Class for Torch Module Wrappers |
mlr_pipeops_nn_avg_pool1d | 1D Average Pooling |
mlr_pipeops_nn_avg_pool2d | 2D Average Pooling |
mlr_pipeops_nn_avg_pool3d | 3D Average Pooling |
mlr_pipeops_nn_batch_norm1d | 1D Batch Normalization |
mlr_pipeops_nn_batch_norm2d | 2D Batch Normalization |
mlr_pipeops_nn_batch_norm3d | 3D Batch Normalization |
mlr_pipeops_nn_block | Block Repetition |
mlr_pipeops_nn_celu | CELU Activation Function |
mlr_pipeops_nn_conv1d | 1D Convolution |
mlr_pipeops_nn_conv2d | 2D Convolution |
mlr_pipeops_nn_conv3d | 3D Convolution |
mlr_pipeops_nn_conv_transpose1d | Transpose 1D Convolution |
mlr_pipeops_nn_conv_transpose2d | Transpose 2D Convolution |
mlr_pipeops_nn_conv_transpose3d | Transpose 3D Convolution |
mlr_pipeops_nn_dropout | Dropout |
mlr_pipeops_nn_elu | ELU Activation Function |
mlr_pipeops_nn_flatten | Flattens a Tensor |
mlr_pipeops_nn_gelu | GELU Activation Function |
mlr_pipeops_nn_glu | GLU Activation Function |
mlr_pipeops_nn_hardshrink | Hard Shrink Activation Function |
mlr_pipeops_nn_hardsigmoid | Hard Sigmoid Activation Function |
mlr_pipeops_nn_hardtanh | Hard Tanh Activation Function |
mlr_pipeops_nn_head | Output Head |
mlr_pipeops_nn_layer_norm | Layer Normalization |
mlr_pipeops_nn_leaky_relu | Leaky ReLU Activation Function |
mlr_pipeops_nn_linear | Linear Layer |
mlr_pipeops_nn_log_sigmoid | Log Sigmoid Activation Function |
mlr_pipeops_nn_max_pool1d | 1D Max Pooling |
mlr_pipeops_nn_max_pool2d | 2D Max Pooling |
mlr_pipeops_nn_max_pool3d | 3D Max Pooling |
mlr_pipeops_nn_merge | Merge Operation |
mlr_pipeops_nn_merge_cat | Merge by Concatenation |
mlr_pipeops_nn_merge_prod | Merge by Product |
mlr_pipeops_nn_merge_sum | Merge by Summation |
mlr_pipeops_nn_prelu | PReLU Activation Function |
mlr_pipeops_nn_relu | ReLU Activation Function |
mlr_pipeops_nn_relu6 | ReLU6 Activation Function |
mlr_pipeops_nn_reshape | Reshape a Tensor |
mlr_pipeops_nn_rrelu | RReLU Activation Function |
mlr_pipeops_nn_selu | SELU Activation Function |
mlr_pipeops_nn_sigmoid | Sigmoid Activation Function |
mlr_pipeops_nn_softmax | Softmax |
mlr_pipeops_nn_softplus | SoftPlus Activation Function |
mlr_pipeops_nn_softshrink | Soft Shrink Activation Function |
mlr_pipeops_nn_softsign | SoftSign Activation Function |
mlr_pipeops_nn_squeeze | Squeeze a Tensor |
mlr_pipeops_nn_tanh | Tanh Activation Function |
mlr_pipeops_nn_tanhshrink | Tanh Shrink Activation Function |
mlr_pipeops_nn_threshold | Treshold Activation Function |
mlr_pipeops_preproc_torch | Base Class for Lazy Tensor Preprocessing |
mlr_pipeops_preproc_torch.augment_center_crop | PipeOpPreprocTorchAugmentCenterCrop |
mlr_pipeops_preproc_torch.augment_color_jitter | PipeOpPreprocTorchAugmentColorJitter |
mlr_pipeops_preproc_torch.augment_crop | PipeOpPreprocTorchAugmentCrop |
mlr_pipeops_preproc_torch.augment_hflip | PipeOpPreprocTorchAugmentHflip |
mlr_pipeops_preproc_torch.augment_random_affine | PipeOpPreprocTorchAugmentRandomAffine |
mlr_pipeops_preproc_torch.augment_random_choice | PipeOpPreprocTorchAugmentRandomChoice |
mlr_pipeops_preproc_torch.augment_random_crop | PipeOpPreprocTorchAugmentRandomCrop |
mlr_pipeops_preproc_torch.augment_random_horizontal_flip | PipeOpPreprocTorchAugmentRandomHorizontalFlip |
mlr_pipeops_preproc_torch.augment_random_order | PipeOpPreprocTorchAugmentRandomOrder |
mlr_pipeops_preproc_torch.augment_random_resized_crop | PipeOpPreprocTorchAugmentRandomResizedCrop |
mlr_pipeops_preproc_torch.augment_random_vertical_flip | PipeOpPreprocTorchAugmentRandomVerticalFlip |
mlr_pipeops_preproc_torch.augment_resized_crop | PipeOpPreprocTorchAugmentResizedCrop |
mlr_pipeops_preproc_torch.augment_rotate | PipeOpPreprocTorchAugmentRotate |
mlr_pipeops_preproc_torch.augment_vflip | PipeOpPreprocTorchAugmentVflip |
mlr_pipeops_preproc_torch.trafo_adjust_brightness | PipeOpPreprocTorchTrafoAdjustBrightness |
mlr_pipeops_preproc_torch.trafo_adjust_gamma | PipeOpPreprocTorchTrafoAdjustGamma |
mlr_pipeops_preproc_torch.trafo_adjust_hue | PipeOpPreprocTorchTrafoAdjustHue |
mlr_pipeops_preproc_torch.trafo_adjust_saturation | PipeOpPreprocTorchTrafoAdjustSaturation |
mlr_pipeops_preproc_torch.trafo_grayscale | PipeOpPreprocTorchTrafoGrayscale |
mlr_pipeops_preproc_torch.trafo_nop | PipeOpPreprocTorchTrafoNop |
mlr_pipeops_preproc_torch.trafo_normalize | PipeOpPreprocTorchTrafoNormalize |
mlr_pipeops_preproc_torch.trafo_pad | PipeOpPreprocTorchTrafoPad |
mlr_pipeops_preproc_torch.trafo_reshape | PipeOpPreprocTorchTrafoReshape |
mlr_pipeops_preproc_torch.trafo_resize | PipeOpPreprocTorchTrafoResize |
mlr_pipeops_preproc_torch.trafo_rgb_to_grayscale | PipeOpPreprocTorchTrafoRgbToGrayscale |
mlr_pipeops_torch | Base Class for Torch Module Constructor Wrappers |
mlr_pipeops_torch_callbacks | Callback Configuration |
mlr_pipeops_torch_ingress | Entrypoint to Torch Network |
mlr_pipeops_torch_ingress_categ | Torch Entry Point for Categorical Features |
mlr_pipeops_torch_ingress_ltnsr | Ingress for Lazy Tensor |
mlr_pipeops_torch_ingress_num | Torch Entry Point for Numeric Features |
mlr_pipeops_torch_loss | Loss Configuration |
mlr_pipeops_torch_model | PipeOp Torch Model |
mlr_pipeops_torch_model_classif | PipeOp Torch Classifier |
mlr_pipeops_torch_model_regr | Torch Regression Model |
mlr_pipeops_torch_optimizer | Optimizer Configuration |
mlr_tasks_lazy_iris | Iris Classification Task |
mlr_tasks_mnist | MNIST Image classification |
mlr_tasks_tiny_imagenet | Tiny ImageNet Classification Task |
ModelDescriptor | Represent a Model with Meta-Info |
model_descriptor_to_learner | Create a Torch Learner from a ModelDescriptor |
model_descriptor_to_module | Create a nn_graph from ModelDescriptor |
model_descriptor_union | Union of ModelDescriptors |
nn_graph | Graph Network |
nn_merge_cat | Concatenates multiple tensors |
nn_merge_prod | Product of multiple tensors |
nn_merge_sum | Sum of multiple tensors |
nn_reshape | Reshape |
nn_squeeze | Squeeze |
nn_unsqueeze | Unsqueeze |
PipeOpModule | Class for Torch Module Wrappers |
PipeOpPreprocTorchAugmentCenterCrop | PipeOpPreprocTorchAugmentCenterCrop |
PipeOpPreprocTorchAugmentColorJitter | PipeOpPreprocTorchAugmentColorJitter |
PipeOpPreprocTorchAugmentCrop | PipeOpPreprocTorchAugmentCrop |
PipeOpPreprocTorchAugmentHflip | PipeOpPreprocTorchAugmentHflip |
PipeOpPreprocTorchAugmentRandomAffine | PipeOpPreprocTorchAugmentRandomAffine |
PipeOpPreprocTorchAugmentRandomChoice | PipeOpPreprocTorchAugmentRandomChoice |
PipeOpPreprocTorchAugmentRandomCrop | PipeOpPreprocTorchAugmentRandomCrop |
PipeOpPreprocTorchAugmentRandomHorizontalFlip | PipeOpPreprocTorchAugmentRandomHorizontalFlip |
PipeOpPreprocTorchAugmentRandomOrder | PipeOpPreprocTorchAugmentRandomOrder |
PipeOpPreprocTorchAugmentRandomResizedCrop | PipeOpPreprocTorchAugmentRandomResizedCrop |
PipeOpPreprocTorchAugmentRandomVerticalFlip | PipeOpPreprocTorchAugmentRandomVerticalFlip |
PipeOpPreprocTorchAugmentResizedCrop | PipeOpPreprocTorchAugmentResizedCrop |
PipeOpPreprocTorchAugmentRotate | PipeOpPreprocTorchAugmentRotate |
PipeOpPreprocTorchAugmentVflip | PipeOpPreprocTorchAugmentVflip |
PipeOpPreprocTorchTrafoAdjustBrightness | PipeOpPreprocTorchTrafoAdjustBrightness |
PipeOpPreprocTorchTrafoAdjustGamma | PipeOpPreprocTorchTrafoAdjustGamma |
PipeOpPreprocTorchTrafoAdjustHue | PipeOpPreprocTorchTrafoAdjustHue |
PipeOpPreprocTorchTrafoAdjustSaturation | PipeOpPreprocTorchTrafoAdjustSaturation |
PipeOpPreprocTorchTrafoGrayscale | PipeOpPreprocTorchTrafoGrayscale |
PipeOpPreprocTorchTrafoNop | PipeOpPreprocTorchTrafoNop |
PipeOpPreprocTorchTrafoNormalize | PipeOpPreprocTorchTrafoNormalize |
PipeOpPreprocTorchTrafoPad | PipeOpPreprocTorchTrafoPad |
PipeOpPreprocTorchTrafoReshape | PipeOpPreprocTorchTrafoReshape |
PipeOpPreprocTorchTrafoResize | PipeOpPreprocTorchTrafoResize |
PipeOpPreprocTorchTrafoRgbToGrayscale | PipeOpPreprocTorchTrafoRgbToGrayscale |
PipeOpTaskPreprocTorch | Base Class for Lazy Tensor Preprocessing |
PipeOpTorch | Base Class for Torch Module Constructor Wrappers |
PipeOpTorchAvgPool1D | 1D Average Pooling |
PipeOpTorchAvgPool2D | 2D Average Pooling |
PipeOpTorchAvgPool3D | 3D Average Pooling |
PipeOpTorchBatchNorm1D | 1D Batch Normalization |
PipeOpTorchBatchNorm2D | 2D Batch Normalization |
PipeOpTorchBatchNorm3D | 3D Batch Normalization |
PipeOpTorchBlock | Block Repetition |
PipeOpTorchCallbacks | Callback Configuration |
PipeOpTorchCELU | CELU Activation Function |
PipeOpTorchConv1D | 1D Convolution |
PipeOpTorchConv2D | 2D Convolution |
PipeOpTorchConv3D | 3D Convolution |
PipeOpTorchConvTranspose1D | Transpose 1D Convolution |
PipeOpTorchConvTranspose2D | Transpose 2D Convolution |
PipeOpTorchConvTranspose3D | Transpose 3D Convolution |
PipeOpTorchDropout | Dropout |
PipeOpTorchELU | ELU Activation Function |
PipeOpTorchFlatten | Flattens a Tensor |
PipeOpTorchGELU | GELU Activation Function |
PipeOpTorchGLU | GLU Activation Function |
PipeOpTorchHardShrink | Hard Shrink Activation Function |
PipeOpTorchHardSigmoid | Hard Sigmoid Activation Function |
PipeOpTorchHardTanh | Hard Tanh Activation Function |
PipeOpTorchHead | Output Head |
PipeOpTorchIngress | Entrypoint to Torch Network |
PipeOpTorchIngressCategorical | Torch Entry Point for Categorical Features |
PipeOpTorchIngressLazyTensor | Ingress for Lazy Tensor |
PipeOpTorchIngressNumeric | Torch Entry Point for Numeric Features |
PipeOpTorchLayerNorm | Layer Normalization |
PipeOpTorchLeakyReLU | Leaky ReLU Activation Function |
PipeOpTorchLinear | Linear Layer |
PipeOpTorchLogSigmoid | Log Sigmoid Activation Function |
PipeOpTorchLoss | Loss Configuration |
PipeOpTorchMaxPool1D | 1D Max Pooling |
PipeOpTorchMaxPool2D | 2D Max Pooling |
PipeOpTorchMaxPool3D | 3D Max Pooling |
PipeOpTorchMerge | Merge Operation |
PipeOpTorchMergeCat | Merge by Concatenation |
PipeOpTorchMergeProd | Merge by Product |
PipeOpTorchMergeSum | Merge by Summation |
PipeOpTorchModel | PipeOp Torch Model |
PipeOpTorchModelClassif | PipeOp Torch Classifier |
PipeOpTorchModelRegr | Torch Regression Model |
PipeOpTorchOptimizer | Optimizer Configuration |
PipeOpTorchPReLU | PReLU Activation Function |
PipeOpTorchReLU | ReLU Activation Function |
PipeOpTorchReLU6 | ReLU6 Activation Function |
PipeOpTorchReshape | Reshape a Tensor |
PipeOpTorchRReLU | RReLU Activation Function |
PipeOpTorchSELU | SELU Activation Function |
PipeOpTorchSigmoid | Sigmoid Activation Function |
PipeOpTorchSoftmax | Softmax |
PipeOpTorchSoftPlus | SoftPlus Activation Function |
PipeOpTorchSoftShrink | Soft Shrink Activation Function |
PipeOpTorchSoftSign | SoftSign Activation Function |
PipeOpTorchSqueeze | Squeeze a Tensor |
PipeOpTorchTanh | Tanh Activation Function |
PipeOpTorchTanhShrink | Tanh Shrink Activation Function |
PipeOpTorchThreshold | Treshold Activation Function |
PipeOpTorchUnsqueeze | Squeeze a Tensor |
pipeop_preproc_torch | Create Torch Preprocessing PipeOps |
task_dataset | Create a Dataset from a Task |
TorchCallback | Torch Callback |
TorchDescriptor | Base Class for Torch Descriptors |
TorchIngressToken | Torch Ingress Token |
TorchLoss | Torch Loss |
TorchOptimizer | Torch Optimizer |
torch_callback | Create a Callback Desctiptor |
t_clbk | Sugar Function for Torch Callback |
t_clbks | Sugar Function for Torch Callback |
t_loss | Loss Function Quick Access |
t_losses | Loss Function Quick Access |
t_opt | Optimizers Quick Access |
t_opts | Optimizers Quick Access |