Skip to content
This repository has been archived by the owner on Nov 17, 2023. It is now read-only.

[submodule] Remove soon to be obsolete dnnl nomenclature from mxnet #20606

Merged
merged 22 commits into from
Oct 13, 2021
Merged
Show file tree
Hide file tree
Changes from 1 commit
Commits
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
Prev Previous commit
Next Next commit
fix sanity
  • Loading branch information
bartekkuncer committed Oct 13, 2021
commit 1781b46fca369a50e44c3864bf7eaeb5a8d671dd
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_act-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -111,4 +111,4 @@ struct hash<mxnet::op::DNNLActParam> {
} // namespace std

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_ACT_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_ACT_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_act.cc
Original file line number Diff line number Diff line change
Expand Up @@ -318,4 +318,4 @@ void DNNLLeakyReluBackward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_base-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -725,4 +725,4 @@ void DNNLRun(FComputeExUnary fn,

} // namespace mxnet
#endif
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_BASE_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_BASE_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_base.cc
Original file line number Diff line number Diff line change
Expand Up @@ -675,4 +675,4 @@ void DNNLRun(FComputeExUnary fn,

} // namespace mxnet

#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_batch_dot-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -65,4 +65,4 @@ class DNNLBatchDotFwd {
} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_BATCH_DOT_INL_H__
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_BATCH_DOT_INL_H__
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_batch_dot.cc
Original file line number Diff line number Diff line change
Expand Up @@ -124,4 +124,4 @@ void DNNLBatchDotFwd::Execute(const std::vector<NDArray>& inputs,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_batch_norm-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -484,4 +484,4 @@ void DNNLBatchNormBackward(const nnvm::NodeAttrs& attrs,
} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_BATCH_NORM_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_BATCH_NORM_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_concat-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -74,4 +74,4 @@ static DNNLConcatFwd& GetConcatForward(int concat_dim,
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_CONCAT_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_CONCAT_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_concat.cc
Original file line number Diff line number Diff line change
Expand Up @@ -125,4 +125,4 @@ void DNNLConcatBackward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_convolution-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -168,4 +168,4 @@ class DNNLConvBackward {
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_CONVOLUTION_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_CONVOLUTION_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_convolution.cc
Original file line number Diff line number Diff line change
Expand Up @@ -632,4 +632,4 @@ void DNNLConvolutionBackward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_copy.cc
Original file line number Diff line number Diff line change
Expand Up @@ -56,4 +56,4 @@ void DNNLCopy(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_deconvolution-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -407,4 +407,4 @@ inline deconv_bwd_weights_t::desc DeconvDescCreator::CreateBwdWeightsDesc() cons
} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_DECONVOLUTION_INL_H__
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_DECONVOLUTION_INL_H__
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_deconvolution.cc
Original file line number Diff line number Diff line change
Expand Up @@ -355,4 +355,4 @@ bool DeconvDescCreator::ImposePlainWherePadding(const size_t data_size,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_fully_connected-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -139,4 +139,4 @@ void DNNLFCForwardFullFeature(const DNNLFCFullParam& param,
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_FULLY_CONNECTED_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_FULLY_CONNECTED_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_fully_connected.cc
Original file line number Diff line number Diff line change
Expand Up @@ -324,4 +324,4 @@ void DNNLFCBackward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_layer_norm-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -99,4 +99,4 @@ class DNNLLayerNormBwd {
} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_LAYER_NORM_INL_H__
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_LAYER_NORM_INL_H__
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_layer_norm.cc
Original file line number Diff line number Diff line change
Expand Up @@ -255,4 +255,4 @@ void DNNLLayerNormBackward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_log_softmax.cc
Original file line number Diff line number Diff line change
Expand Up @@ -207,4 +207,4 @@ void DNNLLogSoftmaxBackward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_lrn-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -259,4 +259,4 @@ void DNNLLRNBackward(const nnvm::NodeAttrs& attrs,
} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_LRN_INL_H__
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_LRN_INL_H__
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_ops-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -194,4 +194,4 @@ void DNNLReshapeForward(const nnvm::NodeAttrs& attrs,
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_OPS_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_OPS_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_pooling-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -173,4 +173,4 @@ DNNLPoolingFwd& GetPoolingFwd(const PoolingParam& param,
} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_POOLING_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_POOLING_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_pooling.cc
Original file line number Diff line number Diff line change
Expand Up @@ -398,4 +398,4 @@ void DNNLPoolingGradCompute(const OpContext& ctx,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_reshape-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -57,4 +57,4 @@ DNNLReshapeFwd& GetReshapeForward(const OpReqType& req,
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_RESHAPE_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_RESHAPE_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_reshape.cc
Original file line number Diff line number Diff line change
Expand Up @@ -142,4 +142,4 @@ void DNNLReshapeForward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_rnn-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -542,4 +542,4 @@ inline bool SupportDNNLRnn(const RNNParam& param, const int input_dtype) {
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_RNN_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_RNN_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_rnn.cc
Original file line number Diff line number Diff line change
Expand Up @@ -1380,4 +1380,4 @@ void DNNLRnnOp::Backward(const OpContext& ctx,
} // namespace op
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_slice-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -68,4 +68,4 @@ void DNNLSlice(const nnvm::NodeAttrs& attrs,
} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_SLICE_INL_H_
#endif // MXNET_OPERATOR_NN_DNNL_DNNL_SLICE_INL_H_
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_slice.cc
Original file line number Diff line number Diff line change
Expand Up @@ -109,4 +109,4 @@ void DNNLSlice(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_softmax.cc
Original file line number Diff line number Diff line change
Expand Up @@ -210,4 +210,4 @@ void DNNLSoftmaxBackward(const nnvm::NodeAttrs& attrs,

} // namespace op
} // namespace mxnet
#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_softmax_output.cc
Original file line number Diff line number Diff line change
Expand Up @@ -121,4 +121,4 @@ void DNNLSoftmaxOutputForward(const nnvm::NodeAttrs& attrs,
}
} // namespace op
} // namespace mxnet
#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_sum.cc
Original file line number Diff line number Diff line change
Expand Up @@ -132,4 +132,4 @@ void DNNLSumForward(const nnvm::NodeAttrs& attrs,
#endif

} // namespace op
} // namespace mxnet
} // namespace mxnet
2 changes: 1 addition & 1 deletion src/operator/nn/dnnl/dnnl_transpose.cc
Original file line number Diff line number Diff line change
Expand Up @@ -145,4 +145,4 @@ void DNNLTransposeForward(const nnvm::NodeAttrs& attrs,
}
} // namespace op
} // namespace mxnet
#endif
#endif
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_bn_relu_property.h
Original file line number Diff line number Diff line change
Expand Up @@ -136,4 +136,4 @@ class SgDNNLBNReLUProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_BN_RELU_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_BN_RELU_PROPERTY_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_common.h
Original file line number Diff line number Diff line change
Expand Up @@ -172,4 +172,4 @@ static inline bool CheckSwapAxisConditions(const nnvm::Node& node) {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_COMMON_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_COMMON_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_conv-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -63,4 +63,4 @@ enum DNNLConvOpOutputs { kOut, kMin, kMax };
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_CONV_INL_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_CONV_INL_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_conv.cc
Original file line number Diff line number Diff line change
Expand Up @@ -765,4 +765,4 @@ NNVM_REGISTER_OP(_sg_dnnl_conv)
} // namespace op
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // if MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_conv_property.h
Original file line number Diff line number Diff line change
Expand Up @@ -294,4 +294,4 @@ class SgDNNLConvProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_CONV_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_CONV_PROPERTY_H_
Original file line number Diff line number Diff line change
Expand Up @@ -228,4 +228,4 @@ class ElemwiseMulPostQuantizeProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_ELEMWISEMUL_POST_QUANTIZE_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_ELEMWISEMUL_POST_QUANTIZE_PROPERTY_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_fc-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -75,4 +75,4 @@ static inline bool IsOutputUint8(const DNNLFCFullParam& full_param) {
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_FC_INL_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_FC_INL_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_fc.cc
Original file line number Diff line number Diff line change
Expand Up @@ -699,4 +699,4 @@ NNVM_REGISTER_OP(_sg_dnnl_fully_connected)
} // namespace op
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // if MXNET_USE_ONEDNN == 1
Original file line number Diff line number Diff line change
Expand Up @@ -227,4 +227,4 @@ class SgDNNLFCPostQuantizeProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_FC_POST_QUANTIZE_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_FC_POST_QUANTIZE_PROPERTY_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_fc_property.h
Original file line number Diff line number Diff line change
Expand Up @@ -230,4 +230,4 @@ class SgDNNLFCProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_FC_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_FC_PROPERTY_H_
Original file line number Diff line number Diff line change
Expand Up @@ -177,4 +177,4 @@ class SgDNNLPostQuantizeAlignScaleProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_POST_QUANTIZE_ALIGN_SCALE_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_POST_QUANTIZE_ALIGN_SCALE_PROPERTY_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_post_quantize_property.h
Original file line number Diff line number Diff line change
Expand Up @@ -178,4 +178,4 @@ class SgDNNLPostQuantizeProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_POST_QUANTIZE_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_POST_QUANTIZE_PROPERTY_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_subgraph_base-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -41,4 +41,4 @@ static inline bool SupportDNNLAttr(const std::shared_ptr<NodeAttr>& node_attr) {
} // namespace mxnet

#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_SUBGRAPH_BASE_INL_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_SUBGRAPH_BASE_INL_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_subgraph_property.cc
Original file line number Diff line number Diff line change
Expand Up @@ -60,4 +60,4 @@ MXNET_REGISTER_SUBGRAPH_PROPERTY(DNNL_QUANTIZE, SgDNNLTransformerPostQuantizePro

} // namespace op
} // namespace mxnet
#endif // MXNET_USE_ONEDNN == 1
#endif // MXNET_USE_ONEDNN == 1
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_transformer-inl.h
Original file line number Diff line number Diff line change
Expand Up @@ -56,4 +56,4 @@ struct DNNLSelfAttParam : public dmlc::Parameter<DNNLSelfAttParam> {

} // namespace op
} // namespace mxnet
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_INL_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_INL_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_transformer.cc
Original file line number Diff line number Diff line change
Expand Up @@ -763,4 +763,4 @@ NNVM_REGISTER_OP(_sg_dnnl_selfatt_valatt)
} // namespace op
} // namespace mxnet

#endif
#endif
Original file line number Diff line number Diff line change
Expand Up @@ -197,4 +197,4 @@ class SgDNNLTransformerPostQuantizeProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_POST_QUANTIZE_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_POST_QUANTIZE_PROPERTY_H_
2 changes: 1 addition & 1 deletion src/operator/subgraph/dnnl/dnnl_transformer_qk_property.h
Original file line number Diff line number Diff line change
Expand Up @@ -228,4 +228,4 @@ class SgDNNLTransformerQKProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_QK_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_QK_PROPERTY_H_
Original file line number Diff line number Diff line change
Expand Up @@ -282,4 +282,4 @@ class SgDNNLTransformerValAttProperty : public SubgraphProperty {
} // namespace mxnet

#endif // if MXNET_USE_ONEDNN == 1
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_VALATT_PROPERTY_H_
#endif // MXNET_OPERATOR_SUBGRAPH_DNNL_DNNL_TRANSFORMER_VALATT_PROPERTY_H_