Skip to contents

All functions

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