Index _ | A | B | C | D | E | F | G | H | I | K | L | M | N | O | P | Q | R | S | T | U | V | W | X | Z _ __call__() (oneflow.autograd.Function method) (oneflow.nn.Graph method) __init__() (oneflow.nn.Graph method) __repr__() (oneflow.nn.Graph method) A abs() (in module oneflow) (oneflow.Tensor method) acos() (in module oneflow) (oneflow.Tensor method) acosh() (in module oneflow) (oneflow.Tensor method) activation_checkpointing() (oneflow.nn.graph.block_config.BlockConfig property) Adagrad (class in oneflow.optim) Adam (class in oneflow.optim) AdamW (class in oneflow.optim) adaptive_avg_pool1d() (in module oneflow) (in module oneflow.nn.functional) adaptive_avg_pool2d() (in module oneflow) (in module oneflow.nn.functional) adaptive_avg_pool3d() (in module oneflow) (in module oneflow.nn.functional) AdaptiveAvgPool1d (class in oneflow.nn) AdaptiveAvgPool2d (class in oneflow.nn) AdaptiveAvgPool3d (class in oneflow.nn) add() (in module oneflow) (oneflow.Tensor method) add_() (oneflow.Tensor method) add_module() (oneflow.nn.Module method) add_optimizer() (oneflow.nn.Graph method) add_param_group() (oneflow.optim.Optimizer method) add_parameters() (oneflow.nn.FusedMLP method) addcmul() (in module oneflow) (oneflow.Tensor method) addcmul_() (oneflow.Tensor method) addmm() (in module oneflow) (oneflow.Tensor method) affine_grid() (in module oneflow.nn.functional) all() (in module oneflow) all_device_placement() (in module oneflow.env) all_gather() (in module oneflow.comm) all_reduce() (in module oneflow.comm) allow_fuse_add_to_output() (oneflow.nn.graph.graph_config.GraphConfig method) allow_fuse_cast_scale() (oneflow.nn.graph.graph_config.GraphConfig method) allow_fuse_model_update_ops() (oneflow.nn.graph.graph_config.GraphConfig method) amax() (in module oneflow) (oneflow.Tensor method) amin() (in module oneflow) (oneflow.Tensor method) any() (in module oneflow) apply() (oneflow.autograd.Function class method) (oneflow.nn.Module method) arange() (in module oneflow) arccos() (in module oneflow) (oneflow.Tensor method) arccosh() (in module oneflow) (oneflow.Tensor method) arcsin() (in module oneflow) (oneflow.Tensor method) arcsinh() (in module oneflow) (oneflow.Tensor method) arctan() (in module oneflow) (oneflow.Tensor method) arctanh() (in module oneflow) (oneflow.Tensor method) argmax() (in module oneflow) (oneflow.Tensor method) argmin() (in module oneflow) (oneflow.Tensor method) argsort() (in module oneflow) (oneflow.Tensor method) argwhere() (in module oneflow) (oneflow.Tensor method) as_strided() (in module oneflow) as_tensor() (in module oneflow) asin() (in module oneflow) (oneflow.Tensor method) asinh() (in module oneflow) (oneflow.Tensor method) atan() (in module oneflow) (oneflow.Tensor method) atan2() (in module oneflow) (oneflow.Tensor method) atanh() (in module oneflow) (oneflow.Tensor method) AvgPool1d (class in oneflow.nn) AvgPool2d (class in oneflow.nn) AvgPool3d (class in oneflow.nn) B backward() (in module oneflow.autograd) (oneflow.Tensor method) batch_align (in module oneflow.nn.image) batch_gather() (in module oneflow) batch_size (oneflow.utils.data.DataLoader attribute) BatchNorm1d (class in oneflow.nn) BatchNorm2d (class in oneflow.nn) BatchNorm3d (class in oneflow.nn) BatchSampler (class in oneflow.utils.data) BCELoss (class in oneflow.nn) BCEWithLogitsLoss (class in oneflow.nn) bernoulli() (in module oneflow) bias (oneflow.nn.Conv1d attribute) (oneflow.nn.Conv2d attribute) (oneflow.nn.Conv3d attribute) (oneflow.nn.ConvTranspose1d attribute) (oneflow.nn.ConvTranspose2d attribute) (oneflow.nn.ConvTranspose3d attribute) bias() (oneflow.nn.FusedMLP method) biases() (oneflow.nn.FusedMLP method) BlockConfig (class in oneflow.nn.graph.block_config) bmm() (in module oneflow) (oneflow.Tensor method) BoolTensor() (in module oneflow) (in module oneflow.cuda) broadcast() (in module oneflow.comm) broadcast_like() (in module oneflow) buffers() (oneflow.nn.Module method) build() (oneflow.nn.Graph method) byte() (oneflow.Tensor method) ByteTensor() (in module oneflow) (in module oneflow.cuda) C cast() (in module oneflow) (oneflow.Tensor method) cat() (in module oneflow) ceil() (in module oneflow) (oneflow.Tensor method) CELU (class in oneflow.nn) celu() (in module oneflow.nn.functional) CharTensor() (in module oneflow) (in module oneflow.cuda) check_worker_number_rationality() (oneflow.utils.data.DataLoader method) children() (oneflow.nn.Module method) chunk() (in module oneflow) (oneflow.Tensor method) clamp() (in module oneflow) (oneflow.Tensor method) clamp_() (oneflow.Tensor method) clip() (in module oneflow) (oneflow.Tensor method) clip_() (oneflow.Tensor method) clip_grad() (oneflow.optim.Optimizer method) clip_grad_norm_() (in module oneflow.nn.utils) clone() (oneflow.Tensor method) COCOReader (class in oneflow.nn) CoinFlip (class in oneflow.nn) CombinedMarginLoss (class in oneflow.nn) concat() (in module oneflow) ConcatDataset (class in oneflow.utils.data) ConstantPad1d (class in oneflow.nn) ConstantPad2d (class in oneflow.nn) ConstantPad3d (class in oneflow.nn) Conv1d (class in oneflow.nn) conv1d() (in module oneflow.nn.functional) Conv2d (class in oneflow.nn) conv2d() (in module oneflow.nn.functional) Conv3d (class in oneflow.nn) conv3d() (in module oneflow.nn.functional) conv_transpose1d() (in module oneflow.nn.functional) conv_transpose2d() (in module oneflow.nn.functional) conv_transpose3d() (in module oneflow.nn.functional) ConvTranspose1d (class in oneflow.nn) ConvTranspose2d (class in oneflow.nn) ConvTranspose3d (class in oneflow.nn) copy_() (oneflow.Tensor method) cos() (in module oneflow) (oneflow.Tensor method) cosh() (in module oneflow) (oneflow.Tensor method) CosineAnnealingLR (class in oneflow.optim.lr_scheduler) CosineDecayLR (class in oneflow.optim.lr_scheduler) cpu() (oneflow.nn.Module method) (oneflow.Tensor method) CropMirrorNormalize (class in oneflow.nn) cross_entropy() (in module oneflow.nn.functional) CrossEntropyLoss (class in oneflow.nn) ctc_greedy_decoder() (in module oneflow.nn.functional) CTCLoss (class in oneflow.nn) cuda() (oneflow.nn.Module method) (oneflow.Tensor method) cumprod() (in module oneflow) cumsum() (in module oneflow) (oneflow.utils.data.ConcatDataset static method) cumulative_sizes (oneflow.utils.data.ConcatDataset attribute) D data (oneflow.Tensor attribute) data_source (oneflow.utils.data.RandomSampler attribute) (oneflow.utils.data.SequentialSampler attribute) DataLoader (class in oneflow.utils.data) Dataset (class in oneflow.utils.data) dataset (oneflow.utils.data.DataLoader attribute) (oneflow.utils.data.Subset attribute) datasets (oneflow.utils.data.ConcatDataset attribute) debug() (oneflow.nn.Graph method) decode (in module oneflow.nn.image) decode_onerec() (in module oneflow) detach() (oneflow.Tensor method) device (class in oneflow) (oneflow.Tensor attribute) device_count() (in module oneflow.cuda) diag() (in module oneflow) (oneflow.Tensor method) diagonal() (in module oneflow) (oneflow.Tensor method) dim() (oneflow.Tensor method) DistributedDataParallel() (in module oneflow.nn.parallel) DistributedSampler (class in oneflow.utils.data.distributed) div() (in module oneflow) (oneflow.Tensor method) div_() (oneflow.Tensor method) dot() (in module oneflow) double() (oneflow.nn.Module method) (oneflow.Tensor method) DoubleTensor() (in module oneflow) (in module oneflow.cuda) drop_last (oneflow.utils.data.DataLoader attribute) Dropout (class in oneflow.nn) dropout() (in module oneflow.nn.functional) dtype (oneflow.Tensor attribute) E einsum() (in module oneflow) element_size() (oneflow.Tensor method) elementwise_affine (oneflow.nn.LayerNorm attribute) ELU (class in oneflow.nn) elu() (in module oneflow.nn.functional) Embedding (class in oneflow.nn) embedding() (in module oneflow.nn.functional) empty() (in module oneflow) enable_amp() (oneflow.nn.graph.graph_config.GraphConfig method) enable_cudnn_conv_heuristic_search_algo() (oneflow.nn.graph.graph_config.GraphConfig method) enable_grad (class in oneflow) enable_openvino() (oneflow.nn.graph.graph_config.GraphConfig method) enable_tensorrt() (oneflow.nn.graph.graph_config.GraphConfig method) enable_xla_jit() (oneflow.nn.graph.graph_config.GraphConfig method) eps (oneflow.nn.LayerNorm attribute) eq() (in module oneflow) (oneflow.Tensor method) equal() (in module oneflow) erf() (in module oneflow) (oneflow.Tensor method) erfc() (in module oneflow) (oneflow.Tensor method) erfinv() (in module oneflow) (oneflow.Tensor method) erfinv_() (oneflow.Tensor method) eval() (oneflow.nn.Module method) exp() (in module oneflow) (oneflow.Tensor method) expand() (in module oneflow) (oneflow.Tensor method) expand_as() (oneflow.Tensor method) expm1() (in module oneflow) (oneflow.Tensor method) ExponentialLR (class in oneflow.optim.lr_scheduler) eye() (in module oneflow) F FakeQuantization (class in oneflow.nn) fill_() (oneflow.Tensor method) Flatten (class in oneflow.nn) flatten() (in module oneflow) (oneflow.Tensor method) flip (in module oneflow.nn.image) flip() (in module oneflow) (oneflow.Tensor method) float() (oneflow.nn.Module method) (oneflow.Tensor method) FloatTensor() (in module oneflow) (in module oneflow.cuda) floor() (in module oneflow) (oneflow.Tensor method) floor_() (in module oneflow) (oneflow.Tensor method) fmod() (in module oneflow) (oneflow.Tensor method) forward() (in module oneflow.one_embedding.MultiTableEmbedding) (in module oneflow.one_embedding.MultiTableMultiColumnEmbedding) from_numpy() (in module oneflow) from_torch() (in module oneflow.utils) Ftrl (class in oneflow.one_embedding) full() (in module oneflow) Function (class in oneflow.autograd) functions (oneflow.utils.data.IterableDataset attribute) FusedBatchNorm1d (class in oneflow.nn) FusedBatchNorm2d (class in oneflow.nn) FusedBatchNorm3d (class in oneflow.nn) FusedMLP (class in oneflow.nn) G gather() (in module oneflow) (in module oneflow.comm) (oneflow.Tensor method) gather_nd() (in module oneflow) ge() (oneflow.Tensor method) GELU (class in oneflow.nn) gelu() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) get_device() (oneflow.Tensor method) get_local_rank() (in module oneflow.env) get_lr() (oneflow.optim.lr_scheduler.CosineAnnealingLR method) (oneflow.optim.lr_scheduler.CosineDecayLR method) (oneflow.optim.lr_scheduler.ExponentialLR method) (oneflow.optim.lr_scheduler.MultiStepLR method) (oneflow.optim.lr_scheduler.PolynomialLR method) (oneflow.optim.lr_scheduler.StepLR method) get_node_size() (in module oneflow.env) get_rank() (in module oneflow.env) get_rng_state() (in module oneflow) get_world_size() (in module oneflow.env) global_to_global() (oneflow.Tensor method) GLU (class in oneflow.nn) glu() (in module oneflow.nn.functional) grad (oneflow.Tensor attribute) grad() (in module oneflow.autograd) grad_fn (oneflow.Tensor attribute) Graph (class in oneflow.nn) GraphConfig (class in oneflow.nn.graph.graph_config) grid_sample() (in module oneflow.nn.functional) GroupNorm (class in oneflow.nn) gt() (in module oneflow) (oneflow.Tensor method) H half() (oneflow.nn.Module method) (oneflow.Tensor method) HalfTensor() (in module oneflow) (in module oneflow.cuda) Hardshrink (class in oneflow.nn) hardshrink() (in module oneflow.nn.functional) Hardsigmoid (class in oneflow.nn) hardsigmoid() (in module oneflow.nn.functional) Hardswish (class in oneflow.nn) hardswish() (in module oneflow.nn.functional) Hardtanh (class in oneflow.nn) hardtanh() (in module oneflow.nn.functional) hsplit() (in module oneflow) I Identity (class in oneflow.nn) in_cooldown() (oneflow.optim.lr_scheduler.ReduceLROnPlateau property) in_top_k() (in module oneflow) (oneflow.Tensor method) index_select() (in module oneflow) (oneflow.Tensor method) indices (oneflow.utils.data.Subset attribute) (oneflow.utils.data.SubsetRandomSampler attribute) inference_mode (class in oneflow) initial_seed() (in module oneflow) inplace (oneflow.nn.Dropout attribute) InstanceNorm1d (class in oneflow.nn) InstanceNorm2d (class in oneflow.nn) InstanceNorm3d (class in oneflow.nn) int() (oneflow.Tensor method) interpolate() (in module oneflow.nn.functional) IntTensor() (in module oneflow) (in module oneflow.cuda) is_available() (in module oneflow.cuda) is_better() (oneflow.optim.lr_scheduler.ReduceLROnPlateau method) is_contiguous() (oneflow.Tensor method) is_cuda (oneflow.Tensor attribute) is_floating_point() (in module oneflow) (oneflow.Tensor method) is_global (oneflow.Tensor attribute) is_grad_enabled() (in module oneflow) is_lazy (oneflow.Tensor attribute) is_leaf (oneflow.Tensor attribute) is_nonzero() (in module oneflow) is_tensor() (in module oneflow) isinf() (in module oneflow) isnan() (in module oneflow) item() (oneflow.Tensor method) IterableDataset (class in oneflow.utils.data) K kaiming_normal_() (in module oneflow.nn.init) kaiming_uniform_() (in module oneflow.nn.init) KLDivLoss (class in oneflow.nn) L L1Loss (class in oneflow.nn) LAMB (class in oneflow.optim) LambdaLR (class in oneflow.optim.lr_scheduler) layer_norm() (in module oneflow.nn.functional) LayerNorm (class in oneflow.nn) le() (in module oneflow) (oneflow.Tensor method) leaky_relu() (in module oneflow.nn.functional) LeakyReLU (class in oneflow.nn) Linear (class in oneflow.nn) linear() (in module oneflow.nn.functional) linspace() (in module oneflow) load() (in module oneflow) load_snapshot() (oneflow.one_embedding.MultiTableEmbedding method) (oneflow.one_embedding.MultiTableMultiColumnEmbedding method) load_state_dict() (oneflow.nn.Graph method) (oneflow.nn.Module method) (oneflow.optim.lr_scheduler.LambdaLR method) (oneflow.optim.lr_scheduler.ReduceLROnPlateau method) (oneflow.optim.Optimizer method) local_to_global() (oneflow.Tensor method) log() (in module oneflow) (oneflow.Tensor method) log1p() (in module oneflow) (oneflow.Tensor method) log2() (in module oneflow) log_softmax() (in module oneflow.nn.functional) logical_and() (in module oneflow) (oneflow.Tensor method) logical_not() (in module oneflow) (oneflow.Tensor method) logical_or() (in module oneflow) (oneflow.Tensor method) logical_slice() (in module oneflow) logical_xor() (in module oneflow) (oneflow.Tensor method) LogSigmoid (class in oneflow.nn) logsigmoid() (in module oneflow.nn.functional) LogSoftmax (class in oneflow.nn) long() (oneflow.Tensor method) LongTensor() (in module oneflow) (in module oneflow.cuda) lt() (in module oneflow) (oneflow.Tensor method) M make_cached_host_mem_store_options() (in module oneflow.one_embedding) make_cached_ssd_store_options() (in module oneflow.one_embedding) make_device_mem_store_options() (in module oneflow.one_embedding) make_normal_initializer() (in module oneflow.one_embedding) make_persistent_table_reader() (in module oneflow.one_embedding) make_persistent_table_writer() (in module oneflow.one_embedding) make_table() (in module oneflow.one_embedding) make_table_options() (in module oneflow.one_embedding) make_uniform_initializer() (in module oneflow.one_embedding) manual_seed() (in module oneflow) MarginRankingLoss (class in oneflow.nn) masked_fill() (in module oneflow) (oneflow.Tensor method) masked_select() (in module oneflow) (oneflow.Tensor method) matmul() (in module oneflow) (oneflow.Tensor method) matrix_norm() (in module oneflow.linalg) max() (in module oneflow) (oneflow.Tensor method) MaxPool1d (class in oneflow.nn) MaxPool2d (class in oneflow.nn) MaxPool3d (class in oneflow.nn) mean() (in module oneflow) (oneflow.Tensor method) median() (in module oneflow) meshgrid() (in module oneflow) min() (in module oneflow) (oneflow.Tensor method) MinMaxObserver (class in oneflow.nn) Mish (class in oneflow.nn) mish() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) module oneflow oneflow.autograd oneflow.comm oneflow.cuda oneflow.nn oneflow.nn.image oneflow.one_embedding oneflow.optim oneflow.optim.lr_scheduler oneflow.utils.data oneflow.utils.data.distributed Module (class in oneflow.nn) ModuleDict (class in oneflow.nn) ModuleList (class in oneflow.nn) modules() (oneflow.nn.Module method) movedim() (in module oneflow) MovingAverageMinMaxObserver (class in oneflow.nn) MSELoss (class in oneflow.nn) mul() (in module oneflow) (oneflow.Tensor method) mul_() (oneflow.Tensor method) MultiStepLR (class in oneflow.optim.lr_scheduler) MultiTableEmbedding (class in oneflow.one_embedding) MultiTableMultiColumnEmbedding (class in oneflow.one_embedding) N name() (oneflow.nn.Graph property) named_buffers() (oneflow.nn.Module method) named_children() (oneflow.nn.Module method) named_modules() (oneflow.nn.Module method) named_parameters() (oneflow.nn.Module method) narrow() (in module oneflow) (oneflow.Tensor method) ndim() (oneflow.Tensor property) ndimension() (oneflow.Tensor method) ne() (in module oneflow) (oneflow.Tensor method) neg() (in module oneflow) negative() (in module oneflow) (oneflow.Tensor method) nelement() (oneflow.Tensor method) new_empty() (oneflow.Tensor method) new_ones() (in module oneflow) (oneflow.Tensor method) new_zeros() (oneflow.Tensor method) NLLLoss (class in oneflow.nn) nms() (in module oneflow) (oneflow.Tensor method) no_grad (class in oneflow) nonzero() (in module oneflow) (oneflow.Tensor method) norm() (in module oneflow.linalg) (oneflow.Tensor method) normal() (in module oneflow) normal_() (oneflow.Tensor method) normalize (in module oneflow.nn.image) normalize() (in module oneflow.nn.functional) normalized_shape (oneflow.nn.LayerNorm attribute) num_samples() (oneflow.utils.data.RandomSampler property) num_workers (oneflow.utils.data.DataLoader attribute) numel() (in module oneflow) (oneflow.Tensor method) numpy() (oneflow.Tensor method) O OFRecordBytesDecoder (class in oneflow.nn) OFRecordImageDecoder (class in oneflow.nn) OFRecordImageDecoderRandomCrop (class in oneflow.nn) OFRecordRawDecoder (class in oneflow.nn) OFRecordReader (class in oneflow.nn) one_hot() (in module oneflow.nn.functional) oneflow module oneflow.autograd module oneflow.comm module oneflow.cuda module oneflow.nn module oneflow.nn.image module oneflow.one_embedding module oneflow.optim module oneflow.optim.lr_scheduler module oneflow.utils.data module oneflow.utils.data.distributed module ones() (in module oneflow) ones_like() (in module oneflow) Optimizer (class in oneflow.optim) orthogonal_() (in module oneflow.nn.init) P p (oneflow.nn.Dropout attribute) pad() (in module oneflow.nn.functional) Parameter (class in oneflow.nn) ParameterDict (class in oneflow.nn) ParameterList (class in oneflow.nn) parameters() (oneflow.nn.Module method) permute() (in module oneflow) (oneflow.Tensor method) pin_memory (oneflow.utils.data.DataLoader attribute) PixelShuffle (in module oneflow.nn) PixelShufflev2() (in module oneflow.nn.modules.pixelshuffle) placement (class in oneflow) (oneflow.Tensor attribute) PolynomialLR (class in oneflow.optim.lr_scheduler) pow() (in module oneflow) (oneflow.Tensor method) prefetch_factor (oneflow.utils.data.DataLoader attribute) PReLU (class in oneflow.nn) prelu() (in module oneflow.nn.functional) prod() (in module oneflow) (oneflow.Tensor method) Q Quantization (class in oneflow.nn) R rand() (in module oneflow) randint() (in module oneflow) randn() (in module oneflow) random_split() (in module oneflow.utils.data) RandomSampler (class in oneflow.utils.data) randperm() (in module oneflow) reciprocal() (in module oneflow) (oneflow.Tensor method) recv() (in module oneflow.comm) reduce() (in module oneflow.comm) reduce_ex_hook (oneflow.utils.data.IterableDataset attribute) reduce_scatter() (in module oneflow.comm) ReduceLROnPlateau (class in oneflow.optim.lr_scheduler) ReflectionPad2d (class in oneflow.nn) register_buffer() (oneflow.nn.Module method) register_datapipe_as_function() (oneflow.utils.data.IterableDataset class method) register_forward_hook() (oneflow.nn.Module method) register_forward_pre_hook() (oneflow.nn.Module method) register_function() (oneflow.utils.data.IterableDataset class method) register_hook() (oneflow.Tensor method) register_parameter() (oneflow.nn.Module method) ReLU (class in oneflow.nn) relu() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) ReLU6 (class in oneflow.nn) remove_weight_norm() (in module oneflow.nn.utils) repeat() (in module oneflow) (oneflow.Tensor method) replacement (oneflow.utils.data.RandomSampler attribute) ReplicationPad2d (class in oneflow.nn) requires_grad (oneflow.Tensor attribute) requires_grad_() (oneflow.Tensor method) reset_running_stats() (oneflow.nn.MovingAverageMinMaxObserver method) reshape() (in module oneflow) (oneflow.Tensor method) Resize (in module oneflow.nn.image) retain_grad() (oneflow.Tensor method) RMSprop (class in oneflow.optim) roc_auc_score() (in module oneflow) roll() (in module oneflow) (oneflow.Tensor method) round() (in module oneflow) (oneflow.Tensor method) rsqrt() (in module oneflow) (oneflow.Tensor method) S Sampler (class in oneflow.utils.data) sampler (oneflow.utils.data.DataLoader attribute) save() (in module oneflow) save_snapshot() (oneflow.one_embedding.MultiTableEmbedding method) (oneflow.one_embedding.MultiTableMultiColumnEmbedding method) sbp (class in oneflow.sbp) (oneflow.Tensor attribute) scatter() (in module oneflow) (in module oneflow.comm) scatter_add() (in module oneflow) scatter_nd() (in module oneflow) searchsorted() (in module oneflow) seed() (in module oneflow) select() (in module oneflow) SELU (class in oneflow.nn) selu() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) send() (in module oneflow.comm) Sequential (class in oneflow.nn) SequentialSampler (class in oneflow.utils.data) set_epoch() (oneflow.utils.data.distributed.DistributedSampler method) set_grad_enabled (class in oneflow) set_grad_scaler() (oneflow.nn.Graph method) set_gradient_accumulation_steps() (oneflow.nn.graph.graph_config.GraphConfig method) set_num_threads() (in module oneflow) set_printoptions() (in module oneflow) set_reduce_ex_hook() (oneflow.utils.data.IterableDataset class method) set_rng_state() (in module oneflow) set_zero_redundancy_optimizer_min_size_after_split() (oneflow.nn.graph.graph_config.GraphConfig method) set_zero_redundancy_optimizer_mode() (oneflow.nn.graph.graph_config.GraphConfig method) SGD (class in oneflow.optim) shape (oneflow.Tensor attribute) Sigmoid (class in oneflow.nn) sigmoid() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) sign() (in module oneflow) (oneflow.Tensor method) SiLU (class in oneflow.nn) silu() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) sin() (in module oneflow) (oneflow.Tensor method) sin_() (in module oneflow) (oneflow.Tensor method) sinh() (in module oneflow) (oneflow.Tensor method) size() (oneflow.Tensor method) slice() (in module oneflow) SmoothL1Loss (class in oneflow.nn) Softmax (class in oneflow.nn) softmax() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) Softplus (class in oneflow.nn) softplus() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) Softshrink (class in oneflow.nn) softshrink() (in module oneflow.nn.functional) Softsign (class in oneflow.nn) softsign() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) sort() (in module oneflow) (oneflow.Tensor method) sparse_softmax_cross_entropy() (in module oneflow.nn.functional) split() (in module oneflow) (oneflow.Tensor method) sqrt() (in module oneflow) (oneflow.Tensor method) square() (in module oneflow) (oneflow.Tensor method) squeeze() (in module oneflow) (oneflow.Tensor method) stack() (in module oneflow) stage_id() (oneflow.nn.graph.block_config.BlockConfig property) state_dict() (oneflow.nn.Graph method) (oneflow.nn.Module method) (oneflow.optim.lr_scheduler.LambdaLR method) (oneflow.optim.lr_scheduler.ReduceLROnPlateau method) (oneflow.optim.Optimizer method) std() (in module oneflow) (oneflow.Tensor method) step() (oneflow.one_embedding.Ftrl method) (oneflow.optim.Adagrad method) (oneflow.optim.Adam method) (oneflow.optim.AdamW method) (oneflow.optim.LAMB method) (oneflow.optim.lr_scheduler.LambdaLR method) (oneflow.optim.lr_scheduler.ReduceLROnPlateau method) (oneflow.optim.Optimizer method) (oneflow.optim.RMSprop method) (oneflow.optim.SGD method) StepLR (class in oneflow.optim.lr_scheduler) storage_offset() (oneflow.Tensor method) stride() (oneflow.Tensor method) sub() (in module oneflow) (oneflow.Tensor method) sub_() (oneflow.Tensor method) Subset (class in oneflow.utils.data) SubsetRandomSampler (class in oneflow.utils.data) sum() (in module oneflow) (oneflow.Tensor method) support_sparse() (oneflow.one_embedding.Ftrl property) (oneflow.optim.Adam property) (oneflow.optim.AdamW property) (oneflow.optim.Optimizer property) (oneflow.optim.SGD property) swapaxes() (in module oneflow) (oneflow.Tensor method) swapdims() (in module oneflow) (oneflow.Tensor method) T t() (in module oneflow) (oneflow.Tensor method) T() (oneflow.Tensor property) tan() (in module oneflow) (oneflow.Tensor method) Tanh (class in oneflow.nn) tanh() (in module oneflow) (in module oneflow.nn.functional) (oneflow.Tensor method) Tensor (class in oneflow) tensor() (in module oneflow) tensor_scatter_nd_update() (in module oneflow) tensor_split() (in module oneflow) TensorDataset (class in oneflow.utils.data) Threshold (class in oneflow.nn) threshold() (in module oneflow.nn.functional) tile() (in module oneflow) (oneflow.Tensor method) timeout (oneflow.utils.data.DataLoader attribute) to() (oneflow.nn.Module method) (oneflow.Tensor method) to_consistent() (oneflow.nn.Module method) (oneflow.Tensor method) to_global() (oneflow.nn.Module method) (oneflow.Tensor method) to_local() (oneflow.Tensor method) to_torch() (in module oneflow.utils) tolist() (oneflow.Tensor method) topk() (in module oneflow) (oneflow.Tensor method) train() (oneflow.nn.Module method) transpose() (in module oneflow) (oneflow.Tensor method) tril() (in module oneflow) (oneflow.Tensor method) triplet_margin_loss() (in module oneflow.nn.functional) TripletMarginLoss (class in oneflow.nn) triu() (oneflow.Tensor method) type_as() (oneflow.Tensor method) U unbind() (in module oneflow) (oneflow.Tensor method) unfold() (oneflow.Tensor method) uniform_() (oneflow.Tensor method) unsqueeze() (in module oneflow) (oneflow.Tensor method) Upsample (class in oneflow.nn) UpsamplingBilinear2d (class in oneflow.nn) UpsamplingNearest2d (class in oneflow.nn) V var() (in module oneflow) (oneflow.Tensor method) vector_norm() (in module oneflow.linalg) view() (oneflow.Tensor method) view_as() (oneflow.Tensor method) vsplit() (in module oneflow) W weight (oneflow.nn.Conv1d attribute) (oneflow.nn.Conv2d attribute) (oneflow.nn.Conv3d attribute) (oneflow.nn.ConvTranspose1d attribute) (oneflow.nn.ConvTranspose2d attribute) (oneflow.nn.ConvTranspose3d attribute) weight() (oneflow.nn.FusedMLP method) weight_norm() (in module oneflow.nn.utils) weights() (oneflow.nn.FusedMLP method) where() (in module oneflow) (oneflow.Tensor method) X xavier_normal_() (in module oneflow.nn.init) xavier_uniform_() (in module oneflow.nn.init) Z zero_() (oneflow.Tensor method) zero_grad() (oneflow.nn.Module method) (oneflow.optim.Optimizer method) ZeroPad2d (class in oneflow.nn) zeros() (in module oneflow) zeros_like() (in module oneflow)