1
+ |
+torch.nn.Parameter
+ |
+是
+ |
+
+2
+ |
+torch.nn.Module
+ |
+是
+ |
+
+3
+ |
+torch.nn.Module.add_module
+ |
+是
+ |
+
+4
+ |
+torch.nn.Module.apply
+ |
+是
+ |
+
+5
+ |
+torch.nn.Module.bfloat16
+ |
+否
+ |
+
+6
+ |
+torch.nn.Module.buffers
+ |
+是
+ |
+
+7
+ |
+torch.nn.Module.children
+ |
+是
+ |
+
+8
+ |
+torch.nn.Module.cpu
+ |
+是
+ |
+
+9
+ |
+torch.nn.Module.cuda
+ |
+否
+ |
+
+10
+ |
+torch.nn.Module.double
+ |
+否
+ |
+
+11
+ |
+torch.nn.Module.dump_patches
+ |
+是
+ |
+
+12
+ |
+torch.nn.Module.eval
+ |
+是
+ |
+
+13
+ |
+torch.nn.Module.extra_repr
+ |
+是
+ |
+
+14
+ |
+torch.nn.Module.float
+ |
+是
+ |
+
+15
+ |
+torch.nn.Module.forward
+ |
+是
+ |
+
+16
+ |
+torch.nn.Module.half
+ |
+是
+ |
+
+17
+ |
+torch.nn.Module.load_state_dict
+ |
+是
+ |
+
+18
+ |
+torch.nn.Module.modules
+ |
+是
+ |
+
+19
+ |
+torch.nn.Module.named_buffers
+ |
+是
+ |
+
+20
+ |
+torch.nn.Module.named_children
+ |
+是
+ |
+
+21
+ |
+torch.nn.Module.named_modules
+ |
+是
+ |
+
+22
+ |
+torch.nn.Module.named_parameters
+ |
+是
+ |
+
+23
+ |
+torch.nn.Module.parameters
+ |
+是
+ |
+
+24
+ |
+torch.nn.Module.register_backward_hook
+ |
+是
+ |
+
+25
+ |
+torch.nn.Module.register_buffer
+ |
+是
+ |
+
+26
+ |
+torch.nn.Module.register_forward_hook
+ |
+是
+ |
+
+27
+ |
+torch.nn.Module.register_forward_pre_hook
+ |
+是
+ |
+
+28
+ |
+torch.nn.Module.register_parameter
+ |
+是
+ |
+
+29
+ |
+torch.nn.Module.requires_grad_
+ |
+是
+ |
+
+30
+ |
+torch.nn.Module.state_dict
+ |
+是
+ |
+
+31
+ |
+torch.nn.Module.to
+ |
+是
+ |
+
+32
+ |
+torch.nn.Module.train
+ |
+是
+ |
+
+33
+ |
+torch.nn.Module.type
+ |
+是
+ |
+
+34
+ |
+torch.nn.Module.zero_grad
+ |
+是
+ |
+
+35
+ |
+torch.nn.Sequential
+ |
+是
+ |
+
+36
+ |
+torch.nn.ModuleList
+ |
+是
+ |
+
+37
+ |
+torch.nn.ModuleList.append
+ |
+是
+ |
+
+38
+ |
+torch.nn.ModuleList.extend
+ |
+是
+ |
+
+39
+ |
+torch.nn.ModuleList.insert
+ |
+是
+ |
+
+40
+ |
+torch.nn.ModuleDict
+ |
+是
+ |
+
+41
+ |
+torch.nn.ModuleDict.clear
+ |
+是
+ |
+
+42
+ |
+torch.nn.ModuleDict.items
+ |
+是
+ |
+
+43
+ |
+torch.nn.ModuleDict.keys
+ |
+是
+ |
+
+44
+ |
+torch.nn.ModuleDict.pop
+ |
+是
+ |
+
+45
+ |
+torch.nn.ModuleDict.update
+ |
+是
+ |
+
+46
+ |
+torch.nn.ModuleDict.values
+ |
+是
+ |
+
+47
+ |
+torch.nn.ParameterList
+ |
+是
+ |
+
+48
+ |
+torch.nn.ParameterList.append
+ |
+是
+ |
+
+49
+ |
+torch.nn.ParameterList.extend
+ |
+是
+ |
+
+50
+ |
+torch.nn.ParameterDict
+ |
+是
+ |
+
+51
+ |
+torch.nn.ParameterDict.clear
+ |
+是
+ |
+
+52
+ |
+torch.nn.ParameterDict.items
+ |
+是
+ |
+
+53
+ |
+torch.nn.ParameterDict.keys
+ |
+是
+ |
+
+54
+ |
+torch.nn.ParameterDict.pop
+ |
+是
+ |
+
+55
+ |
+torch.nn.ParameterDict.update
+ |
+是
+ |
+
+56
+ |
+torch.nn.ParameterDict.values
+ |
+是
+ |
+
+57
+ |
+torch.nn.Conv1d
+ |
+是
+ |
+
+58
+ |
+torch.nn.Conv2d
+ |
+是
+ |
+
+59
+ |
+torch.nn.Conv3d
+ |
+是
+ |
+
+60
+ |
+torch.nn.ConvTranspose1d
+ |
+否
+ |
+
+61
+ |
+torch.nn.ConvTranspose2d
+ |
+是
+ |
+
+62
+ |
+torch.nn.ConvTranspose3d
+ |
+否
+ |
+
+63
+ |
+torch.nn.Unfold
+ |
+否
+ |
+
+64
+ |
+torch.nn.Fold
+ |
+是
+ |
+
+65
+ |
+torch.nn.MaxPool1d
+ |
+是
+ |
+
+66
+ |
+torch.nn.MaxPool2d
+ |
+是
+ |
+
+67
+ |
+torch.nn.MaxPool3d
+ |
+是
+ |
+
+68
+ |
+torch.nn.MaxUnpool1d
+ |
+否
+ |
+
+69
+ |
+torch.nn.MaxUnpool2d
+ |
+否
+ |
+
+70
+ |
+torch.nn.MaxUnpool3d
+ |
+否
+ |
+
+71
+ |
+torch.nn.AvgPool1d
+ |
+是
+ |
+
+72
+ |
+torch.nn.AvgPool2d
+ |
+是
+ |
+
+73
+ |
+torch.nn.AvgPool3d
+ |
+是
+ |
+
+74
+ |
+torch.nn.FractionalMaxPool2d
+ |
+否
+ |
+
+75
+ |
+torch.nn.LPPool1d
+ |
+是
+ |
+
+76
+ |
+torch.nn.LPPool2d
+ |
+是
+ |
+
+77
+ |
+torch.nn.AdaptiveMaxPool1d
+ |
+否
+ |
+
+78
+ |
+torch.nn.AdaptiveMaxPool2d
+ |
+否
+ |
+
+79
+ |
+torch.nn.AdaptiveMaxPool3d
+ |
+否
+ |
+
+80
+ |
+torch.nn.AdaptiveAvgPool1d
+ |
+是
+ |
+
+81
+ |
+torch.nn.AdaptiveAvgPool2d
+ |
+是
+ |
+
+82
+ |
+torch.nn.AdaptiveAvgPool3d
+ |
+否
+ |
+
+83
+ |
+torch.nn.ReflectionPad1d
+ |
+否
+ |
+
+84
+ |
+torch.nn.ReflectionPad2d
+ |
+否
+ |
+
+85
+ |
+torch.nn.ReplicationPad1d
+ |
+否
+ |
+
+86
+ |
+torch.nn.ReplicationPad2d
+ |
+否
+ |
+
+87
+ |
+torch.nn.ReplicationPad3d
+ |
+否
+ |
+
+88
+ |
+torch.nn.ZeroPad2d
+ |
+是
+ |
+
+89
+ |
+torch.nn.ConstantPad1d
+ |
+是
+ |
+
+90
+ |
+torch.nn.ConstantPad2d
+ |
+是
+ |
+
+91
+ |
+torch.nn.ConstantPad3d
+ |
+是
+ |
+
+92
+ |
+torch.nn.ELU
+ |
+是
+ |
+
+93
+ |
+torch.nn.Hardshrink
+ |
+是
+ |
+
+94
+ |
+torch.nn.Hardtanh
+ |
+是
+ |
+
+95
+ |
+torch.nn.LeakyReLU
+ |
+是
+ |
+
+96
+ |
+torch.nn.LogSigmoid
+ |
+是
+ |
+
+97
+ |
+torch.nn.MultiheadAttention
+ |
+否
+ |
+
+98
+ |
+torch.nn.PReLU
+ |
+否
+ |
+
+99
+ |
+torch.nn.ReLU
+ |
+是
+ |
+
+100
+ |
+torch.nn.ReLU6
+ |
+是
+ |
+
+101
+ |
+torch.nn.RReLU
+ |
+否
+ |
+
+102
+ |
+torch.nn.SELU
+ |
+是
+ |
+
+103
+ |
+torch.nn.CELU
+ |
+是
+ |
+
+104
+ |
+torch.nn.GELU
+ |
+是
+ |
+
+105
+ |
+torch.nn.Sigmoid
+ |
+是
+ |
+
+106
+ |
+torch.nn.Softplus
+ |
+否
+ |
+
+107
+ |
+torch.nn.Softshrink
+ |
+是,SoftShrink场景暂不支持
+ |
+
+108
+ |
+torch.nn.Softsign
+ |
+是
+ |
+
+109
+ |
+torch.nn.Tanh
+ |
+是
+ |
+
+110
+ |
+torch.nn.Tanhshrink
+ |
+是
+ |
+
+111
+ |
+torch.nn.Threshold
+ |
+是
+ |
+
+112
+ |
+torch.nn.Softmin
+ |
+是
+ |
+
+113
+ |
+torch.nn.Softmax
+ |
+是
+ |
+
+114
+ |
+torch.nn.Softmax2d
+ |
+是
+ |
+
+115
+ |
+torch.nn.LogSoftmax
+ |
+否
+ |
+
+116
+ |
+torch.nn.AdaptiveLogSoftmaxWithLoss
+ |
+否
+ |
+
+117
+ |
+torch.nn.AdaptiveLogSoftmaxWithLoss.log_prob
+ |
+否
+ |
+
+118
+ |
+torch.nn.AdaptiveLogSoftmaxWithLoss.predict
+ |
+否
+ |
+
+119
+ |
+torch.nn.BatchNorm1d
+ |
+是
+ |
+
+120
+ |
+torch.nn.BatchNorm2d
+ |
+是
+ |
+
+121
+ |
+torch.nn.BatchNorm3d
+ |
+否
+ |
+
+122
+ |
+torch.nn.GroupNorm
+ |
+是
+ |
+
+123
+ |
+torch.nn.SyncBatchNorm
+ |
+否
+ |
+
+124
+ |
+torch.nn.SyncBatchNorm.convert_sync_batchnorm
+ |
+否
+ |
+
+125
+ |
+torch.nn.InstanceNorm1d
+ |
+是
+ |
+
+126
+ |
+torch.nn.InstanceNorm2d
+ |
+是
+ |
+
+127
+ |
+torch.nn.InstanceNorm3d
+ |
+是
+ |
+
+128
+ |
+torch.nn.LayerNorm
+ |
+是
+ |
+
+129
+ |
+torch.nn.LocalResponseNorm
+ |
+是
+ |
+
+130
+ |
+torch.nn.RNNBase
+ |
+是
+ |
+
+131
+ |
+torch.nn.RNNBase.flatten_parameters
+ |
+是
+ |
+
+132
+ |
+torch.nn.RNN
+ |
+是
+ |
+
+133
+ |
+torch.nn.LSTM
+ |
+是,DynamicRNN场景暂不支持
+ |
+
+134
+ |
+torch.nn.GRU
+ |
+是,DynamicGRUV2场景暂不支持
+ |
+
+135
+ |
+torch.nn.RNNCell
+ |
+是
+ |
+
+136
+ |
+torch.nn.LSTMCell
+ |
+是
+ |
+
+137
+ |
+torch.nn.GRUCell
+ |
+是
+ |
+
+138
+ |
+torch.nn.Transformer
+ |
+否
+ |
+
+139
+ |
+torch.nn.Transformer.forward
+ |
+否
+ |
+
+140
+ |
+torch.nn.Transformer.generate_square_subsequent_mask
+ |
+否
+ |
+
+141
+ |
+torch.nn.TransformerEncoder
+ |
+是
+ |
+
+142
+ |
+torch.nn.TransformerEncoder.forward
+ |
+是
+ |
+
+143
+ |
+torch.nn.TransformerDecoder
+ |
+否
+ |
+
+144
+ |
+torch.nn.TransformerDecoder.forward
+ |
+否
+ |
+
+145
+ |
+torch.nn.TransformerEncoderLayer
+ |
+是
+ |
+
+146
+ |
+torch.nn.TransformerEncoderLayer.forward
+ |
+是
+ |
+
+147
+ |
+torch.nn.TransformerDecoderLayer
+ |
+否
+ |
+
+148
+ |
+torch.nn.TransformerDecoderLayer.forward
+ |
+否
+ |
+
+149
+ |
+torch.nn.Identity
+ |
+是
+ |
+
+150
+ |
+torch.nn.Linear
+ |
+是
+ |
+
+151
+ |
+torch.nn.Bilinear
+ |
+是
+ |
+
+152
+ |
+torch.nn.Dropout
+ |
+是
+ |
+
+153
+ |
+torch.nn.Dropout2d
+ |
+是
+ |
+
+154
+ |
+torch.nn.Dropout3d
+ |
+是
+ |
+
+155
+ |
+torch.nn.AlphaDropout
+ |
+是
+ |
+
+156
+ |
+torch.nn.Embedding
+ |
+是
+ |
+
+157
+ |
+torch.nn.Embedding.from_pretrained
+ |
+是
+ |
+
+158
+ |
+torch.nn.EmbeddingBag
+ |
+否
+ |
+
+159
+ |
+torch.nn.EmbeddingBag.from_pretrained
+ |
+否
+ |
+
+160
+ |
+torch.nn.CosineSimilarity
+ |
+是
+ |
+
+161
+ |
+torch.nn.PairwiseDistance
+ |
+是
+ |
+
+162
+ |
+torch.nn.L1Loss
+ |
+是
+ |
+
+163
+ |
+torch.nn.MSELoss
+ |
+是
+ |
+
+164
+ |
+torch.nn.CrossEntropyLoss
+ |
+是
+ |
+
+165
+ |
+torch.nn.CTCLoss
+ |
+是
+ |
+
+166
+ |
+torch.nn.NLLLoss
+ |
+是
+ |
+
+167
+ |
+torch.nn.PoissonNLLLoss
+ |
+是
+ |
+
+168
+ |
+torch.nn.KLDivLoss
+ |
+是
+ |
+
+169
+ |
+torch.nn.BCELoss
+ |
+是
+ |
+
+170
+ |
+torch.nn.BCEWithLogitsLoss
+ |
+是
+ |
+
+171
+ |
+torch.nn.MarginRankingLoss
+ |
+是
+ |
+
+172
+ |
+torch.nn.HingeEmbeddingLoss
+ |
+是
+ |
+
+173
+ |
+torch.nn.MultiLabelMarginLoss
+ |
+否
+ |
+
+174
+ |
+torch.nn.SmoothL1Loss
+ |
+是
+ |
+
+175
+ |
+torch.nn.SoftMarginLoss
+ |
+否
+ |
+
+176
+ |
+torch.nn.MultiLabelSoftMarginLoss
+ |
+是
+ |
+
+177
+ |
+torch.nn.CosineEmbeddingLoss
+ |
+是
+ |
+
+178
+ |
+torch.nn.MultiMarginLoss
+ |
+否
+ |
+
+179
+ |
+torch.nn.TripletMarginLoss
+ |
+是
+ |
+
+180
+ |
+torch.nn.PixelShuffle
+ |
+是
+ |
+
+181
+ |
+torch.nn.Upsample
+ |
+是
+ |
+
+182
+ |
+torch.nn.UpsamplingNearest2d
+ |
+是
+ |
+
+183
+ |
+torch.nn.UpsamplingBilinear2d
+ |
+是
+ |
+
+184
+ |
+torch.nn.DataParallel
+ |
+否
+ |
+
+185
+ |
+torch.nn.parallel.DistributedDataParallel
+ |
+是
+ |
+
+186
+ |
+torch.nn.parallel.DistributedDataParallel.no_sync
+ |
+是
+ |
+
+187
+ |
+torch.nn.utils.clip_grad_norm_
+ |
+否
+ |
+
+188
+ |
+torch.nn.utils.clip_grad_value_
+ |
+否
+ |
+
+189
+ |
+torch.nn.utils.parameters_to_vector
+ |
+是
+ |
+
+190
+ |
+torch.nn.utils.vector_to_parameters
+ |
+是
+ |
+
+197
+ |
+torch.nn.utils.prune.PruningContainer
+ |
+是
+ |
+
+198
+ |
+torch.nn.utils.prune.PruningContainer.add_pruning_method
+ |
+否
+ |
+
+199
+ |
+torch.nn.utils.prune.PruningContainer.apply
+ |
+是
+ |
+
+200
+ |
+torch.nn.utils.prune.PruningContainer.apply_mask
+ |
+否
+ |
+
+201
+ |
+torch.nn.utils.prune.PruningContainer.compute_mask
+ |
+是
+ |
+
+202
+ |
+torch.nn.utils.prune.PruningContainer.prune
+ |
+是
+ |
+
+203
+ |
+torch.nn.utils.prune.PruningContainer.remove
+ |
+否
+ |
+
+204
+ |
+torch.nn.utils.prune.Identity
+ |
+是
+ |
+
+205
+ |
+torch.nn.utils.prune.Identity.apply
+ |
+是
+ |
+
+206
+ |
+torch.nn.utils.prune.Identity.apply_mask
+ |
+否
+ |
+
+207
+ |
+torch.nn.utils.prune.Identity.prune
+ |
+是
+ |
+
+208
+ |
+torch.nn.utils.prune.Identity.remove
+ |
+否
+ |
+
+209
+ |
+torch.nn.utils.prune.RandomUnstructured
+ |
+是
+ |
+
+210
+ |
+torch.nn.utils.prune.RandomUnstructured.apply
+ |
+否
+ |
+
+211
+ |
+torch.nn.utils.prune.RandomUnstructured.apply_mask
+ |
+否
+ |
+
+212
+ |
+torch.nn.utils.prune.RandomUnstructured.prune
+ |
+否
+ |
+
+213
+ |
+torch.nn.utils.prune.RandomUnstructured.remove
+ |
+否
+ |
+
+214
+ |
+torch.nn.utils.prune.L1Unstructured
+ |
+是
+ |
+
+215
+ |
+torch.nn.utils.prune.L1Unstructured.apply
+ |
+否
+ |
+
+216
+ |
+torch.nn.utils.prune.L1Unstructured.apply_mask
+ |
+否
+ |
+
+217
+ |
+torch.nn.utils.prune.L1Unstructured.prune
+ |
+否
+ |
+
+218
+ |
+torch.nn.utils.prune.L1Unstructured.remove
+ |
+否
+ |
+
+219
+ |
+torch.nn.utils.prune.RandomStructured
+ |
+是
+ |
+
+220
+ |
+torch.nn.utils.prune.RandomStructured.apply
+ |
+是
+ |
+
+221
+ |
+torch.nn.utils.prune.RandomStructured.apply_mask
+ |
+否
+ |
+
+222
+ |
+torch.nn.utils.prune.RandomStructured.compute_mask
+ |
+是
+ |
+
+223
+ |
+torch.nn.utils.prune.RandomStructured.prune
+ |
+是
+ |
+
+224
+ |
+torch.nn.utils.prune.RandomStructured.remove
+ |
+否
+ |
+
+225
+ |
+torch.nn.utils.prune.LnStructured
+ |
+是
+ |
+
+226
+ |
+torch.nn.utils.prune.LnStructured.apply
+ |
+否
+ |
+
+227
+ |
+torch.nn.utils.prune.LnStructured.apply_mask
+ |
+否
+ |
+
+228
+ |
+torch.nn.utils.prune.LnStructured.compute_mask
+ |
+否
+ |
+
+229
+ |
+torch.nn.utils.prune.LnStructured.prune
+ |
+否
+ |
+
+230
+ |
+torch.nn.utils.prune.LnStructured.remove
+ |
+否
+ |
+
+231
+ |
+torch.nn.utils.prune.CustomFromMask
+ |
+是
+ |
+
+232
+ |
+torch.nn.utils.prune.CustomFromMask.apply
+ |
+是
+ |
+
+233
+ |
+torch.nn.utils.prune.CustomFromMask.apply_mask
+ |
+否
+ |
+
+234
+ |
+torch.nn.utils.prune.CustomFromMask.prune
+ |
+是
+ |
+
+235
+ |
+torch.nn.utils.prune.CustomFromMask.remove
+ |
+否
+ |
+
+236
+ |
+torch.nn.utils.prune.identity
+ |
+是
+ |
+
+237
+ |
+torch.nn.utils.prune.random_unstructured
+ |
+否
+ |
+
+238
+ |
+torch.nn.utils.prune.l1_unstructured
+ |
+否
+ |
+
+239
+ |
+torch.nn.utils.prune.random_structured
+ |
+是
+ |
+
+240
+ |
+torch.nn.utils.prune.ln_structured
+ |
+否
+ |
+
+241
+ |
+torch.nn.utils.prune.global_unstructured
+ |
+否
+ |
+
+242
+ |
+torch.nn.utils.prune.custom_from_mask
+ |
+是
+ |
+
+243
+ |
+torch.nn.utils.prune.remove
+ |
+是
+ |
+
+244
+ |
+torch.nn.utils.prune.is_pruned
+ |
+是
+ |
+
+245
+ |
+torch.nn.utils.weight_norm
+ |
+是
+ |
+
+246
+ |
+torch.nn.utils.remove_weight_norm
+ |
+是
+ |
+
+247
+ |
+torch.nn.utils.spectral_norm
+ |
+是
+ |
+
+248
+ |
+torch.nn.utils.remove_spectral_norm
+ |
+否
+ |
+
+249
+ |
+torch.nn.utils.rnn.PackedSequence
+ |
+是
+ |
+
+250
+ |
+torch.nn.utils.rnn.pack_padded_sequence
+ |
+是
+ |
+
+251
+ |
+torch.nn.utils.rnn.pad_packed_sequence
+ |
+否
+ |
+
+252
+ |
+torch.nn.utils.rnn.pad_sequence
+ |
+是
+ |
+
+253
+ |
+torch.nn.utils.rnn.pack_sequence
+ |
+否
+ |
+
+254
+ |
+torch.nn.Flatten
+ |
+是
+ |
+
+255
+ |
+torch.quantization.quantize
+ |
+否
+ |
+
+256
+ |
+torch.quantization.quantize_dynamic
+ |
+否
+ |
+
+257
+ |
+torch.quantization.quantize_qat
+ |
+否
+ |
+
+258
+ |
+torch.quantization.prepare
+ |
+否
+ |
+
+259
+ |
+torch.quantization.prepare_qat
+ |
+否
+ |
+
+260
+ |
+torch.quantization.convert
+ |
+否
+ |
+
+261
+ |
+torch.quantization.QConfig
+ |
+否
+ |
+
+262
+ |
+torch.quantization.QConfigDynamic
+ |
+否
+ |
+
+263
+ |
+torch.quantization.fuse_modules
+ |
+否
+ |
+
+264
+ |
+torch.quantization.QuantStub
+ |
+否
+ |
+
+265
+ |
+torch.quantization.DeQuantStub
+ |
+否
+ |
+
+266
+ |
+torch.quantization.QuantWrapper
+ |
+否
+ |
+
+267
+ |
+torch.quantization.add_quant_dequant
+ |
+否
+ |
+
+268
+ |
+torch.quantization.add_observer_
+ |
+否
+ |
+
+269
+ |
+torch.quantization.swap_module
+ |
+否
+ |
+
+270
+ |
+torch.quantization.propagate_qconfig_
+ |
+否
+ |
+
+271
+ |
+torch.quantization.default_eval_fn
+ |
+否
+ |
+
+272
+ |
+torch.quantization.MinMaxObserver
+ |
+否
+ |
+
+273
+ |
+torch.quantization.MovingAverageMinMaxObserver
+ |
+否
+ |
+
+274
+ |
+torch.quantization.PerChannelMinMaxObserver
+ |
+否
+ |
+
+275
+ |
+torch.quantization.MovingAveragePerChannelMinMaxObserver
+ |
+否
+ |
+
+276
+ |
+torch.quantization.HistogramObserver
+ |
+否
+ |
+
+277
+ |
+torch.quantization.FakeQuantize
+ |
+否
+ |
+
+278
+ |
+torch.quantization.NoopObserver
+ |
+否
+ |
+
+279
+ |
+torch.quantization.get_observer_dict
+ |
+否
+ |
+
+280
+ |
+torch.quantization.RecordingObserver
+ |
+否
+ |
+
+281
+ |
+torch.nn.intrinsic.ConvBn2d
+ |
+是
+ |
+
+282
+ |
+torch.nn.intrinsic.ConvBnReLU2d
+ |
+是
+ |
+
+283
+ |
+torch.nn.intrinsic.ConvReLU2d
+ |
+是
+ |
+
+284
+ |
+torch.nn.intrinsic.ConvReLU3d
+ |
+否
+ |
+
+285
+ |
+torch.nn.intrinsic.LinearReLU
+ |
+是
+ |
+
+286
+ |
+torch.nn.intrinsic.qat.ConvBn2d
+ |
+否
+ |
+
+287
+ |
+torch.nn.intrinsic.qat.ConvBnReLU2d
+ |
+否
+ |
+
+288
+ |
+torch.nn.intrinsic.qat.ConvReLU2d
+ |
+否
+ |
+
+289
+ |
+torch.nn.intrinsic.qat.LinearReLU
+ |
+否
+ |
+
+290
+ |
+torch.nn.intrinsic.quantized.ConvReLU2d
+ |
+否
+ |
+
+291
+ |
+torch.nn.intrinsic.quantized.ConvReLU3d
+ |
+否
+ |
+
+292
+ |
+torch.nn.intrinsic.quantized.LinearReLU
+ |
+否
+ |
+
+293
+ |
+torch.nn.qat.Conv2d
+ |
+否
+ |
+
+294
+ |
+torch.nn.qat.Conv2d.from_float
+ |
+否
+ |
+
+295
+ |
+torch.nn.qat.Linear
+ |
+否
+ |
+
+296
+ |
+torch.nn.qat.Linear.from_float
+ |
+否
+ |
+
+297
+ |
+torch.nn.quantized.functional.relu
+ |
+否
+ |
+
+298
+ |
+torch.nn.quantized.functional.linear
+ |
+否
+ |
+
+299
+ |
+torch.nn.quantized.functional.conv2d
+ |
+否
+ |
+
+300
+ |
+torch.nn.quantized.functional.conv3d
+ |
+否
+ |
+
+301
+ |
+torch.nn.quantized.functional.max_pool2d
+ |
+否
+ |
+
+302
+ |
+torch.nn.quantized.functional.adaptive_avg_pool2d
+ |
+否
+ |
+
+303
+ |
+torch.nn.quantized.functional.avg_pool2d
+ |
+否
+ |
+
+304
+ |
+torch.nn.quantized.functional.interpolate
+ |
+否
+ |
+
+305
+ |
+torch.nn.quantized.functional.upsample
+ |
+否
+ |
+
+306
+ |
+torch.nn.quantized.functional.upsample_bilinear
+ |
+否
+ |
+
+307
+ |
+torch.nn.quantized.functional.upsample_nearest
+ |
+否
+ |
+
+308
+ |
+torch.nn.quantized.ReLU
+ |
+否
+ |
+
+309
+ |
+torch.nn.quantized.ReLU6
+ |
+否
+ |
+
+310
+ |
+torch.nn.quantized.Conv2d
+ |
+否
+ |
+
+311
+ |
+torch.nn.quantized.Conv2d.from_float
+ |
+否
+ |
+
+312
+ |
+torch.nn.quantized.Conv3d
+ |
+否
+ |
+
+313
+ |
+torch.nn.quantized.Conv3d.from_float
+ |
+否
+ |
+
+314
+ |
+torch.nn.quantized.FloatFunctional
+ |
+否
+ |
+
+315
+ |
+torch.nn.quantized.QFunctional
+ |
+否
+ |
+
+316
+ |
+torch.nn.quantized.Quantize
+ |
+否
+ |
+
+317
+ |
+torch.nn.quantized.DeQuantize
+ |
+否
+ |
+
+318
+ |
+torch.nn.quantized.Linear
+ |
+否
+ |
+
+319
+ |
+torch.nn.quantized.Linear.from_float
+ |
+否
+ |
+
+320
+ |
+torch.nn.quantized.dynamic.Linear
+ |
+否
+ |
+
+321
+ |
+torch.nn.quantized.dynamic.Linear.from_float
+ |
+否
+ |
+
+322
+ |
+torch.nn.quantized.dynamic.LSTM
+ |
+否
+ |
+
+
+