TIM-VX/src/tim/vx/ops
Feiyue Chen 06b88e7940 Fixed nn_params in groupconv2d
Type: Bug Fix
Signed-off-by: Feiyue Chen <Feiyue.Chen@verisilicon.com>
2022-12-16 15:08:14 +08:00
..
README.md Added EmbeddingLookup & deprecate LshProjection 2022-12-05 09:59:56 +08:00
activations.cc added sign & softsign 2022-09-20 22:49:45 +08:00
activations_test.cc added sign & softsign 2022-09-20 22:49:45 +08:00
addn.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
addn_test.cc Disable cases which offloaded to SW path(#422) 2022-07-04 15:37:06 +08:00
arg.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
arg_test.cc Add ArgMax/ArgMin unit tests (#333) 2022-03-25 09:46:50 +08:00
avg_pool_test.cc Fixed average pool layout infer 2022-11-16 13:34:31 +08:00
batch2space.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
batch2space_test.cc Added unit test for batch2space and space2batch (#321) 2022-03-15 21:25:01 +08:00
batchnorm.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
batchnorm_test.cc Add layout inference and unit test for BatchNorm (#243) 2021-12-22 09:47:57 +08:00
bidirectional_sequence_lstm.cc Fixed BidirectionalSequenceLSTM bug 2022-11-16 13:31:23 +08:00
bidirectional_sequence_lstm_test.cc Fixed BidirectionalSequenceLSTM bug 2022-11-16 13:31:23 +08:00
bidirectional_sequence_rnn.cc Fixed BidirectionalSequenceRnn bugs 2022-11-28 09:45:50 +08:00
bidirectional_sequence_rnn_ext.cc Fixed BidirectionalSequenceRnn bugs 2022-11-28 09:45:50 +08:00
bidirectional_sequence_rnn_ext_test.cc Fixed BidirectionalSequenceRnn bugs 2022-11-28 09:45:50 +08:00
bidirectional_sequence_rnn_test.cc Fixed BidirectionalSequenceRnn bugs 2022-11-28 09:45:50 +08:00
broadcast.cc fixed bug when broadcast dimensions is negative 2022-10-08 21:42:02 +08:00
broadcast_test.cc add macro VSI_EXPAND_BROADCAST_ENABLE_DIMENSIONS for unit test compatibility (#386) 2022-05-06 09:30:26 +08:00
clip.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
concat.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
conv1d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
conv1d_test.cc mapped groupedconv1d & unit test (#233) 2021-12-06 19:20:13 +08:00
conv2d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
conv2d_test.cc diabled a failed case 2022-11-22 21:36:41 +08:00
conv3d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
conv3d_test.cc added & modified copyright of some files 2022-09-20 22:47:33 +08:00
cumsum.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
cumsum_test.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
custom_base.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
deconv.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
deconv1d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
deconv1d_test.cc Add map for DeConv1d (#62) 2021-05-24 23:41:15 +08:00
deconv2d_test.cc Minor fixup for unit test case naming 2021-06-09 10:51:26 +08:00
depth2space.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
depth2space_test.cc Suported specifying CRD_mode & DCR_mode in depthtospace (#362) 2022-04-14 19:53:32 +08:00
depthwiseConv_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
dropout.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
elementwise.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
elementwise_test.cc Added minimum unit test 2022-11-11 18:03:46 +08:00
embedding_lookup.cc Added EmbeddingLookup & deprecate LshProjection 2022-12-05 09:59:56 +08:00
embedding_lookup_test.cc Added EmbeddingLookup & deprecate LshProjection 2022-12-05 09:59:56 +08:00
erf.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
erf_test.cc Mapped Erf operation & unit tests (#211) 2021-11-10 20:07:06 +08:00
fullyconnected.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
gather.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
gather_elements.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
gather_elements_test.cc modify GatherElements (#406) 2022-05-29 22:25:14 +08:00
gather_test.cc Expose hw feature : isClOnly() 2022-08-03 09:06:32 +08:00
gathernd.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
groupedconv1d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
groupedconv1d_test.cc Revert "composed Dense & added unit test (#312)" (#340) 2022-03-31 18:37:45 +08:00
groupedconv2d.cc Fixed nn_params in groupconv2d 2022-12-16 15:08:14 +08:00
groupedconv2d_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
grucell.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
grucell_test.cc Mapped GRUCell & unit test 2022-08-11 20:34:19 +08:00
hashtable_lookup.cc Added HashtableLookup Op 2022-12-01 10:55:21 +08:00
hashtable_lookup_test.cc Added HashtableLookup Op 2022-12-01 10:55:21 +08:00
instancenormalization.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
instancenormalization_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
l2normalization.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
layernormalization.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
layernormalization_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
localresponsenormalization.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
localresponsenormalization_test.cc Fixed param compute bug for lrn 2022-08-04 21:35:59 +08:00
logical.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
logsoftmax.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
logsoftmax_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
matmul.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
matmul_test.cc Disabled 3 failed case (#428) 2022-07-11 09:54:42 +08:00
max_pool3d.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
max_pool3d_test.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
max_pool_test.cc Added gather_elements & unit test (#363) 2022-05-10 09:55:50 +08:00
maxpoolgrad.cc Fix maxpoolgrad, hide unused pool value output 2022-12-01 15:49:38 +08:00
maxpoolgrad_test.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
maxpoolwithargmax.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
maxpoolwithargmax2.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
maxpoolwithargmax2_test.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
maxpoolwithargmax_test.cc Add Op MaxpoolWithArgmax 2021-05-27 18:59:35 +08:00
maxunpool2d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
maxunpool2d_test.cc Rename Unmaxpool2d to MaxUnpool2d 2021-05-31 12:48:51 +08:00
mements.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
mod.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
mod_test.cc Add BUILD_WITH_BAZEL option, marco of VSI_FEAT_OP_XXX should behind headers now. 2022-11-22 21:39:02 +08:00
moments_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
nbg.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
onehot.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
onehot_test.cc Map OneHot & unit test (#258) 2022-01-05 22:04:49 +08:00
pad.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
pad_test.cc Added pad_v2 & pad_v2 layout infer 2022-12-16 15:03:58 +08:00
pad_v2.cc Added pad_v2 & pad_v2 layout infer 2022-12-16 15:03:58 +08:00
pool2d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
reduce.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
reduce_sum_test.cc Expose hw feature : isClOnly() 2022-08-03 09:06:32 +08:00
relational_operations.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
relational_operations_test.cc Minor fixup for unit test case naming 2021-06-09 10:51:26 +08:00
reorg.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
reorg_test.cc Minor fixup for unit test case naming 2021-06-09 10:51:26 +08:00
reshape.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
reshape_test.cc add reshape unit test (#416) 2022-06-23 14:07:38 +08:00
resize.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
resize1d.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
resize1d_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
reverse.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
rnn_cell.cc Supported composed layout infer & added unit test 2022-09-26 14:29:46 +08:00
rnn_cell_test.cc Added RNNCell & unit test (#249) 2021-12-29 11:08:24 +08:00
roi_align.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
roi_align_test.cc Fixed roi_align golden mismatch error 2022-11-11 18:02:36 +08:00
roi_pool.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
roi_pool_test.cc Rename RoiAlign & RoiPool (#446) 2022-07-29 11:10:25 +08:00
scatternd.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
scatternd_test.cc Disabled 3 failed case (#428) 2022-07-11 09:54:42 +08:00
select.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
shuffle_channel.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
shuffle_channel_test.cc mapped signal frame & unit test (#234) 2021-12-09 10:33:40 +08:00
signal_frame.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
signal_frame_test.cc mapped signal frame & unit test (#234) 2021-12-09 10:33:40 +08:00
simple_operations.cc added Rcp op & modified test_utils 2022-09-22 12:15:02 +08:00
simple_operations_test.cc added Rcp op & modified test_utils 2022-09-22 12:15:02 +08:00
slice.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
slice_test.cc Added param step for slice & added unit test (#352) 2022-04-12 15:42:58 +08:00
softmax.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
softmax_test.cc Add softmax unit test (#274) 2022-01-19 14:54:39 +08:00
space2batch.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
space2batch_test.cc Added unit test for batch2space and space2batch (#321) 2022-03-15 21:25:01 +08:00
space2depth.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
spatial_transformer.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
spatial_transformer_test.cc Disabled 3 failed case (#428) 2022-07-11 09:54:42 +08:00
split.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
squeeze.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
stack.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
stack_test.cc Add layout inference & layout test for stack (#337) 2022-04-06 13:01:41 +08:00
stridedslice.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
stridedslice_test.cc Added two cases in strided_slice 2022-09-29 20:24:09 +08:00
svdf.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
svdf_test.cc Add SVDF support - only FLOAT32 supported 2021-10-29 16:19:15 +08:00
tile.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
tile_test.cc Add tile 2021-06-03 18:29:32 +08:00
topk.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
topk_test.cc Added topk & unit test (#384) 2022-05-05 17:06:39 +08:00
transpose.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
transposeConv_test.cc Refactor CMake build system (#184) 2021-10-12 10:44:49 +08:00
transpose_test.cc added transpose_test from https://github.com/VeriSilicon/TIM-VX/issues/429 2022-10-08 14:47:07 +08:00
unidirectional_sequence_gru.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
unidirectional_sequence_gru_test.cc disabled two not supported cases 2022-09-05 14:52:59 +08:00
unidirectional_sequence_lstm.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
unidirectional_sequence_lstm_test.cc lstm layout inference & Added unidirectional lstm layout inference (#392) 2022-05-29 22:40:43 +08:00
unidirectional_sequence_rnn.cc Added layout_inference for UnidirectionalRnn 2022-11-23 20:58:00 +08:00
unidirectional_sequence_rnn_ext.cc add rnn 2022-11-16 13:33:39 +08:00
unidirectional_sequence_rnn_ext_test.cc add rnn 2022-11-16 13:33:39 +08:00
unidirectional_sequence_rnn_test.cc Added layout_inference for UnidirectionalRnn 2022-11-23 20:58:00 +08:00
unstack.cc Replace name direct_map_op with builtin_op 2022-09-19 10:21:19 +08:00
unstack_test.cc Add Unstack 2021-06-03 16:24:31 +08:00

README.md

INFO: Actual implementations may differ from reference link in terms of dimensions and parameters supported

TIM-VX API Internal Op Status Reference
Add ADD Mapped tf.math.add
Multiply MULTIPLY Mapped tf.math.multiply
Conv2d CONV2D Mapped tf.nn.conv2d tf.nn.atros_conv2d tf.nn.depthwise_conv2d
Softmax SOFTMAX Mapped tf.nn.softmax
Pool2d POOL Mapped tf.nn.pool
LeakyRelu LEAKY_RELU Mapped tf.nn.leaky_relu
Concat CONCAT Mapped tf.concat
Split SPLIT Mapped tf.split
BatchNorm BATCH_NORM Mapped tf.nn.batch_normalization
DeConv2d DECONVOLUTION Mapped tf.nn.conv2d_transpose
Reshape RESHAPE Mapped tf.reshape
Transpose PERMUTE Mapped tf.transpose
Prelu PRELU Mapped tf.keras.layers.PReLU
MaxUnpool2d UPSAMPLE Mapped tfa.layers.MaxUnpooling2D
Relu RELU Mapped tf.nn.relu
Reorg REORG Mapped darknet.reorg
L2Normalization L2_NORMALIZE Mapped tf.math.l2_normalize
FullyConnected FCL2 Mapped tf.keras.layers.Dense
Dense FCL Mapped tf.keras.layers.Dense
MaxpoolWithArgmax POOLWITHARGMAX Mapped tf.nn.max_pool_with_argmax
ArgMax ARGMAX Mapped tf.math.argmax
Maximum MAXIMUM Mapped tf.math.maximum
Sub SUBTRACT Mapped tf.math.subtract
Relu6 RELU6 Mapped tf.nn.relu6
Sigmoid SIGMOID Mapped tf.math.sigmoid
Tanh TANH Mapped tf.math.tanh
Sqrt SQRT Mapped tf.math.sqrt
Rsqrt RSQRT Mapped tf.math.rsqrt
SoftRelu SOFTRELU Mapped tf.math.softplus
Div DIVIDE Mapped tf.math.divide
Dropout DROPOUT Mapped f(x) = x*ratio
Resize RESIZE Mapped tf.image.resize
Reverse REVERSE Mapped tf.reverse
DepthToSpace DEPTH2SPACE Mapped tf.nn.depth_to_space
SpaceToDepth SPACE2DEPTH Mapped tf.nn.space_to_depth
DataConvert DATACONVERT Mapped Data Format Conversion
Slice SLICE Mapped tf.slice
Elu ELU Mapped tf.nn.elu
Batch2Space BATCH2SPACE Mapped tf.batch_to_space
Space2Batch SPACE2BATCH Mapped tf.space_to_batch
Pad PAD Mapped tf.pad
Matmul MATRIXMUL Mapped tf.linalg.matmul
LayerNormalization LAYER_NORM Mapped tf.keras.layers.LayerNormalization
ReduceMin REDUCE_MIN Mapped tf.math.reduce_min
ReduceMax REDUCE_MAX Mapped tf.math.reduce_max
ReduceAny REDUCE_ANY Mapped tf.math.reduce_any
ReduceProd REDUCE_PROD Mapped tf.math.reduce_prod
ReduceMean REDUCE_MEAN Mapped tf.math.reduce_mean
InstanceNormalization INSTANCE_NORM Mapped tfa.layers.InstanceNormalization
StridedSlice STRIDED_SLICE Mapped tf.strided_slice
Abs ABS Mapped tf.math.abs
Conv1d CONV1D Mapped tf.nn.conv1d
NBG NBG Mapped Network Binary Graph
LocalResponseNormalization LRN2 Mapped tf.nn.local_response_normalization
Greater RELATIONAL_OPS_GREATER Mapped tf.math.greater
GreaterOrEqual RELATIONAL_OPS_GREATER_EQUAL Mapped tf.math.greater_equal
Less RELATIONAL_OPS_LESS Mapped tf.math.less
LessOrEqual RELATIONAL_OPS_LESS_EQUAL Mapped tf.math.less_equal
Equal RELATIONAL_OPS_EQUAL Mapped tf.math.equal
NotEqual RELATIONAL_OPS_NOT_EQUAL Mapped tf.math.not_equal
Pow POW Mapped tf.math.pow
FloorDiv FLOORDIV Mapped tf.math.floordiv
Minimum MINIMUM Mapped tf.math.minimum
And LOGICAL_OPS Mapped tf.math.logical_and
Or LOGICAL_OPS Mapped tf.math.logical_or
Select SELECT Mapped tf.where
Relu1 RELU1 Mapped tf.keras.layers.ReLU(max_value=1.0)
Stack STACK Mapped tf.stack
Floor FLOOR Mapped tf.math.floor
Square SQUARE Mapped tf.math.square
Neg NEG Mapped tf.math.negative
Exp EXP Mapped tf.math.exp
Clip CLIP Mapped tf.clip_by_value
AddN ADDN Mapped tf.math.add_n
Gather GATHER Mapped tf.gather
Gather_elements GATHER_ELEMENTS Mapped onnx/GatherElements
LogicalNot LOGICAL_NOT Mapped tf.math.logical_not
Sin SIN Mapped tf.math.sin
Log LOG Mapped tf.math.log
ArgMin ARGMIN Mapped tf.math.argmin
LogSoftmax LOG_SOFTMAX Mapped tf.nn.log_softmax
Swish SWISH Mapped tf.keras.activations.swish
HardSwish SWISH Mapped torch.nn.Hardswish
GatherNd GATHER_ND Mapped tf.gather_nd
Cast CAST Mapped tf.cast
Moments MOMENTS Mapped tf.moments
Squeeze SQUEEZE Mapped tf.squeeze
HardSigmoid HARD_SIGMOID Mapped tf.keras.activations.hard_sigmoid
Mish MISH Mapped tfa.activations.mish
DeConv1d DECONVOLUTION1D Mapped tf.nn.conv1d_transpose
Resize1d RESIZE_1D Mapped Onnx.resize 1D image
Linear LINEAR Mapped tf.keras.activations.linear
ScatterND SCATTER_ND Mapped tf.scatter_nd
Unstack UNSTACK Mapped tf.unstack
Tile TILE Mapped tf.tile
GroupedConv2d GROUPED_CONV2D Mapped ANEURALNETWORKS_GROUPED_CONV_2D
SpatialTransformer SPATIAL_TRANSFORMER Mapped SpatialTransformer
ShuffleChannel SHUFFLECHANNEL Mapped ANEURALNETWORKS_CHANNEL_SHUFFLE
Gelu GELU Mapped tf.nn.gelu
Svdf SVDF Mapped ANEURALNETWORKS_SVDF
Erf ERF Mapped tf.math.erf
GroupedConv1d GROUPED_CONV1D Mapped tf.keras.layers.Conv1D
SignalFrame SIGNAL_FRAME Mapped tf.signal.frame
RNNCell RNNCELL_OVXLIB Mapped ANEURALNETWORKS_RNN
BroadCast EXPAND_BROADCAST Mapped numpy.broadcast_to
PROPOSAL TBD Faster-RCNN Proposal Layer
ROI_POOL Planned 22Q4 ANEURALNETWORKS_ROI_POOLING
ROI_Align ROI_ALIGN Mapped ANEURALNETWORKS_ROI_ALIGN
TopK TOPK Mapped (limited support) tf.math.top_k
GRUCell GRUCELL_OVXLIB Mapped tf.keras.layers.GRUCell
UnidirectionalSequenceGRU GRU_OVXLIB Mapped tf.keras.layers.GRU
Mod MOD Mapped Onnx.Mod
Selu SELU Mapped tf.keras.activations.selu
Celu CELU Mapped Onnx.celu
Sign SIGN Mapped tf.math.sign
SoftSign SOFTSIGN Mapped tf.keras.activations.softsign
CumSum CUMSUM Mapped tf.math.cumsum
Rcp RCP Mapped tf.math.reciprocal
MaxPool3d MAX_POOL3D Mapped Onnx.MaxPool
UnidirectionalSequenceRNN UNIDIRECTIONAL_SEQUENCE_RNN Mapped ANEURALNETWORKS_UNIDIRECTIONAL_SEQUENCE_RNN
BidirectionalSequenceRNN BIDIRECTIONAL_SEQUENCE_RNN Mapped ANEURALNETWORKS_BIDIRECTIONAL_SEQUENCE_RNN
BidirectionalSequenceLSTM LSTM_OVXLIB Composed in tim-vx ANEURALNETWORKS_BIDIRECTIONAL_SEQUENCE_LSTM
UnidirectionalSequenceLSTM LSTM_OVXLIB Mapped ANEURALNETWORKS_UNIDIRECTIONAL_SEQUENCE_LSTM
LSTMCell LSTMUNIT_OVXLIB replace with UnidirectionalSequenceLSTM by set n_step = 1 ANEURALNETWORKS_LSTM
PRE_PROCESS TBD Image Preprocessing (YUV2RGB, Input Normalization, Resizing, etc)
HashtableLookup HASHTABLE_LOOKUP Mapped ANEURALNETWORKS_HASHTABLE_LOOKUP
EmbeddingLookup EMBEDDING_LOOKUP Mapped ANEURALNETWORKS_EMBEDDING_LOOKUP
HEATMAP_MAX_KEYPOINT TBD ANEURALNETWORKS_HEATMAP_MAX_KEYPOINT
AXIS_ALIGNED_BBOX_TRANSFORM TBD ANEURALNETWORKS_AXIS_ALIGNED_BBOX_TRANSFORM
BOX_WITH_NMS_LIMIT TBD ANEURALNETWORKS_BOX_WITH_NMX_LIMIT
GENERATE_PROPOSALS TBD ANEURALNETWORKS_GENERATE_PROPOSALS
DETECTION_POSTPROCESS TBD ANEURALNETWORKS_DETECTION_POSTPROCESSING
RANDOM_MULTINOMIAL TBD ANEURALNETWORKS_RANDOM_MULTINOMIAL](https://developer.android.com/ndk/reference/group/neural-networks#group___neural_networks_1ggaabbe492c60331b13038e39d4207940e0a6cb5032c09d3c4b542d18495c247b5b4)
UPSAMPLESCALE TBD Unoffical Caffe layer
GROUP_NORM Planned 22Q4 tf.layers.GroupNormalization](https://tensorflow.google.cn/addons/api_docs/python/tfa/layers/GroupNormalization)
ROUND Planned 22Q4 tf.math.round
CEIL Planned 22Q4 tf.math.ceil
SEQUENCE_MASK Planned 22Q4 tf.math.ceil
REPEAT Planned 22Q4 tf.repeat
OneHot ONE_HOT Mapped tf.one_hot
NMS TBD tf.image.non_max_suppression
SCATTER_ND_UPDATE Planned 21Q4 tf.compat.v1.scatter_nd_update
LSH_PROJECTION Deprecated
CONV_RELU Deprecated
CONV_RELU_POOL Deprecated
FCL Deprecated
FCL_RELU Deprecated
LRN Deprecated
SCALE Deprecated
DEPTHWISE_CONV1D Deprecated
L2NORMALIZESCALE Deprecated
INTERP Deprecated
NOOP Deprecated
TENSORSTACKCONCAT Deprecated
VARIABLE InternalOnly
RELUN Deprecated
CROP Deprecated
TENSOR_ADD_MEAN_STDDEV_NORM InternalOnly
RNN Deprecated
LSTMUNIT_ACTIVATION InternalOnly
LSTM Deprecated
LSTMUNIT Deprecated
QUANTIZED_16BIT_LSTM InternalOnly
RELU_KERAS Deprecated
PRE_PROCESS_GRAY InternalOnly
PRE_PROCESS_YUV444 InternalOnly
PRE_PROCESS_NV12 InternalOnly
PRE_PROCESS_YUV420 InternalOnly
PRE_PROCESS_BGRA InternalOnly
PRE_PROCESS_TENSOR InternalOnly
IMAGEPROCESS Deprecated
POST_PROCESS InternalOnly
EXTRA_ENDING InternalOnly
SYNC_HOST InternalOnly
BATCHNORM_SINGLE InternalOnly
CONCATSHIFT InternalOnly
A_TIMES_B_PLUS_C Deprecated tf.add(tf.mul(A, B), C)