Install
Gluon
About
Dive into Deep Learning
GluonCV Toolkit
GluonNLP Toolkit
API
Python
C++
Julia
Perl
R
Scala
Docs
FAQ
Tutorials
Examples
Architecture
Developer Wiki
Model Zoo
ONNX
Community
Forum
Github
Contribute
0.11.0
master
1.7.0
1.6.0
1.5.0
1.4.1
1.3.1
1.2.1
1.1.0
1.0.0
0.12.1
0.11.0
☰
Install
Tutorials
Gluon
About
The Straight Dope (Tutorials)
GluonCV Toolkit
GluonNLP Toolkit
API
Python
C++
Julia
Perl
R
Scala
Docs
FAQ
Tutorials
Examples
Architecture
Developer Wiki
Gluon Model Zoo
ONNX
Community
Forum
Github
Contribute
0.11.0
master
1.6.0
1.5.0
1.4.1
1.3.1
1.2.1
1.1.0
1.0.0
0.12.1
0.11.0
Python Documents
R Documents
Julia Documents
C++ Documents
Scala Documents
Perl Documents
HowTo Documents
System Documents
Tutorials
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__() (mxnet.rnn.BaseRNNCell method)
A
abs() (in module mxnet.ndarray)
(in module mxnet.symbol)
Accuracy (class in mxnet.metric)
Activation (class in mxnet.gluon.nn)
Activation() (in module mxnet.ndarray)
(in module mxnet.symbol)
AdaDelta (class in mxnet.optimizer)
AdaGrad (class in mxnet.optimizer)
Adam (class in mxnet.optimizer)
adam_update() (in module mxnet.ndarray)
(in module mxnet.symbol)
Adamax (class in mxnet.optimizer)
add() (in module mxnet.ndarray)
(mxnet.gluon.nn.HybridSequential method)
(mxnet.gluon.nn.Sequential method)
(mxnet.gluon.rnn.SequentialRNNCell method)
(mxnet.metric.CompositeEvalMetric method)
(mxnet.module.SequentialModule method)
(mxnet.rnn.SequentialRNNCell method)
add_n() (in module mxnet.ndarray)
(in module mxnet.symbol)
AlexNet (class in mxnet.gluon.model_zoo.vision)
alexnet() (mxnet.gluon.model_zoo.vision method)
arange() (in module mxnet.ndarray)
(in module mxnet.symbol)
arccos() (in module mxnet.ndarray)
(in module mxnet.symbol)
arccosh() (in module mxnet.ndarray)
(in module mxnet.symbol)
arcsin() (in module mxnet.ndarray)
(in module mxnet.symbol)
arcsinh() (in module mxnet.ndarray)
(in module mxnet.symbol)
arctan() (in module mxnet.ndarray)
(in module mxnet.symbol)
arctanh() (in module mxnet.ndarray)
(in module mxnet.symbol)
argmax() (in module mxnet.ndarray)
(in module mxnet.symbol)
argmax_channel() (in module mxnet.ndarray)
(in module mxnet.symbol)
argmin() (in module mxnet.ndarray)
(in module mxnet.symbol)
argsort() (in module mxnet.ndarray)
(in module mxnet.symbol)
array() (in module mxnet.ndarray)
ArrayDataset (class in mxnet.gluon.data)
as_in_context() (mxnet.ndarray.NDArray method)
asnumpy() (mxnet.ndarray.NDArray method)
asscalar() (mxnet.ndarray.NDArray method)
astype() (mxnet.ndarray.NDArray method)
attach_grad() (mxnet.ndarray.NDArray method)
attr() (mxnet.symbol.Symbol method)
attr_dict() (mxnet.symbol.Symbol method)
augmentation_transform() (mxnet.image.ImageDetIter method)
(mxnet.image.ImageIter method)
Augmenter (class in mxnet.image)
AvgPool1D (class in mxnet.gluon.nn)
AvgPool2D (class in mxnet.gluon.nn)
AvgPool3D (class in mxnet.gluon.nn)
B
backward() (in module mxnet.autograd)
(mxnet.autograd.Function method)
(mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonLossModule method)
(mxnet.module.SequentialModule method)
(mxnet.ndarray.NDArray method)
BaseModule (class in mxnet.module)
BaseRNNCell (class in mxnet.rnn)
BasicBlockV1 (class in mxnet.gluon.model_zoo.vision)
BasicBlockV2 (class in mxnet.gluon.model_zoo.vision)
batch_dot() (in module mxnet.ndarray)
(in module mxnet.symbol)
batch_take() (in module mxnet.ndarray)
(in module mxnet.symbol)
BatchNorm (class in mxnet.gluon.nn)
BatchNorm() (in module mxnet.ndarray)
(in module mxnet.symbol)
BatchNorm_v1() (in module mxnet.ndarray)
(in module mxnet.symbol)
BatchSampler (class in mxnet.gluon.data)
begin_state() (mxnet.gluon.rnn.RecurrentCell method)
(mxnet.rnn.BaseRNNCell method)
BidirectionalCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)
Bilinear (class in mxnet.initializer)
BilinearSampler() (in module mxnet.ndarray)
(in module mxnet.symbol)
bind() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonModule method)
(mxnet.module.SequentialModule method)
(mxnet.symbol.Symbol method)
Block (class in mxnet.gluon)
BlockGrad() (in module mxnet.ndarray)
(in module mxnet.symbol)
borrow_optimizer() (mxnet.module.Module method)
BottleneckV1 (class in mxnet.gluon.model_zoo.vision)
BottleneckV2 (class in mxnet.gluon.model_zoo.vision)
BrightnessJitterAug (class in mxnet.image)
broadcast_add() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_axes() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_axis() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_div() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_equal() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_greater() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_greater_equal() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_hypot() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_lesser() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_lesser_equal() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_maximum() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_minimum() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_minus() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_mod() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_mul() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_not_equal() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_plus() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_power() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_sub() (in module mxnet.ndarray)
(in module mxnet.symbol)
broadcast_to() (in module mxnet.ndarray)
(in module mxnet.symbol)
(mxnet.ndarray.NDArray method)
BucketingModule (class in mxnet.module)
BucketSentenceIter (class in mxnet.rnn)
C
Caffe (class in mxnet.metric)
Cast() (in module mxnet.ndarray)
cast() (in module mxnet.ndarray)
Cast() (in module mxnet.symbol)
cast() (in module mxnet.symbol)
CastAug (class in mxnet.image)
ccSGD (class in mxnet.optimizer)
ceil() (in module mxnet.ndarray)
(in module mxnet.symbol)
center_crop() (mxnet.image method)
CenterCropAug (class in mxnet.image)
check_data_shape() (mxnet.image.ImageIter method)
check_label_shape() (mxnet.image.ImageDetIter method)
check_valid_image() (mxnet.image.ImageIter method)
choose_element_0index() (in module mxnet.ndarray)
(in module mxnet.symbol)
CIFAR10 (class in mxnet.gluon.data.vision)
clip() (in module mxnet.ndarray)
(in module mxnet.symbol)
clip_global_norm() (mxnet.gluon.utils method)
close() (mxnet.recordio.MXIndexedRecordIO method)
(mxnet.recordio.MXRecordIO method)
collect_params() (mxnet.gluon.Block method)
color_normalize() (mxnet.image method)
ColorJitterAug (class in mxnet.image)
ColorNormalizeAug (class in mxnet.image)
CompositeEvalMetric (class in mxnet.metric)
Concat() (in module mxnet.ndarray)
concat() (in module mxnet.ndarray)
Concat() (in module mxnet.symbol)
concat() (in module mxnet.symbol)
concatenate() (in module mxnet.ndarray)
Constant (class in mxnet.initializer)
context (mxnet.ndarray.NDArray attribute)
ContrastJitterAug (class in mxnet.image)
Conv1D (class in mxnet.gluon.nn)
Conv1DTranspose (class in mxnet.gluon.nn)
Conv2D (class in mxnet.gluon.nn)
Conv2DTranspose (class in mxnet.gluon.nn)
Conv3D (class in mxnet.gluon.nn)
Conv3DTranspose (class in mxnet.gluon.nn)
Convolution() (in module mxnet.ndarray)
(in module mxnet.symbol)
Convolution_v1() (in module mxnet.ndarray)
(in module mxnet.symbol)
copy() (mxnet.ndarray.NDArray method)
copyto() (mxnet.ndarray.NDArray method)
Correlation() (in module mxnet.ndarray)
(in module mxnet.symbol)
cos() (in module mxnet.ndarray)
(in module mxnet.symbol)
cosh() (in module mxnet.ndarray)
(in module mxnet.symbol)
count_sketch() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
create() (in module mxnet.kvstore)
(in module mxnet.metric)
(in module mxnet.optimizer)
create_optimizer() (mxnet.optimizer.Optimizer static method)
create_state() (mxnet.optimizer.Optimizer method)
(mxnet.optimizer.Test method)
CreateAugmenter() (mxnet.image method)
CreateDetAugmenter() (mxnet.image method)
Crop() (in module mxnet.ndarray)
crop() (in module mxnet.ndarray)
Crop() (in module mxnet.symbol)
crop() (in module mxnet.symbol)
CrossEntropy (class in mxnet.metric)
CSVIter() (in module mxnet.io)
ctc_loss() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
CTCLoss() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
Custom() (in module mxnet.ndarray)
(in module mxnet.symbol)
CustomMetric (class in mxnet.metric)
D
data() (mxnet.gluon.Parameter method)
data_names (mxnet.module.BaseModule attribute)
(mxnet.module.BucketingModule attribute)
(mxnet.module.Module attribute)
(mxnet.module.PythonModule attribute)
(mxnet.module.SequentialModule attribute)
data_shapes (mxnet.module.BaseModule attribute)
(mxnet.module.BucketingModule attribute)
(mxnet.module.Module attribute)
(mxnet.module.PythonModule attribute)
(mxnet.module.SequentialModule attribute)
DataBatch (class in mxnet.io)
DataDesc (class in mxnet.io)
DataIter (class in mxnet.io)
DataLoader (class in mxnet.gluon.data)
Dataset (class in mxnet.gluon.data)
DCASGD (class in mxnet.optimizer)
debug_str() (mxnet.symbol.Symbol method)
Deconvolution() (in module mxnet.ndarray)
(in module mxnet.symbol)
DeformableConvolution() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
DeformablePSROIPooling() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
degrees() (in module mxnet.ndarray)
(in module mxnet.symbol)
Dense (class in mxnet.gluon.nn)
DenseNet (class in mxnet.gluon.model_zoo.vision)
densenet121() (mxnet.gluon.model_zoo.vision method)
densenet161() (mxnet.gluon.model_zoo.vision method)
densenet169() (mxnet.gluon.model_zoo.vision method)
densenet201() (mxnet.gluon.model_zoo.vision method)
dequantize() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
detach() (mxnet.ndarray.NDArray method)
DetAugmenter (class in mxnet.image)
DetBorrowAug (class in mxnet.image)
DetHorizontalFlipAug (class in mxnet.image)
DetRandomCropAug (class in mxnet.image)
DetRandomPadAug (class in mxnet.image)
DetRandomSelectAug (class in mxnet.image)
divide() (in module mxnet.ndarray)
do_checkpoint() (in module mxnet.callback)
do_rnn_checkpoint() (mxnet.rnn method)
dot() (in module mxnet.ndarray)
(in module mxnet.symbol)
draw_next() (mxnet.image.ImageDetIter method)
Dropout (class in mxnet.gluon.nn)
Dropout() (in module mxnet.ndarray)
(in module mxnet.symbol)
DropoutCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)
dtype (mxnet.ndarray.NDArray attribute)
dumps() (mxnet.image.Augmenter method)
(mxnet.image.DetAugmenter method)
(mxnet.initializer.Initializer method)
E
ElementWiseSum() (in module mxnet.ndarray)
(in module mxnet.symbol)
elemwise_add() (in module mxnet.ndarray)
(in module mxnet.symbol)
Embedding (class in mxnet.gluon.nn)
Embedding() (in module mxnet.ndarray)
(in module mxnet.symbol)
empty() (in module mxnet.ndarray)
encode_sentences() (mxnet.rnn method)
equal() (in module mxnet.ndarray)
eval() (mxnet.symbol.Symbol method)
EvalMetric (class in mxnet.metric)
exp() (in module mxnet.ndarray)
(in module mxnet.symbol)
expand_dims() (in module mxnet.ndarray)
(in module mxnet.symbol)
expm1() (in module mxnet.ndarray)
(in module mxnet.symbol)
F
F1 (class in mxnet.metric)
FactorScheduler (class in mxnet.lr_scheduler)
fft() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
fill_element_0index() (in module mxnet.ndarray)
(in module mxnet.symbol)
fit() (mxnet.module.BaseModule method)
fix() (in module mxnet.ndarray)
(in module mxnet.symbol)
fixed_crop() (mxnet.image method)
Flatten() (in module mxnet.ndarray)
flatten() (in module mxnet.ndarray)
Flatten() (in module mxnet.symbol)
flatten() (in module mxnet.symbol)
flip() (in module mxnet.ndarray)
(in module mxnet.symbol)
floor() (in module mxnet.ndarray)
(in module mxnet.symbol)
ForceResizeAug (class in mxnet.image)
forward() (mxnet.autograd.Function method)
(mxnet.gluon.Block method)
(mxnet.gluon.HybridBlock method)
(mxnet.gluon.rnn.RecurrentCell method)
(mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonLossModule method)
(mxnet.module.SequentialModule method)
forward_backward() (mxnet.module.BaseModule method)
Ftrl (class in mxnet.optimizer)
full() (in module mxnet.ndarray)
(in module mxnet.symbol)
FullyConnected() (in module mxnet.ndarray)
(in module mxnet.symbol)
Function (class in mxnet.autograd)
FusedRNN (class in mxnet.initializer)
FusedRNNCell (class in mxnet.rnn)
G
gamma() (in module mxnet.ndarray)
(in module mxnet.symbol)
gammaln() (in module mxnet.ndarray)
(in module mxnet.symbol)
get() (mxnet.gluon.ParameterDict method)
(mxnet.metric.CompositeEvalMetric method)
(mxnet.metric.EvalMetric method)
(mxnet.metric.Perplexity method)
(mxnet.rnn.RNNParams method)
get_batch_axis() (mxnet.io.DataDesc static method)
get_children() (mxnet.symbol.Symbol method)
get_config() (mxnet.metric.EvalMetric method)
get_input_grads() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonLossModule method)
(mxnet.module.SequentialModule method)
get_internals() (mxnet.symbol.Symbol method)
get_list() (mxnet.io.DataDesc static method)
get_metric() (mxnet.metric.CompositeEvalMetric method)
get_model() (mxnet.gluon.model_zoo.vision method)
get_name_value() (mxnet.metric.EvalMetric method)
get_outputs() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonLossModule method)
(mxnet.module.SequentialModule method)
get_params() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonModule method)
(mxnet.module.SequentialModule method)
get_resnet() (mxnet.gluon.model_zoo.vision method)
get_states() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.optimizer.Updater method)
get_symbol() (in module mxnet.autograd)
get_updater() (in module mxnet.optimizer)
get_vgg() (mxnet.gluon.model_zoo.vision method)
getdata() (mxnet.io.DataIter method)
getindex() (mxnet.io.DataIter method)
getlabel() (mxnet.io.DataIter method)
getpad() (mxnet.io.DataIter method)
GlobalAvgPool1D (class in mxnet.gluon.nn)
GlobalAvgPool2D (class in mxnet.gluon.nn)
GlobalAvgPool3D (class in mxnet.gluon.nn)
GlobalMaxPool1D (class in mxnet.gluon.nn)
GlobalMaxPool2D (class in mxnet.gluon.nn)
GlobalMaxPool3D (class in mxnet.gluon.nn)
grad (mxnet.ndarray.NDArray attribute)
grad() (mxnet.gluon.Parameter method)
grad_req (mxnet.gluon.model_zoo.vision.Parameter attribute)
gradient() (mxnet.symbol.Symbol method)
greater() (in module mxnet.ndarray)
greater_equal() (in module mxnet.ndarray)
GridGenerator() (in module mxnet.ndarray)
(in module mxnet.symbol)
Group() (in module mxnet.symbol)
GRU (class in mxnet.gluon.rnn)
GRUCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)
H
hard_reset() (mxnet.io.NDArrayIter method)
HorizontalFlipAug (class in mxnet.image)
HueJitterAug (class in mxnet.image)
hybrid_forward() (mxnet.gluon.HybridBlock method)
HybridBlock (class in mxnet.gluon)
hybridize() (mxnet.gluon.Block method)
HybridSequential (class in mxnet.gluon.nn)
hypot() (in module mxnet.symbol)
I
identity() (in module mxnet.ndarray)
(in module mxnet.symbol)
IdentityAttachKLSparseReg() (in module mxnet.ndarray)
(in module mxnet.symbol)
ifft() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
ImageDetIter (class in mxnet.image)
ImageDetRecordIter() (in module mxnet.io)
ImageFolderDataset (class in mxnet.gluon.data.vision)
ImageIter (class in mxnet.image)
ImageRecordDataset (class in mxnet.gluon.data.vision)
ImageRecordIter() (in module mxnet.io)
ImageRecordIter_v1() (in module mxnet.io)
ImageRecordUInt8Iter() (in module mxnet.io)
ImageRecordUInt8Iter_v1() (in module mxnet.io)
imdecode() (in module mxnet.ndarray)
(mxnet.image method)
(mxnet.image.ImageIter method)
Inception3 (class in mxnet.gluon.model_zoo.vision)
inception_v3() (mxnet.gluon.model_zoo.vision method)
infer_shape() (mxnet.gluon.HybridBlock method)
(mxnet.symbol.Symbol method)
infer_shape_partial() (mxnet.symbol.Symbol method)
infer_type() (mxnet.symbol.Symbol method)
init() (mxnet.kvstore.KVStore method)
init_optimizer() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonModule method)
(mxnet.module.SequentialModule method)
init_params() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonModule method)
(mxnet.module.SequentialModule method)
InitDesc (class in mxnet.initializer)
initialize() (mxnet.gluon.Block method)
(mxnet.gluon.Parameter method)
(mxnet.gluon.ParameterDict method)
Initializer (class in mxnet.initializer)
install_monitor() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonLossModule method)
(mxnet.module.SequentialModule method)
InstanceNorm() (in module mxnet.ndarray)
(in module mxnet.symbol)
IRHeader (in module mxnet.recordio)
is_recording() (in module mxnet.autograd)
is_training() (in module mxnet.autograd)
items (mxnet.gluon.data.vision.ImageFolderDataset attribute)
iter_next() (mxnet.io.DataIter method)
iter_predict() (mxnet.module.BaseModule method)
K
KLDivLoss (class in mxnet.gluon.loss)
KVStore (class in mxnet.kvstore)
L
L1Loss (class in mxnet.gluon.loss)
L2Loss (class in mxnet.gluon.loss)
L2Normalization() (in module mxnet.ndarray)
(in module mxnet.symbol)
label_names (mxnet.module.Module attribute)
label_shapes (mxnet.module.BaseModule attribute)
(mxnet.module.BucketingModule attribute)
(mxnet.module.Module attribute)
(mxnet.module.PythonModule attribute)
(mxnet.module.SequentialModule attribute)
LeakyReLU (class in mxnet.gluon.nn)
LeakyReLU() (in module mxnet.ndarray)
(in module mxnet.symbol)
lesser() (in module mxnet.ndarray)
lesser_equal() (in module mxnet.ndarray)
LightingAug (class in mxnet.image)
linalg_gemm() (in module mxnet.ndarray)
(in module mxnet.symbol)
linalg_gemm2() (in module mxnet.ndarray)
(in module mxnet.symbol)
linalg_potrf() (in module mxnet.ndarray)
(in module mxnet.symbol)
linalg_potri() (in module mxnet.ndarray)
(in module mxnet.symbol)
linalg_sumlogdiag() (in module mxnet.ndarray)
(in module mxnet.symbol)
linalg_trmm() (in module mxnet.ndarray)
(in module mxnet.symbol)
linalg_trsm() (in module mxnet.ndarray)
(in module mxnet.symbol)
LinearRegressionOutput() (in module mxnet.ndarray)
(in module mxnet.symbol)
list_arguments() (mxnet.symbol.Symbol method)
list_attr() (mxnet.symbol.Symbol method)
list_auxiliary_states() (mxnet.symbol.Symbol method)
list_ctx() (mxnet.gluon.Parameter method)
list_data() (mxnet.gluon.Parameter method)
list_grad() (mxnet.gluon.Parameter method)
list_inputs() (mxnet.symbol.Symbol method)
list_outputs() (mxnet.symbol.Symbol method)
Load (class in mxnet.initializer)
load() (in module mxnet.ndarray)
(in module mxnet.symbol)
(mxnet.gluon.ParameterDict method)
(mxnet.module.Module static method)
load_json() (in module mxnet.symbol)
load_optimizer_states() (mxnet.kvstore.KVStore method)
(mxnet.module.Module method)
load_params() (mxnet.gluon.Block method)
(mxnet.module.BaseModule method)
load_rnn_checkpoint() (mxnet.rnn method)
log() (in module mxnet.ndarray)
(in module mxnet.symbol)
log10() (in module mxnet.ndarray)
(in module mxnet.symbol)
log1p() (in module mxnet.ndarray)
(in module mxnet.symbol)
log2() (in module mxnet.ndarray)
(in module mxnet.symbol)
log_softmax() (in module mxnet.ndarray)
(in module mxnet.symbol)
log_train_metric() (in module mxnet.callback)
LogisticRegressionOutput() (in module mxnet.ndarray)
(in module mxnet.symbol)
LogValidationMetricsCallback (class in mxnet.callback)
Loss (class in mxnet.metric)
LRN() (in module mxnet.ndarray)
(in module mxnet.symbol)
LRScheduler (class in mxnet.lr_scheduler)
LSTM (class in mxnet.gluon.rnn)
LSTMBias (class in mxnet.initializer)
LSTMCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)
M
MAE (class in mxnet.metric)
MAERegressionOutput() (in module mxnet.ndarray)
(in module mxnet.symbol)
make_loss() (in module mxnet.ndarray)
(in module mxnet.symbol)
MakeLoss() (in module mxnet.ndarray)
(in module mxnet.symbol)
mark_variables() (in module mxnet.autograd)
max() (in module mxnet.ndarray)
(in module mxnet.symbol)
max_axis() (in module mxnet.ndarray)
(in module mxnet.symbol)
maximum() (in module mxnet.ndarray)
(in module mxnet.symbol)
MaxPool1D (class in mxnet.gluon.nn)
MaxPool2D (class in mxnet.gluon.nn)
MaxPool3D (class in mxnet.gluon.nn)
mean() (in module mxnet.ndarray)
(in module mxnet.symbol)
min() (in module mxnet.ndarray)
(in module mxnet.symbol)
min_axis() (in module mxnet.ndarray)
(in module mxnet.symbol)
minimum() (in module mxnet.ndarray)
(in module mxnet.symbol)
Mixed (class in mxnet.initializer)
MNIST (class in mxnet.gluon.data.vision)
MNISTIter() (in module mxnet.io)
Module (class in mxnet.module)
module_checkpoint() (in module mxnet.callback)
modulo() (in module mxnet.ndarray)
moveaxis() (in module mxnet.ndarray)
mp_sgd_mom_update() (in module mxnet.ndarray)
(in module mxnet.symbol)
mp_sgd_update() (in module mxnet.ndarray)
(in module mxnet.symbol)
MSE (class in mxnet.metric)
MSRAPrelu (class in mxnet.initializer)
MultiBoxDetection() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
MultiBoxPrior() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
MultiBoxTarget() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
MultiFactorScheduler (class in mxnet.lr_scheduler)
multiply() (in module mxnet.ndarray)
MultiProposal() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
MXDataIter (class in mxnet.io)
MXIndexedRecordIO (class in mxnet.recordio)
mxnet.autograd (module)
mxnet.callback (module)
mxnet.contrib.ndarray (module)
mxnet.contrib.symbol (module)
mxnet.gluon.data.vision (module)
mxnet.gluon.model_zoo.vision (module)
mxnet.image (module)
mxnet.initializer (module)
mxnet.io (module)
mxnet.kvstore (module)
mxnet.lr_scheduler (module)
mxnet.metric (module)
mxnet.ndarray (module)
mxnet.optimizer (module)
mxnet.random (module)
mxnet.recordio (module)
mxnet.symbol (module)
mxnet::Engine (C++ class)
mxnet::Engine::_GetSharedRef (C++ function)
mxnet::Engine::AsyncFn (C++ type)
mxnet::Engine::CallbackOnComplete (C++ type)
mxnet::Engine::CreateCallback (C++ function)
mxnet::Engine::DeleteOperator (C++ function)
mxnet::Engine::DeleteVariable (C++ function)
mxnet::Engine::Get (C++ function)
mxnet::Engine::NewOperator (C++ function)
mxnet::Engine::NewVariable (C++ function)
mxnet::Engine::NotifyShutdown (C++ function)
mxnet::Engine::OprHandle (C++ type)
mxnet::Engine::Push (C++ function)
mxnet::Engine::PushAsync (C++ function)
mxnet::Engine::PushSync (C++ function)
mxnet::Engine::SyncFn (C++ type)
mxnet::Engine::VarHandle (C++ type)
mxnet::Engine::WaitForAll (C++ function)
mxnet::Engine::WaitForVar (C++ function)
mxnet::Engine::~Engine (C++ function)
MXRecordIO (class in mxnet.recordio)
N
Nadam (class in mxnet.optimizer)
NAG (class in mxnet.optimizer)
name (mxnet.gluon.Block attribute)
(mxnet.symbol.Symbol attribute)
name_scope() (mxnet.gluon.Block method)
nanprod() (in module mxnet.ndarray)
(in module mxnet.symbol)
nansum() (in module mxnet.ndarray)
(in module mxnet.symbol)
NDArray (class in mxnet.ndarray)
NDArrayIter (class in mxnet.io)
ndim (mxnet.ndarray.NDArray attribute)
negative() (in module mxnet.ndarray)
(in module mxnet.symbol)
next() (mxnet.image.ImageDetIter method)
(mxnet.image.ImageIter method)
(mxnet.io.DataIter method)
(mxnet.rnn.BucketSentenceIter method)
next_sample() (mxnet.image.ImageIter method)
norm() (in module mxnet.ndarray)
(in module mxnet.symbol)
Normal (class in mxnet.initializer)
normal() (in module mxnet.ndarray)
(in module mxnet.symbol)
not_equal() (in module mxnet.ndarray)
np() (in module mxnet.metric)
num_workers (mxnet.kvstore.KVStore attribute)
O
One (class in mxnet.initializer)
one_hot() (in module mxnet.ndarray)
(in module mxnet.symbol)
onehot_encode() (in module mxnet.ndarray)
ones() (in module mxnet.ndarray)
(in module mxnet.symbol)
ones_like() (in module mxnet.ndarray)
(in module mxnet.symbol)
open() (mxnet.recordio.MXRecordIO method)
Optimizer (class in mxnet.optimizer)
Orthogonal (class in mxnet.initializer)
output_names (mxnet.module.BaseModule attribute)
(mxnet.module.BucketingModule attribute)
(mxnet.module.Module attribute)
(mxnet.module.PythonModule attribute)
(mxnet.module.SequentialModule attribute)
output_shapes (mxnet.module.BaseModule attribute)
(mxnet.module.BucketingModule attribute)
(mxnet.module.Module attribute)
(mxnet.module.PythonModule attribute)
(mxnet.module.SequentialModule attribute)
P
pack() (in module mxnet.recordio)
pack_img() (in module mxnet.recordio)
pack_weights() (mxnet.rnn.BaseRNNCell method)
Pad() (in module mxnet.ndarray)
pad() (in module mxnet.ndarray)
Pad() (in module mxnet.symbol)
pad() (in module mxnet.symbol)
Parameter (class in mxnet.gluon)
ParameterDict (class in mxnet.gluon)
params (mxnet.gluon.Block attribute)
(mxnet.rnn.BaseRNNCell attribute)
pause() (in module mxnet.autograd)
PearsonCorrelation (class in mxnet.metric)
Perplexity (class in mxnet.metric)
pick() (in module mxnet.ndarray)
(in module mxnet.symbol)
Pooling() (in module mxnet.ndarray)
(in module mxnet.symbol)
Pooling_v1() (in module mxnet.ndarray)
(in module mxnet.symbol)
postprocess_data() (mxnet.image.ImageIter method)
pow() (in module mxnet.symbol)
power() (in module mxnet.ndarray)
predict() (mxnet.module.BaseModule method)
predict_mode() (in module mxnet.autograd)
PrefetchingIter (class in mxnet.io)
prefix (mxnet.gluon.Block attribute)
(mxnet.gluon.ParameterDict attribute)
prepare() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
prod() (in module mxnet.ndarray)
(in module mxnet.symbol)
ProgressBar (class in mxnet.callback)
Proposal() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
provide_data (mxnet.io.NDArrayIter attribute)
provide_label (mxnet.io.NDArrayIter attribute)
PSROIPooling() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
pull() (mxnet.kvstore.KVStore method)
push() (mxnet.kvstore.KVStore method)
PythonLossModule (class in mxnet.module)
PythonModule (class in mxnet.module)
Q
quantize() (in module mxnet.contrib.ndarray)
(in module mxnet.contrib.symbol)
R
radians() (in module mxnet.ndarray)
(in module mxnet.symbol)
random_crop() (mxnet.image method)
random_exponential() (in module mxnet.ndarray)
(in module mxnet.symbol)
random_gamma() (in module mxnet.ndarray)
(in module mxnet.symbol)
random_generalized_negative_binomial() (in module mxnet.ndarray)
(in module mxnet.symbol)
random_negative_binomial() (in module mxnet.ndarray)
(in module mxnet.symbol)
random_normal() (in module mxnet.ndarray)
(in module mxnet.symbol)
random_poisson() (in module mxnet.ndarray)
(in module mxnet.symbol)
random_size_crop() (mxnet.image method)
random_uniform() (in module mxnet.ndarray)
(in module mxnet.symbol)
RandomCropAug (class in mxnet.image)
RandomGrayAug (class in mxnet.image)
RandomOrderAug (class in mxnet.image)
RandomSampler (class in mxnet.gluon.data)
RandomSizedCropAug (class in mxnet.image)
rank (mxnet.kvstore.KVStore attribute)
read() (mxnet.recordio.MXRecordIO method)
read_idx() (mxnet.recordio.MXIndexedRecordIO method)
read_image() (mxnet.image.ImageIter method)
reciprocal() (in module mxnet.ndarray)
(in module mxnet.symbol)
record() (in module mxnet.autograd)
RecordFileDataset (class in mxnet.gluon.data)
RecurrentCell (class in mxnet.gluon.rnn)
register() (in module mxnet.initializer)
(in module mxnet.optimizer)
(mxnet.optimizer.Optimizer static method)
register_child() (mxnet.gluon.Block method)
relu() (in module mxnet.ndarray)
(in module mxnet.symbol)
repeat() (in module mxnet.ndarray)
(in module mxnet.symbol)
reset() (mxnet.gluon.rnn.RecurrentCell method)
(mxnet.image.ImageIter method)
(mxnet.io.DataIter method)
(mxnet.metric.CompositeEvalMetric method)
(mxnet.metric.EvalMetric method)
(mxnet.recordio.MXRecordIO method)
(mxnet.rnn.BaseRNNCell method)
(mxnet.rnn.BucketSentenceIter method)
reset_ctx() (mxnet.gluon.Parameter method)
(mxnet.gluon.ParameterDict method)
Reshape() (in module mxnet.ndarray)
reshape() (in module mxnet.ndarray)
Reshape() (in module mxnet.symbol)
reshape() (in module mxnet.symbol)
(mxnet.image.ImageDetIter method)
(mxnet.module.Module method)
(mxnet.ndarray.NDArray method)
(mxnet.symbol.Symbol method)
ResidualCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)
resize_short() (mxnet.image method)
ResizeAug (class in mxnet.image)
ResizeIter (class in mxnet.io)
resnet101_v1() (mxnet.gluon.model_zoo.vision method)
resnet101_v2() (mxnet.gluon.model_zoo.vision method)
resnet152_v1() (mxnet.gluon.model_zoo.vision method)
resnet152_v2() (mxnet.gluon.model_zoo.vision method)
resnet18_v1() (mxnet.gluon.model_zoo.vision method)
resnet18_v2() (mxnet.gluon.model_zoo.vision method)
resnet34_v1() (mxnet.gluon.model_zoo.vision method)
resnet34_v2() (mxnet.gluon.model_zoo.vision method)
resnet50_v1() (mxnet.gluon.model_zoo.vision method)
resnet50_v2() (mxnet.gluon.model_zoo.vision method)
ResNetV1 (class in mxnet.gluon.model_zoo.vision)
ResNetV2 (class in mxnet.gluon.model_zoo.vision)
reverse() (in module mxnet.ndarray)
(in module mxnet.symbol)
rint() (in module mxnet.ndarray)
(in module mxnet.symbol)
RMSE (class in mxnet.metric)
RMSProp (class in mxnet.optimizer)
rmsprop_update() (in module mxnet.ndarray)
(in module mxnet.symbol)
rmspropalex_update() (in module mxnet.ndarray)
(in module mxnet.symbol)
RNN (class in mxnet.gluon.rnn)
RNN() (in module mxnet.ndarray)
(in module mxnet.symbol)
RNNCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)
RNNParams (class in mxnet.rnn)
ROIPooling() (in module mxnet.ndarray)
(in module mxnet.symbol)
round() (in module mxnet.ndarray)
(in module mxnet.symbol)
rsqrt() (in module mxnet.ndarray)
(in module mxnet.symbol)
S
sample_exponential() (in module mxnet.ndarray)
(in module mxnet.symbol)
sample_gamma() (in module mxnet.ndarray)
(in module mxnet.symbol)
sample_generalized_negative_binomial() (in module mxnet.ndarray)
(in module mxnet.symbol)
sample_multinomial() (in module mxnet.ndarray)
(in module mxnet.symbol)
sample_negative_binomial() (in module mxnet.ndarray)
(in module mxnet.symbol)
sample_normal() (in module mxnet.ndarray)
(in module mxnet.symbol)
sample_poisson() (in module mxnet.ndarray)
(in module mxnet.symbol)
sample_uniform() (in module mxnet.ndarray)
(in module mxnet.symbol)
Sampler (class in mxnet.gluon.data)
SaturationJitterAug (class in mxnet.image)
save() (in module mxnet.ndarray)
(mxnet.gluon.ParameterDict method)
(mxnet.symbol.Symbol method)
save_checkpoint() (mxnet.module.Module method)
save_optimizer_states() (mxnet.kvstore.KVStore method)
(mxnet.module.Module method)
save_params() (mxnet.gluon.Block method)
(mxnet.module.BaseModule method)
save_rnn_checkpoint() (mxnet.rnn method)
scale_down() (mxnet.image method)
score() (mxnet.module.BaseModule method)
seed() (in module mxnet.random)
seek() (mxnet.recordio.MXIndexedRecordIO method)
SequenceLast() (in module mxnet.ndarray)
(in module mxnet.symbol)
SequenceMask() (in module mxnet.ndarray)
(in module mxnet.symbol)
SequenceReverse() (in module mxnet.ndarray)
(in module mxnet.symbol)
Sequential (class in mxnet.gluon.nn)
SequentialModule (class in mxnet.module)
SequentialRNNCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)
SequentialSampler (class in mxnet.gluon.data)
set_data() (mxnet.gluon.Parameter method)
set_lr_mult() (mxnet.optimizer.Optimizer method)
set_lr_scale() (mxnet.optimizer.Optimizer method)
set_optimizer() (mxnet.kvstore.KVStore method)
set_params() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
set_recording() (in module mxnet.autograd)
set_states() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.optimizer.Updater method)
set_training() (in module mxnet.autograd)
set_verbosity() (mxnet.initializer.Initializer method)
set_wd_mult() (mxnet.optimizer.Optimizer method)
setattr() (mxnet.gluon.ParameterDict method)
SGD (class in mxnet.optimizer)
sgd_mom_update() (in module mxnet.ndarray)
(in module mxnet.symbol)
sgd_update() (in module mxnet.ndarray)
(in module mxnet.symbol)
SGLD (class in mxnet.optimizer)
shape (mxnet.ndarray.NDArray attribute)
sigmoid() (in module mxnet.ndarray)
(in module mxnet.symbol)
sign() (in module mxnet.ndarray)
(in module mxnet.symbol)
simple_bind() (mxnet.symbol.Symbol method)
sin() (in module mxnet.ndarray)
(in module mxnet.symbol)
sinh() (in module mxnet.ndarray)
(in module mxnet.symbol)
size (mxnet.ndarray.NDArray attribute)
slice() (in module mxnet.ndarray)
(in module mxnet.symbol)
slice_axis() (in module mxnet.ndarray)
(in module mxnet.symbol)
SliceChannel() (in module mxnet.ndarray)
(in module mxnet.symbol)
smooth_l1() (in module mxnet.ndarray)
(in module mxnet.symbol)
Softmax() (in module mxnet.ndarray)
softmax() (in module mxnet.ndarray)
Softmax() (in module mxnet.symbol)
softmax() (in module mxnet.symbol)
softmax_cross_entropy() (in module mxnet.ndarray)
(in module mxnet.symbol)
SoftmaxActivation() (in module mxnet.ndarray)
(in module mxnet.symbol)
SoftmaxCrossEntropyLoss (class in mxnet.gluon.loss)
SoftmaxOutput() (in module mxnet.ndarray)
(in module mxnet.symbol)
sort() (in module mxnet.ndarray)
(in module mxnet.symbol)
SpatialTransformer() (in module mxnet.ndarray)
(in module mxnet.symbol)
Speedometer (class in mxnet.callback)
split() (in module mxnet.ndarray)
(in module mxnet.symbol)
split_and_load() (mxnet.gluon.utils method)
split_data() (mxnet.gluon.utils method)
sqrt() (in module mxnet.ndarray)
(in module mxnet.symbol)
square() (in module mxnet.ndarray)
(in module mxnet.symbol)
SqueezeNet (class in mxnet.gluon.model_zoo.vision)
squeezenet1_0() (mxnet.gluon.model_zoo.vision method)
squeezenet1_1() (mxnet.gluon.model_zoo.vision method)
stack() (in module mxnet.ndarray)
(in module mxnet.symbol)
state_info (mxnet.rnn.BaseRNNCell attribute)
state_info() (mxnet.gluon.rnn.RecurrentCell method)
state_shape (mxnet.rnn.BaseRNNCell attribute)
step() (mxnet.gluon.Trainer method)
stop_gradient() (in module mxnet.ndarray)
(in module mxnet.symbol)
subtract() (in module mxnet.ndarray)
sum() (in module mxnet.ndarray)
(in module mxnet.symbol)
sum_axis() (in module mxnet.ndarray)
(in module mxnet.symbol)
SVMOutput() (in module mxnet.ndarray)
(in module mxnet.symbol)
swapaxes() (in module mxnet.ndarray)
(in module mxnet.symbol)
SwapAxis() (in module mxnet.ndarray)
(in module mxnet.symbol)
switch_bucket() (mxnet.module.BucketingModule method)
Symbol (class in mxnet.symbol)
symbol (mxnet.module.BaseModule attribute)
(mxnet.module.BucketingModule attribute)
SymbolBlock (class in mxnet.gluon)
sync_label_shape() (mxnet.image.ImageDetIter method)
synsets (mxnet.gluon.data.vision.ImageFolderDataset attribute)
T
T (mxnet.ndarray.NDArray attribute)
take() (in module mxnet.ndarray)
(in module mxnet.symbol)
tan() (in module mxnet.ndarray)
(in module mxnet.symbol)
tanh() (in module mxnet.ndarray)
(in module mxnet.symbol)
tell() (mxnet.recordio.MXIndexedRecordIO method)
Test (class in mxnet.optimizer)
tile() (in module mxnet.ndarray)
(in module mxnet.symbol)
tojson() (mxnet.symbol.Symbol method)
topk() (in module mxnet.ndarray)
(in module mxnet.symbol)
TopKAccuracy (class in mxnet.metric)
Torch (class in mxnet.metric)
train_mode() (in module mxnet.autograd)
Trainer (class in mxnet.gluon)
transpose() (in module mxnet.ndarray)
(in module mxnet.symbol)
true_divide() (in module mxnet.ndarray)
trunc() (in module mxnet.ndarray)
(in module mxnet.symbol)
type (mxnet.kvstore.KVStore attribute)
U
unfuse() (mxnet.rnn.FusedRNNCell method)
Uniform (class in mxnet.initializer)
uniform() (in module mxnet.ndarray)
(in module mxnet.symbol)
unpack() (in module mxnet.recordio)
unpack_img() (in module mxnet.recordio)
unpack_weights() (mxnet.rnn.BaseRNNCell method)
unroll() (mxnet.gluon.rnn.RecurrentCell method)
(mxnet.rnn.BaseRNNCell method)
update() (mxnet.gluon.ParameterDict method)
(mxnet.metric.Accuracy method)
(mxnet.metric.CompositeEvalMetric method)
(mxnet.metric.CrossEntropy method)
(mxnet.metric.CustomMetric method)
(mxnet.metric.EvalMetric method)
(mxnet.metric.F1 method)
(mxnet.metric.MAE method)
(mxnet.metric.MSE method)
(mxnet.metric.PearsonCorrelation method)
(mxnet.metric.Perplexity method)
(mxnet.metric.RMSE method)
(mxnet.metric.TopKAccuracy method)
(mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonModule method)
(mxnet.module.SequentialModule method)
(mxnet.optimizer.Optimizer method)
(mxnet.optimizer.Test method)
update_dict() (mxnet.metric.EvalMetric method)
update_metric() (mxnet.module.BaseModule method)
(mxnet.module.BucketingModule method)
(mxnet.module.Module method)
(mxnet.module.PythonModule method)
(mxnet.module.SequentialModule method)
Updater (class in mxnet.optimizer)
UpSampling() (in module mxnet.ndarray)
(in module mxnet.symbol)
V
var() (in module mxnet.symbol)
(mxnet.gluon.Parameter method)
Variable() (in module mxnet.symbol)
VGG (class in mxnet.gluon.model_zoo.vision)
vgg11() (mxnet.gluon.model_zoo.vision method)
vgg11_bn() (mxnet.gluon.model_zoo.vision method)
vgg13() (mxnet.gluon.model_zoo.vision method)
vgg13_bn() (mxnet.gluon.model_zoo.vision method)
vgg16() (mxnet.gluon.model_zoo.vision method)
vgg16_bn() (mxnet.gluon.model_zoo.vision method)
vgg19() (mxnet.gluon.model_zoo.vision method)
vgg19_bn() (mxnet.gluon.model_zoo.vision method)
W
wait_to_read() (mxnet.ndarray.NDArray method)
waitall() (in module mxnet.ndarray)
where() (in module mxnet.ndarray)
(in module mxnet.symbol)
write() (mxnet.recordio.MXRecordIO method)
write_idx() (mxnet.recordio.MXIndexedRecordIO method)
X
Xavier (class in mxnet.initializer)
Z
Zero (class in mxnet.initializer)
zero_grad() (mxnet.gluon.Parameter method)
(mxnet.gluon.ParameterDict method)
zeros() (in module mxnet.ndarray)
(in module mxnet.symbol)
zeros_like() (in module mxnet.ndarray)
(in module mxnet.symbol)
ZoneoutCell (class in mxnet.gluon.rnn)
(class in mxnet.rnn)