新手入门
用户指南
API 参考
开发者指南
论坛
官网
GitHub
Bilibili
索引
_
|
A
|
B
|
C
|
D
|
E
|
F
|
G
|
H
|
I
|
J
|
L
|
M
|
N
|
O
|
P
|
Q
|
R
|
S
|
T
|
U
|
V
|
W
|
X
|
Z
|
模
_
__version__() (在 megengine 模块中)
A
abs() (在 megengine.functional 模块中)
acos() (在 megengine.functional 模块中)
acosh() (在 megengine.functional 模块中)
Adadelta (megengine.optimizer 中的类)
Adagrad (megengine.optimizer 中的类)
Adam (megengine.optimizer 中的类)
AdamW (megengine.optimizer 中的类)
adaptive_avg_pool2d() (在 megengine.functional.nn 模块中)
adaptive_max_pool2d() (在 megengine.functional.nn 模块中)
AdaptiveAvgPool2d (megengine.module 中的类)
AdaptiveMaxPool2d (megengine.module 中的类)
add() (在 megengine.functional 模块中)
add_input() (LiteNetworkIO 方法)
add_input_node() (InternalGraph 方法)
add_output() (LiteNetworkIO 方法)
add_output_node() (InternalGraph 方法)
add_param_group() (Optimizer 方法)
all_gather() (在 megengine.functional.distributed 模块中)
all_reduce_max() (在 megengine.functional.distributed 模块中)
all_reduce_min() (在 megengine.functional.distributed 模块中)
all_reduce_sum() (在 megengine.functional.distributed 模块中)
all_to_all() (在 megengine.functional.distributed 模块中)
AllreduceCallback (megengine.distributed.helper 中的类)
Apply (megengine.traced_module.expr 中的类)
apply() (CenterCrop 方法)
(ColorJitter 方法)
(Compose 方法)
(Module 方法)
(RandomCrop 方法)
(RandomHorizontalFlip 方法)
(RandomResize 方法)
(RandomResizedCrop 方法)
(RandomVerticalFlip 方法)
(Resize 方法)
(ShortestEdgeResize 方法)
(VisionTransform 方法)
apply_batch() (Compose 方法)
(VisionTransform 方法)
apply_easy_quant() (在 megengine.quantization 模块中)
apply_quant_activation() (QATModule 方法)
apply_quant_bias() (QATModule 方法)
apply_quant_weight() (QATModule 方法)
arange() (在 megengine.functional 模块中)
argmax() (在 megengine.functional 模块中)
argmin() (在 megengine.functional 模块中)
argsort() (在 megengine.functional 模块中)
ArrayDataset (megengine.data.dataset 中的类)
asin() (在 megengine.functional 模块中)
asinh() (在 megengine.functional 模块中)
astype() (Parameter 方法)
(Tensor 方法)
async_exec_level (LiteOptions 属性)
async_level() (在 megengine.config 模块中)
async_with_callback() (LiteNetwork 方法)
atan() (在 megengine.functional 模块中)
atan2() (在 megengine.functional 模块中)
atanh() (在 megengine.functional 模块中)
atlas_runtime_opr() (在 megengine.functional.external 模块中)
AtlasRuntimeSubgraph (megengine.module.external 中的类)
attach() (GradManager 方法)
attached_tensors() (GradManager 方法)
auto_optimize_inference (LiteConfig 属性)
autocast (megengine.amp 中的类)
avg_pool2d() (在 megengine.functional.nn 模块中)
AvgPool2d (megengine.module 中的类)
B
backend (LiteConfig 属性)
backend() (在 megengine.distributed 模块中)
backward() (Function 方法)
(GradManager 方法)
(GradScaler 方法)
bare_model_cryption_name (LiteConfig property)
batch() (MapSampler 方法)
batch_conv_bias_activation() (在 megengine.functional.quantized 模块中)
batch_norm() (在 megengine.functional.nn 模块中)
BatchMatMulActivation (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
BatchNorm1d (megengine.module 中的类)
BatchNorm2d (megengine.module 中的类)
bcast_list_() (在 megengine.distributed 模块中)
benchmark_kernel() (在 megengine.config 模块中)
benchmark_with_subprocess() (在 megengine.config 模块中)
beta() (RNG 方法)
(在 megengine.random 模块中)
binary_cross_entropy() (在 megengine.functional.nn 模块中)
BrightnessTransform (megengine.data.transform 中的类)
broadcast() (在 megengine.functional.distributed 模块中)
broadcast_to() (在 megengine.functional 模块中)
buffers() (Module 方法)
C
calculate_correct_fan() (在 megengine.module.init 模块中)
calculate_fan_in_and_fan_out() (在 megengine.module.init 模块中)
calculate_gain() (在 megengine.module.init 模块中)
CallFunction (megengine.traced_module.expr 中的类)
CallMethod (megengine.traced_module.expr 中的类)
cambricon_runtime_opr() (在 megengine.functional.external 模块中)
CambriconRuntimeSubgraph (megengine.module.external 中的类)
cd() (在 megengine.hub.tools 模块中)
ceil() (在 megengine.functional 模块中)
CenterCrop (megengine.data.transform 中的类)
check_module_exists() (在 megengine.hub.tools 模块中)
children() (Module 方法)
CIFAR10 (megengine.data.dataset 中的类)
CIFAR100 (megengine.data.dataset 中的类)
Cityscapes (megengine.data.dataset 中的类)
clear_end_points() (TracedModule 方法)
clear_grad() (Optimizer 方法)
clear_memory_pair() (LiteGlobal 静态方法)
clear_watch_points() (TracedModule 方法)
clip() (在 megengine.functional 模块中)
clip_grad_norm() (在 megengine.optimizer 模块中)
clip_grad_value() (在 megengine.optimizer 模块中)
coalesce_free_memory() (在 megengine 模块中)
COCO (megengine.data.dataset 中的类)
Collator (megengine.data 中的类)
collect() (TensorBatchCollector 方法)
collect_by_ctypes() (TensorBatchCollector 方法)
collect_id() (TensorBatchCollector 方法)
collective_comm() (在 megengine.functional.distributed 模块中)
ColorJitter (megengine.data.transform 中的类)
comp_node_seq_record_level (LiteOptions 属性)
compile() (InternalGraph 方法)
complex() (在 megengine.functional 模块中)
Compose (megengine.data.transform 中的类)
Concat (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
concat() (在 megengine.functional 模块中)
ConcatDataset (megengine.data.dataset 中的类)
cond_take() (在 megengine.functional 模块中)
config_layout (LiteIO 属性)
const_shape (LiteOptions 属性)
Constant (megengine.traced_module.expr 中的类)
ContrastTransform (megengine.data.transform 中的类)
Conv1d (megengine.module 中的类)
conv1d() (在 megengine.functional.nn 模块中)
Conv2d (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
conv2d() (在 megengine.functional.nn 模块中)
Conv3d (megengine.module 中的类)
conv3d() (在 megengine.functional.nn 模块中)
conv_bias_activation() (在 megengine.functional.quantized 模块中)
conv_transpose2d() (在 megengine.functional.nn 模块中)
(在 megengine.functional.quantized 模块中)
conv_transpose3d() (在 megengine.functional.nn 模块中)
ConvBn2d (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
ConvBnRelu2d (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
convert_module_format() (在 megengine.amp 模块中)
convert_tensor_format() (在 megengine.amp 模块中)
ConvRelu2d (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
ConvTranspose2d (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
ConvTranspose3d (megengine.module 中的类)
copy() (在 megengine.functional 模块中)
copy_from() (LiteTensor 方法)
correlation() (在 megengine.functional.nn 模块中)
cos() (在 megengine.functional 模块中)
cosh() (在 megengine.functional 模块中)
create_qparams() (在 megengine.quantization 模块中)
cross() (在 megengine.functional 模块中)
cross_entropy() (在 megengine.functional.nn 模块中)
ctc_loss() (在 megengine.functional.nn 模块中)
cumsum() (在 megengine.functional 模块中)
cvt_color() (在 megengine.functional.nn 模块中)
D
data_type (LiteLayout 属性)
DataLoader (megengine.data 中的类)
Dataset (megengine.data.dataset 中的类)
DEBUG (LiteLogLevel 属性)
deformable_conv2d() (在 megengine.functional.nn 模块中)
deformable_psroi_pooling() (在 megengine.functional.nn 模块中)
DeformableConv2d (megengine.module 中的类)
DeformablePSROIPooling (megengine.module 中的类)
DequantStub (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
detach() (Parameter 方法)
(Tensor 方法)
deterministic_kernel() (在 megengine.config 模块中)
device (Parameter property)
(Tensor property)
(TensorNode property)
device_id (LiteConfig 属性)
(LiteNetwork property)
(LiteTensor property)
device_type (LiteConfig 属性)
(LiteTensor property)
diag() (在 megengine.functional 模块中)
disable() (在 megengine.dtr 模块中)
disable_fake_quant() (在 megengine.quantization 模块中)
disable_memory_forwarding() (在 megengine.config 模块中)
disable_observer() (在 megengine.quantization 模块中)
disable_quantize() (Module 方法)
discrete_input_name (LiteConfig 属性)
div() (在 megengine.functional 模块中)
dmap_callback (Parameter 属性)
(Tensor 属性)
dot() (在 megengine.functional 模块中)
Dropout (megengine.module 中的类)
dropout() (在 megengine.functional.nn 模块中)
DTRConfig (megengine.jit 中的类)
dtype (LiteLayout property)
(Parameter property)
(Tensor property)
(TensorNode property)
dump() (trace 方法)
dump_layout_transform_model() (LiteNetwork 方法)
dump_persistent_cache() (LiteGlobal 静态方法)
dump_tensorrt_cache() (LiteGlobal 静态方法)
E
Elemwise (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
Embedding (megengine.module 中的类)
embedding() (在 megengine.functional.nn 模块中)
enable() (在 megengine.dtr 模块中)
enable_cpu_inplace_mode() (LiteNetwork 方法)
enable_debug_log() (在 megengine 模块中)
enable_fake_quant() (在 megengine.quantization 模块中)
enable_global_layout_transform() (LiteNetwork 方法)
enable_nchw32 (LiteOptions 属性)
enable_nchw4 (LiteOptions 属性)
enable_nchw44 (LiteOptions 属性)
enable_nchw44_dot (LiteOptions 属性)
enable_nchw64 (LiteOptions 属性)
enable_nchw88 (LiteOptions 属性)
enable_nhwcd4 (LiteOptions 属性)
enable_observer() (在 megengine.quantization 模块中)
enable_profile_performance() (LiteNetwork 方法)
enable_sqrt_sampling() (在 megengine.dtr 模块中)
enabled() (在 megengine.amp 模块中)
equal() (在 megengine.functional 模块中)
ERROR (LiteLogLevel 属性)
ErrorCode (C++ enum)
ErrorCode::LITE_INTERNAL_ERROR (C++ enumerator)
ErrorCode::LITE_UNKNOWN_ERROR (C++ enumerator)
ErrorCode::OK (C++ enumerator)
eval() (InternalGraph 方法)
(Module 方法)
evictee_minimum_size() (在 megengine.dtr 模块中)
eviction_threshold() (在 megengine.dtr 模块中)
exclude_from_trace() (在 megengine.jit 模块中)
exp() (在 megengine.functional 模块中)
expand_dims() (在 megengine.functional 模块中)
expm1() (在 megengine.functional 模块中)
ExponentialMovingAverageObserver (megengine.quantization 中的类)
exprs() (InternalGraph 方法)
extern_opr_subgraph() (在 megengine.functional.external 模块中)
ExternOprSubgraph (megengine.module.external 中的类)
extra_configure() (LiteNetwork 方法)
eye() (在 megengine.functional 模块中)
F
fake_next_exec (LiteOptions 属性)
fake_quant_bias() (在 megengine.quantization 模块中)
fake_quant_tensor() (在 megengine.quantization 模块中)
FakeQuantize (megengine.quantization 中的类)
fetch() (GitHTTPSFetcher 类方法)
(GitSSHFetcher 类方法)
FetcherError
fill_() (在 megengine.module.init 模块中)
fill_zero() (LiteTensor 方法)
flatten() (Parameter 方法)
(Tensor 方法)
(TracedModule 方法)
(在 megengine.functional 模块中)
floor() (在 megengine.functional 模块中)
floor_div() (在 megengine.functional 模块中)
force_dynamic_alloc (LiteOptions 属性)
force_output_dynamic_alloc (LiteOptions 属性)
force_output_use_user_specified_memory (LiteOptions 属性)
format (Parameter property)
(Tensor property)
forward() (Function 方法)
(LiteNetwork 方法)
(PassiveObserver 方法)
free() (TensorBatchCollector 方法)
from_float_module() (BatchMatMulActivation 类方法)
(Concat 类方法)
(Conv2d 类方法)
(ConvTranspose2d 类方法)
(DequantStub 类方法)
(Elemwise 类方法)
(Linear 类方法)
(QATModule 类方法)
(QuantStub 类方法)
from_pretrained() (Embedding 类方法)
from_qat_module() (BatchMatMulActivation 类方法)
(Concat 类方法)
(Conv2d 类方法)
(ConvTranspose2d 类方法)
(DequantStub 类方法)
(Elemwise 类方法)
(Linear 类方法)
(QuantizedModule 类方法)
(QuantStub 类方法)
full() (在 megengine.functional 模块中)
full_like() (在 megengine.functional 模块中)
Function (megengine.autodiff 中的类)
fuse_preprocess (LiteOptions 属性)
G
gamma() (RNG 方法)
(在 megengine.random 模块中)
gather() (在 megengine.functional 模块中)
(在 megengine.functional.distributed 模块中)
GaussianNoise (megengine.data.transform 中的类)
GELU (megengine.module 中的类)
gelu() (在 megengine.functional.nn 模块中)
get() (TensorBatchCollector 方法)
get_activation_dtype() (QATModule 方法)
get_activation_qparams() (QATModule 方法)
get_all_input_name() (LiteNetwork 方法)
get_all_output_name() (LiteNetwork 方法)
get_allocated_memory() (在 megengine 模块中)
get_backend() (在 megengine.distributed 模块中)
get_client() (在 megengine.distributed 模块中)
get_ctypes_memory() (LiteTensor 方法)
get_cuda_compute_capability() (在 megengine 模块中)
get_cuda_device_property() (在 megengine 模块中)
get_cuda_version() (在 megengine 模块中)
get_cudnn_version() (在 megengine 模块中)
get_data_by_share() (LiteTensor 方法)
get_default_device() (在 megengine 模块中)
get_dep_exprs() (InternalGraph 方法)
get_device_count() (LiteGlobal 静态方法)
(在 megengine 模块中)
get_discrete_tensor() (LiteNetwork 方法)
get_expr_by_id() (InternalGraph 方法)
get_function_by_type() (InternalGraph 方法)
get_input_name() (LiteNetwork 方法)
get_io_tensor() (LiteNetwork 方法)
get_logger() (在 megengine 模块中)
get_lr() (LRScheduler 方法)
(MultiStepLR 方法)
get_max_allocated_memory() (在 megengine 模块中)
get_max_reserved_memory() (在 megengine 模块中)
get_mem_status_bytes() (在 megengine 模块中)
get_method_by_type() (InternalGraph 方法)
get_mm_server_addr() (在 megengine.distributed 模块中)
get_module_by_type() (InternalGraph 方法)
get_node_by_id() (InternalGraph 方法)
get_node_by_name() (InternalGraph 方法)
get_output_name() (LiteNetwork 方法)
get_py_server_addr() (在 megengine.distributed 模块中)
get_rank() (在 megengine.distributed 模块中)
get_reserved_memory() (在 megengine 模块中)
get_static_memory_alloc_info() (LiteNetwork 方法)
get_tensor_at() (TensorBatchCollector 方法)
get_tensorrt_version() (在 megengine 模块中)
get_weight_dtype() (QATModule 方法)
get_weight_qparams() (QATModule 方法)
get_world_size() (在 megengine.distributed 模块中)
GetAttr (megengine.traced_module.expr 中的类)
GitCheckoutError
GitHTTPSFetcher (megengine.hub.fetcher 中的类)
GitPullError
GitSSHFetcher (megengine.hub.fetcher 中的类)
grad (Parameter 属性)
(Tensor 属性)
GradManager (megengine.autodiff 中的类)
GradScaler (megengine.amp 中的类)
graph (TracedModule property)
graph() (Parameter 方法)
(Tensor 方法)
graph_opt_level (LiteOptions 属性)
GraphOptimizationConfig (megengine.jit 中的类)
greater() (在 megengine.functional 模块中)
greater_equal() (在 megengine.functional 模块中)
Group (megengine.distributed 中的类)
group_barrier() (在 megengine.distributed 模块中)
GroupNorm (megengine.module 中的类)
H
has_compression (LiteConfig 属性)
help() (在 megengine.hub 模块中)
high_prec_dtype() (在 megengine.amp 模块中)
hinge_loss() (在 megengine.functional.nn 模块中)
HistogramObserver (megengine.quantization 中的类)
hsigmoid() (在 megengine.functional.nn 模块中)
hswish() (在 megengine.functional.nn 模块中)
HueTransform (megengine.data.transform 中的类)
I
Identity (megengine.module 中的类)
imag() (在 megengine.functional 模块中)
ImageFolder (megengine.data.dataset 中的类)
ImageNet (megengine.data.dataset 中的类)
import_module() (在 megengine.hub 模块中)
indexing_one_hot() (在 megengine.functional.nn 模块中)
Infinite (megengine.data 中的类)
INFO (LiteLogLevel 属性)
init_process_group() (在 megengine.distributed 模块中)
Input (megengine.traced_module.expr 中的类)
inputs (InternalGraph property)
insert_exprs() (InternalGraph 方法)
InstanceNorm (megengine.module 中的类)
InternalGraph (megengine.traced_module.traced_module 中的类)
interpolate() (在 megengine.functional.nn 模块中)
InvalidGitHost
InvalidProtocol
InvalidRepo
io_bin_dump() (LiteNetwork 方法)
io_txt_dump() (LiteNetwork 方法)
io_type (LiteIO 属性)
is_atlas_available() (在 megengine 模块中)
is_cambricon_available() (在 megengine 模块中)
is_continue (LiteTensor property)
is_cpu_inplace_mode() (LiteNetwork 方法)
is_cuda_available() (在 megengine 模块中)
is_distributed() (在 megengine.distributed 模块中)
is_host (LiteIO 属性)
is_pinned_host (LiteTensor property)
is_rocm_available() (在 megengine 模块中)
isinf() (在 megengine.functional 模块中)
isnan() (在 megengine.functional 模块中)
item() (Parameter 方法)
(Tensor 方法)
J
jit_level (LiteOptions 属性)
L
l1_loss() (在 megengine.functional.nn 模块中)
LAMB (megengine.optimizer 中的类)
LAMBFp16 (megengine.optimizer 中的类)
launcher (megengine.distributed 中的类)
layer_norm() (在 megengine.functional.nn 模块中)
LayerNorm (megengine.module 中的类)
layout (LiteTensor property)
leaky_relu() (在 megengine.functional.nn 模块中)
LeakyReLU (megengine.module 中的类)
left_shift() (在 megengine.functional 模块中)
less() (在 megengine.functional 模块中)
less_equal() (在 megengine.functional 模块中)
Lighting (megengine.data.transform 中的类)
Linear (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
linear() (在 megengine.functional.nn 模块中)
linspace() (在 megengine.functional 模块中)
list() (在 megengine.hub 模块中)
lite::Allocator (C++ class)
lite::Allocator::allocate (C++ function)
lite::Allocator::free (C++ function)
lite::Allocator::~Allocator (C++ function)
lite::AsyncCallback (C++ type)
lite::clear_memory_pair (C++ function)
lite::Config (C++ struct)
lite::Config::backend (C++ member)
lite::Config::bare_model_cryption_name (C++ member)
lite::Config::device_id (C++ member)
lite::Config::device_type (C++ member)
lite::Config::has_compression (C++ member)
lite::Config::options (C++ member)
lite::DecryptionFunc (C++ type)
lite::dump_persistent_cache (C++ function)
lite::FinishCallback (C++ type)
lite::get_device_count (C++ function)
lite::get_log_level (C++ function)
lite::get_version (C++ function)
lite::IO (C++ struct)
lite::IO::config_layout (C++ member)
lite::IO::io_type (C++ member)
lite::IO::is_host (C++ member)
lite::IO::name (C++ member)
lite::Layout (C++ struct)
lite::Layout::data_type (C++ member)
lite::Layout::get_elem_size (C++ function)
lite::Layout::MAXDIM (C++ member)
lite::Layout::ndim (C++ member)
lite::Layout::operator== (C++ function)
lite::Layout::shapes (C++ member)
lite::lookup_physic_ptr (C++ function)
lite::Network (C++ class)
lite::Network::compute_only_configured_output (C++ function)
lite::Network::enable_profile_performance (C++ function)
lite::Network::extra_configure (C++ function)
lite::Network::forward (C++ function)
lite::Network::get_all_input_name (C++ function)
lite::Network::get_all_output_name (C++ function)
lite::Network::get_device_id (C++ function)
lite::Network::get_device_type (C++ function)
lite::Network::get_input_name (C++ function)
lite::Network::get_input_tensor (C++ function)
lite::Network::get_io_tensor (C++ function)
lite::Network::get_model_extra_info (C++ function)
lite::Network::get_output_name (C++ function)
lite::Network::get_output_tensor (C++ function)
lite::Network::get_static_memory_alloc_info (C++ function)
lite::Network::get_stream_id (C++ function)
lite::Network::load_model (C++ function)
,
[1]
lite::Network::Network (C++ function)
,
[1]
lite::Network::set_async_callback (C++ function)
lite::Network::set_device_id (C++ function)
lite::Network::set_finish_callback (C++ function)
lite::Network::set_start_callback (C++ function)
lite::Network::set_stream_id (C++ function)
lite::Network::wait (C++ function)
lite::Network::~Network (C++ function)
lite::NetworkIO (C++ struct)
lite::NetworkIO::inputs (C++ member)
lite::NetworkIO::outputs (C++ member)
lite::Options (C++ struct)
lite::Options::async_exec_level (C++ member)
lite::Options::comp_node_seq_record_level (C++ member)
lite::Options::const_shape (C++ member)
lite::Options::enable_nchw32 (C++ member)
lite::Options::enable_nchw4 (C++ member)
lite::Options::enable_nchw44 (C++ member)
lite::Options::enable_nchw44_dot (C++ member)
lite::Options::enable_nchw64 (C++ member)
lite::Options::enable_nchw88 (C++ member)
lite::Options::enable_nhwcd4 (C++ member)
lite::Options::fake_next_exec (C++ member)
lite::Options::force_dynamic_alloc (C++ member)
lite::Options::force_output_dynamic_alloc (C++ member)
lite::Options::force_output_use_user_specified_memory (C++ member)
lite::Options::fuse_preprocess (C++ member)
lite::Options::graph_opt_level (C++ member)
lite::Options::jit_level (C++ member)
lite::Options::no_profiling_on_shape_change (C++ member)
lite::Options::var_sanity_check_first_run (C++ member)
lite::Options::weight_preprocess (C++ member)
lite::ParseInfoFunc (C++ type)
lite::register_decryption_and_key (C++ function)
lite::register_memory_pair (C++ function)
lite::register_parse_info_func (C++ function)
lite::Runtime (C++ class)
lite::Runtime::dump_layout_transform_model (C++ function)
lite::Runtime::enable_global_layout_transform (C++ function)
lite::Runtime::enable_io_bin_dump (C++ function)
lite::Runtime::enable_io_txt_dump (C++ function)
lite::Runtime::get_cpu_threads_number (C++ function)
lite::Runtime::get_model_io_info (C++ function)
,
[1]
lite::Runtime::is_cpu_inplace_mode (C++ function)
lite::Runtime::set_cpu_inplace_mode (C++ function)
lite::Runtime::set_cpu_threads_number (C++ function)
lite::Runtime::set_memory_allocator (C++ function)
lite::Runtime::set_network_algo_policy (C++ function)
lite::Runtime::set_network_algo_workspace_limit (C++ function)
lite::Runtime::set_runtime_thread_affinity (C++ function)
lite::Runtime::share_runtime_memory_with (C++ function)
lite::Runtime::shared_weight_with_network (C++ function)
lite::Runtime::use_tensorrt (C++ function)
lite::set_loader_lib_path (C++ function)
lite::set_log_level (C++ function)
lite::set_persistent_cache (C++ function)
lite::StartCallback (C++ type)
lite::Tensor (C++ class)
lite::Tensor::copy_from (C++ function)
lite::Tensor::fill_zero (C++ function)
lite::Tensor::get_device_id (C++ function)
lite::Tensor::get_device_type (C++ function)
lite::Tensor::get_layout (C++ function)
lite::Tensor::get_memory_ptr (C++ function)
,
[1]
lite::Tensor::get_tensor_total_size_in_byte (C++ function)
lite::Tensor::is_continue_memory (C++ function)
lite::Tensor::is_pinned_host (C++ function)
lite::Tensor::reset (C++ function)
,
[1]
lite::Tensor::reshape (C++ function)
lite::Tensor::set_layout (C++ function)
lite::Tensor::share_memory_with (C++ function)
lite::Tensor::slice (C++ function)
lite::Tensor::Tensor (C++ function)
,
[1]
,
[2]
,
[3]
,
[4]
,
[5]
lite::Tensor::update_from_implement (C++ function)
lite::Tensor::~Tensor (C++ function)
lite::ThreadAffinityCallback (C++ type)
lite::try_coalesce_all_free_memory (C++ function)
lite::update_decryption_or_key (C++ function)
LITE_ALGO_HEURISTIC (LiteAlgoSelectStrategy 属性)
LITE_ALGO_OPTIMIZED (LiteAlgoSelectStrategy 属性)
LITE_ALGO_PROFILE (LiteAlgoSelectStrategy 属性)
LITE_ALGO_REPRODUCIBLE (LiteAlgoSelectStrategy 属性)
LITE_ATLAS (LiteDeviceType 属性)
LITE_CAMBRICON (LiteDeviceType 属性)
LITE_CPU (LiteDeviceType 属性)
LITE_CUDA (LiteDeviceType 属性)
LITE_DEFAULT (LiteBackend 属性)
LITE_DEVICE_DEFAULT (LiteDeviceType 属性)
LITE_FLOAT (LiteDataType 属性)
LITE_HALF (LiteDataType 属性)
LITE_INPUT (LiteTensorPhase 属性)
LITE_INT (LiteDataType 属性)
LITE_INT16 (LiteDataType 属性)
LITE_INT8 (LiteDataType 属性)
LITE_IO (LiteTensorPhase 属性)
LITE_IO_SHAPE (LiteIOType 属性)
LITE_IO_VALUE (LiteIOType 属性)
LITE_NPU (LiteDeviceType 属性)
LITE_OUTPUT (LiteTensorPhase 属性)
LITE_UINT16 (LiteDataType 属性)
LITE_UINT8 (LiteDataType 属性)
LiteAlgoSelectStrategy (C++ enum)
(megenginelite.struct 中的类)
LiteAlgoSelectStrategy::LITE_ALGO_HEURISTIC (C++ enumerator)
LiteAlgoSelectStrategy::LITE_ALGO_OPTIMIZED (C++ enumerator)
LiteAlgoSelectStrategy::LITE_ALGO_PROFILE (C++ enumerator)
LiteAlgoSelectStrategy::LITE_ALGO_REPRODUCIBLE (C++ enumerator)
LiteBackend (C++ enum)
(megenginelite.struct 中的类)
LiteBackend::LITE_DEFAULT (C++ enumerator)
LiteConfig (megenginelite.network 中的类)
LiteDataType (C++ enum)
(megenginelite.struct 中的类)
LiteDataType::LITE_FLOAT (C++ enumerator)
LiteDataType::LITE_HALF (C++ enumerator)
LiteDataType::LITE_INT (C++ enumerator)
LiteDataType::LITE_INT16 (C++ enumerator)
LiteDataType::LITE_INT64 (C++ enumerator)
LiteDataType::LITE_INT8 (C++ enumerator)
LiteDataType::LITE_UINT (C++ enumerator)
LiteDataType::LITE_UINT16 (C++ enumerator)
LiteDataType::LITE_UINT8 (C++ enumerator)
LiteDeviceType (C++ enum)
(megenginelite.struct 中的类)
LiteDeviceType::LITE_ATLAS (C++ enumerator)
LiteDeviceType::LITE_CAMBRICON (C++ enumerator)
LiteDeviceType::LITE_CPU (C++ enumerator)
LiteDeviceType::LITE_CUDA (C++ enumerator)
LiteDeviceType::LITE_DEVICE_DEFAULT (C++ enumerator)
LiteDeviceType::LITE_NPU (C++ enumerator)
LiteGlobal (megenginelite.global_setting 中的类)
LiteIO (megenginelite.network 中的类)
LiteIOType (C++ enum)
(megenginelite.struct 中的类)
LiteIOType::LITE_IO_SHAPE (C++ enumerator)
LiteIOType::LITE_IO_VALUE (C++ enumerator)
LiteLayout (megenginelite.tensor 中的类)
LiteLogLevel (C++ enum)
(megenginelite.struct 中的类)
LiteLogLevel::DEBUG (C++ enumerator)
LiteLogLevel::ERROR (C++ enumerator)
LiteLogLevel::INFO (C++ enumerator)
LiteLogLevel::WARN (C++ enumerator)
LiteNetwork (megenginelite.network 中的类)
LiteNetworkIO (megenginelite.network 中的类)
LiteOpenCLCacheCompatLevel (C++ enum)
LiteOpenCLCacheCompatLevel::LITE_CACHE_COMPAT_LEVEL_CNT (C++ enumerator)
LiteOpenCLCacheCompatLevel::LITE_NOT_COMPAT (C++ enumerator)
LiteOpenCLCacheCompatLevel::LITE_SERIES_COMPAT (C++ enumerator)
LiteOpenCLCacheCompatLevel::LITE_VENDOR_COMPAT (C++ enumerator)
LiteOptions (megenginelite.network 中的类)
LiteTensor (megenginelite.tensor 中的类)
LiteTensorPhase (C++ enum)
(megenginelite.struct 中的类)
LiteTensorPhase::LITE_INPUT (C++ enumerator)
LiteTensorPhase::LITE_IO (C++ enumerator)
LiteTensorPhase::LITE_OUTPUT (C++ enumerator)
load() (LiteNetwork 方法)
(在 megengine 模块中)
(在 megengine.hub 模块中)
load_module() (在 megengine.hub.tools 模块中)
load_serialized_obj_from_url() (在 megengine.hub 模块中)
load_state_dict() (LRScheduler 方法)
(Module 方法)
(MultiStepLR 方法)
(Optimizer 方法)
local_conv2d() (在 megengine.functional.nn 模块中)
local_response_norm() (在 megengine.functional.nn 模块中)
LocalConv2d (megengine.module 中的类)
LocalResponseNorm (megengine.module 中的类)
log() (在 megengine.functional 模块中)
log1p() (在 megengine.functional 模块中)
logaddexp() (在 megengine.functional 模块中)
logical_and() (在 megengine.functional 模块中)
logical_not() (在 megengine.functional 模块中)
logical_or() (在 megengine.functional 模块中)
logical_xor() (在 megengine.functional 模块中)
logsigmoid() (在 megengine.functional.nn 模块中)
logsoftmax() (在 megengine.functional.nn 模块中)
logsumexp() (在 megengine.functional.nn 模块中)
lookup_physic_ptr() (LiteGlobal 静态方法)
low_prec_dtype() (在 megengine.amp 模块中)
LRScheduler (megengine.optimizer 中的类)
LSQ (megengine.quantization 中的类)
LSTM (megengine.module 中的类)
LSTMCell (megengine.module 中的类)
M
magicmind_runtime_opr() (在 megengine.functional.external 模块中)
MagicMindRuntimeSubgraph (megengine.module.external 中的类)
make_allreduce_cb() (在 megengine.distributed 模块中)
MapSampler (megengine.data 中的类)
matinv() (在 megengine.functional 模块中)
matmul() (在 megengine.functional 模块中)
max() (Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
max_pool2d() (在 megengine.functional.nn 模块中)
maximum() (在 megengine.functional 模块中)
MaxPool2d (megengine.module 中的类)
mean() (Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
megengine
模块
megengine.amp
模块
megengine.autodiff
模块
megengine.config
模块
megengine.data
模块
megengine.data.collator
模块
megengine.data.dataset
模块
megengine.data.sampler
模块
megengine.data.transform
模块
megengine.distributed
模块
megengine.dtr
模块
megengine.functional
模块
megengine.functional.distributed
模块
megengine.functional.external
模块
megengine.functional.nn
模块
megengine.functional.quantized
模块
megengine.hub
模块
megengine.hub.exceptions
模块
megengine.hub.fetcher
模块
megengine.hub.tools
模块
megengine.jit
模块
megengine.module
模块
megengine.module.external
模块
megengine.module.init
模块
megengine.module.qat
模块
megengine.module.quantized
模块
megengine.optimizer
模块
megengine.quantization
模块
megengine.random
模块
megengine.traced_module
模块
megengine.traced_module.expr
模块
megengine.traced_module.node
模块
megengine.traced_module.traced_module
模块
megenginelite.global_setting
模块
megenginelite.network
模块
megenginelite.struct
模块
megenginelite.tensor
模块
megenginelite.utils
模块
min() (Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
minimum() (在 megengine.functional 模块中)
MinMaxObserver (megengine.quantization 中的类)
MNIST (megengine.data.dataset 中的类)
mod() (在 megengine.functional 模块中)
Module (megengine.module 中的类)
module_type (ModuleNode 属性)
ModuleNode (megengine.traced_module.node 中的类)
modules() (Module 方法)
msra_normal_() (在 megengine.module.init 模块中)
msra_uniform_() (在 megengine.module.init 模块中)
mul() (在 megengine.functional 模块中)
multi_head_attention() (在 megengine.functional.nn 模块中)
MultiStepLR (megengine.optimizer 中的类)
N
name (GetAttr 属性)
(InternalGraph property)
(LiteIO property)
(Parameter property)
(Tensor property)
named_buffers() (Module 方法)
named_children() (Module 方法)
named_modules() (Module 方法)
named_parameters() (Module 方法)
named_tensors() (Module 方法)
nbytes (LiteTensor property)
ndim (LiteLayout 属性)
(Parameter property)
(Tensor property)
neg() (在 megengine.functional 模块中)
new_group() (在 megengine.distributed 模块中)
nms() (在 megengine.functional.nn 模块中)
no_profiling_on_shape_change (LiteOptions 属性)
nodes() (InternalGraph 方法)
non_zero() (在 megengine.functional 模块中)
norm() (在 megengine.functional 模块中)
normal() (RNG 方法)
(在 megengine.random 模块中)
normal_() (在 megengine.module.init 模块中)
Normalize (megengine.data.transform 中的类)
normalize() (在 megengine.functional 模块中)
not_equal() (在 megengine.functional 模块中)
numpy() (Parameter 方法)
(Tensor 方法)
nvof() (在 megengine.functional.nn 模块中)
O
Objects365 (megengine.data.dataset 中的类)
Observer (megengine.quantization 中的类)
one_hot() (在 megengine.functional.nn 模块中)
ones() (在 megengine.functional 模块中)
ones_() (在 megengine.module.init 模块中)
ones_like() (在 megengine.functional 模块中)
Optimizer (megengine.optimizer 中的类)
options (LiteConfig 属性)
outputs (InternalGraph property)
override_backend() (在 megengine.distributed 模块中)
owner (ModuleNode property)
P
pack_allreduce_split() (在 megengine.distributed.helper 模块中)
Pad (megengine.data.transform 中的类)
(megengine.module 中的类)
pad() (在 megengine.functional.nn 模块中)
param_pack_concat() (在 megengine.distributed.helper 模块中)
param_pack_split() (在 megengine.distributed.helper 模块中)
Parameter (megengine 中的类)
parameters() (Module 方法)
PascalVOC (megengine.data.dataset 中的类)
PassiveObserver (megengine.quantization 中的类)
permutation() (RNG 方法)
(在 megengine.random 模块中)
pixel_shuffle() (在 megengine.functional.nn 模块中)
PixelShuffle (megengine.module 中的类)
poisson() (RNG 方法)
(在 megengine.random 模块中)
polar() (在 megengine.functional 模块中)
pow() (在 megengine.functional 模块中)
PReLU (megengine.module 中的类)
prelu() (在 megengine.functional.nn 模块中)
pretrained (megengine.hub 中的类)
prod() (Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
propagate_qconfig() (在 megengine.quantization 模块中)
PseudoTransform (megengine.data.transform 中的类)
Q
QATModule (megengine.module.qat 中的类)
QConfig (megengine.quantization 中的类)
QParams (megengine.quantization 中的类)
qparams (Parameter property)
(Tensor property)
(TensorNode property)
qualname (InternalGraph property)
quantize() (在 megengine.quantization 模块中)
quantize_qat() (在 megengine.quantization 模块中)
QuantizedModule (megengine.module.quantized 中的类)
QuantMode (megengine.quantization 中的类)
QuantStub (megengine.module 中的类)
(megengine.module.qat 中的类)
(megengine.module.quantized 中的类)
R
RandomCrop (megengine.data.transform 中的类)
RandomHorizontalFlip (megengine.data.transform 中的类)
RandomResize (megengine.data.transform 中的类)
RandomResizedCrop (megengine.data.transform 中的类)
RandomSampler (megengine.data 中的类)
RandomVerticalFlip (megengine.data.transform 中的类)
real() (在 megengine.functional 模块中)
record() (GradManager 方法)
reduce_scatter_sum() (在 megengine.functional.distributed 模块中)
reduce_sum() (在 megengine.functional.distributed 模块中)
register_as_builtin() (在 megengine.traced_module 模块中)
register_decryption_and_key() (LiteGlobal 静态方法)
register_forward_hook() (Module 方法)
register_forward_pre_hook() (Module 方法)
register_memory_pair() (LiteGlobal 静态方法)
release() (GradManager 方法)
ReLU (megengine.module 中的类)
relu() (在 megengine.functional.nn 模块中)
relu6() (在 megengine.functional.nn 模块中)
remap() (在 megengine.functional.nn 模块中)
remote_recv() (在 megengine.functional.distributed 模块中)
remote_send() (在 megengine.functional.distributed 模块中)
repeat() (在 megengine.functional 模块中)
replace_node() (InternalGraph 方法)
replace_param() (Module 方法)
ReplacementSampler (megengine.data 中的类)
requires_grad (Parameter property)
(Tensor property)
reset_max_memory_stats() (在 megengine 模块中)
reset_outputs() (InternalGraph 方法)
reset_qconfig() (在 megengine.quantization 模块中)
reset_zero() (Parameter 方法)
(Tensor 方法)
reshape() (LiteTensor 方法)
(Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
Resize (megengine.data.transform 中的类)
right_shift() (在 megengine.functional 模块中)
RNG (megengine.random 中的类)
RNN (megengine.module 中的类)
RNNCell (megengine.module 中的类)
roi_align() (在 megengine.functional.nn 模块中)
roi_pooling() (在 megengine.functional.nn 模块中)
roll() (在 megengine.functional 模块中)
round() (在 megengine.functional 模块中)
S
sample() (Infinite 方法)
(MapSampler 方法)
(RandomSampler 方法)
(ReplacementSampler 方法)
(SequentialSampler 方法)
Sampler (megengine.data 中的类)
SaturationTransform (megengine.data.transform 中的类)
save() (在 megengine 模块中)
scatter() (MapSampler 方法)
(在 megengine.functional 模块中)
(在 megengine.functional.distributed 模块中)
seed() (在 megengine.random 模块中)
Sequential (megengine.module 中的类)
SequentialSampler (megengine.data 中的类)
Server (megengine.distributed 中的类)
set_data_by_copy() (LiteTensor 方法)
set_data_by_share() (LiteTensor 方法)
set_default_device() (在 megengine 模块中)
set_end_points() (TracedModule 方法)
set_finish_callback() (LiteNetwork 方法)
set_loader_lib_path() (LiteGlobal 静态方法)
set_log_file() (在 megengine 模块中)
set_log_level() (在 megengine 模块中)
set_network_algo_policy() (LiteNetwork 方法)
set_network_algo_workspace_limit() (LiteNetwork 方法)
set_persistent_cache() (LiteGlobal 静态方法)
set_prealloc_config() (在 megengine 模块中)
set_qconfig() (QATModule 方法)
set_qparams() (PassiveObserver 方法)
set_start_callback() (LiteNetwork 方法)
set_tensorrt_cache() (LiteGlobal 静态方法)
set_value() (Parameter 方法)
(Tensor 方法)
set_watch_points() (TracedModule 方法)
SGD (megengine.optimizer 中的类)
shape (Parameter property)
(Tensor property)
(TensorNode property)
shapes (LiteLayout property)
share_memory_with() (LiteTensor 方法)
share_runtime_memroy() (LiteNetwork 方法)
share_weights_with() (LiteNetwork 方法)
ShortestEdgeResize (megengine.data.transform 中的类)
shuffle() (RNG 方法)
(在 megengine.random 模块中)
Sigmoid (megengine.module 中的类)
sigmoid() (在 megengine.functional.nn 模块中)
sign() (在 megengine.functional 模块中)
SiLU (megengine.module 中的类)
silu() (在 megengine.functional.nn 模块中)
sin() (在 megengine.functional 模块中)
sinh() (在 megengine.functional 模块中)
size (Parameter property)
(Tensor property)
slice() (LiteTensor 方法)
sliding_window() (在 megengine.functional.nn 模块中)
sliding_window_transpose() (在 megengine.functional.nn 模块中)
SlidingWindow (megengine.module 中的类)
SlidingWindowTranspose (megengine.module 中的类)
Softmax (megengine.module 中的类)
softmax() (在 megengine.functional.nn 模块中)
softplus() (在 megengine.functional.nn 模块中)
sort() (在 megengine.functional 模块中)
split() (在 megengine.functional 模块中)
sqrt() (在 megengine.functional 模块中)
square() (在 megengine.functional 模块中)
square_loss() (在 megengine.functional.nn 模块中)
squeeze() (在 megengine.functional 模块中)
stack() (在 megengine.functional 模块中)
state_dict() (LRScheduler 方法)
(Module 方法)
(MultiStepLR 方法)
(Optimizer 方法)
std() (在 megengine.functional 模块中)
step() (Optimizer 方法)
stream_id (LiteNetwork property)
StreamDataset (megengine.data.dataset 中的类)
StreamSampler (megengine.data 中的类)
sub() (在 megengine.functional 模块中)
SublinearMemoryConfig (megengine.jit 中的类)
sum() (Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
svd() (在 megengine.functional 模块中)
swapaxes() (在 megengine.functional 模块中)
sync_batch_norm() (在 megengine.functional.nn 模块中)
SyncBatchNorm (megengine.module 中的类)
SyncExponentialMovingAverageObserver (megengine.quantization 中的类)
synchronized() (在 megengine.distributed 模块中)
(在 megengine.hub.fetcher 模块中)
SyncMinMaxObserver (megengine.quantization 中的类)
T
T (Parameter property)
(Tensor property)
tan() (在 megengine.functional 模块中)
tanh() (在 megengine.functional 模块中)
Tensor (megengine 中的类)
TensorBatchCollector (megenginelite.utils 中的类)
TensorNode (megengine.traced_module.node 中的类)
tensorrt_runtime_opr() (在 megengine.functional.external 模块中)
TensorrtRuntimeSubgraph (megengine.module.external 中的类)
tensors() (Module 方法)
threads_number (LiteNetwork property)
tile() (在 megengine.functional 模块中)
to() (Parameter 方法)
(Tensor 方法)
to_numpy() (LiteTensor 方法)
(TensorBatchCollector 方法)
tolist() (Parameter 方法)
(Tensor 方法)
ToMode (megengine.data.transform 中的类)
top_graph (InternalGraph property)
topk() (在 megengine.functional 模块中)
topk_accuracy() (在 megengine.functional 模块中)
TorchTransformCompose (megengine.data.transform 中的类)
TQT (megengine.quantization 中的类)
trace (megengine.jit 中的类)
trace_module() (在 megengine.traced_module 模块中)
TracedModule (megengine.traced_module 中的类)
train() (Module 方法)
(Observer 方法)
Transform (megengine.data.transform 中的类)
transpose() (Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
try_coalesce_all_free_memory() (LiteGlobal 静态方法)
U
uniform() (RNG 方法)
(在 megengine.random 模块中)
uniform_() (在 megengine.module.init 模块中)
unscale() (GradScaler 方法)
update() (GradScaler 方法)
(LiteTensor 方法)
update_decryption_key() (LiteGlobal 静态方法)
use_tensorrt() (LiteNetwork 方法)
V
value (Constant 属性)
(TensorNode property)
value_id() (Parameter 方法)
(Tensor 方法)
var() (Parameter 方法)
(Tensor 方法)
(在 megengine.functional 模块中)
var_sanity_check_first_run (LiteOptions 属性)
VisionDataset (megengine.data.dataset 中的类)
VisionTransform (megengine.data.transform 中的类)
W
wait() (LiteNetwork 方法)
WARN (LiteLogLevel 属性)
warp_affine() (在 megengine.functional.nn 模块中)
warp_perspective() (在 megengine.functional.nn 模块中)
weight_preprocess (LiteOptions 属性)
what_is_xpu() (在 megengine.device 模块中)
where() (在 megengine.functional 模块中)
wrap() (在 megengine.traced_module 模块中)
X
xavier_normal_() (在 megengine.module.init 模块中)
xavier_uniform_() (在 megengine.module.init 模块中)
xla_trace (megengine.jit 中的类)
Z
zero_grad() (Module 方法)
(Optimizer 方法)
zeros() (在 megengine.functional 模块中)
zeros_() (在 megengine.module.init 模块中)
zeros_like() (在 megengine.functional 模块中)
模
模块
megengine
megengine.amp
megengine.autodiff
megengine.config
megengine.data
megengine.data.collator
megengine.data.dataset
megengine.data.sampler
megengine.data.transform
megengine.distributed
megengine.dtr
megengine.functional
megengine.functional.distributed
megengine.functional.external
megengine.functional.nn
megengine.functional.quantized
megengine.hub
megengine.hub.exceptions
megengine.hub.fetcher
megengine.hub.tools
megengine.jit
megengine.module
megengine.module.external
megengine.module.init
megengine.module.qat
megengine.module.quantized
megengine.optimizer
megengine.quantization
megengine.random
megengine.traced_module
megengine.traced_module.expr
megengine.traced_module.node
megengine.traced_module.traced_module
megenginelite.global_setting
megenginelite.network
megenginelite.struct
megenginelite.tensor
megenginelite.utils