提交 98270c18 编写于 作者: J Jacek Czaja

- modified UT

上级 2b24a801
...@@ -47,7 +47,9 @@ class EltwiseMKLDNNKernel : public framework::OpKernel<T> { ...@@ -47,7 +47,9 @@ class EltwiseMKLDNNKernel : public framework::OpKernel<T> {
float scale_o = ctx.Attr<float>("Scale_out"); float scale_o = ctx.Attr<float>("Scale_out");
int axis = ctx.Attr<int>("axis"); int axis = ctx.Attr<int>("axis");
platform::BinaryMKLDNNHandler<T> handler( BINARY_OP, axis, mkldnn_engine, ctx.GetPlace(), x, y, z, scale_x, scale_y, scale_o); platform::BinaryMKLDNNHandler<T> handler(BINARY_OP, axis, mkldnn_engine,
ctx.GetPlace(), x, y, z, scale_x,
scale_y, scale_o);
const auto src_x_memory = handler.AcquireSrcMemory(x); const auto src_x_memory = handler.AcquireSrcMemory(x);
const auto src_y_memory = handler.AcquireSecondSrcMemory(y); const auto src_y_memory = handler.AcquireSecondSrcMemory(y);
......
...@@ -48,8 +48,8 @@ class EltwiseMulMKLDNNGradKernel : public ElemwiseGradKernel<T> { ...@@ -48,8 +48,8 @@ class EltwiseMulMKLDNNGradKernel : public ElemwiseGradKernel<T> {
if (dx) { if (dx) {
// dx = dout*y // dx = dout*y
platform::BinaryMKLDNNHandler<T> handler( platform::BinaryMKLDNNHandler<T> handler(
dnnl::algorithm::binary_mul, axis, mkldnn_engine, dnnl::algorithm::binary_mul, axis, mkldnn_engine, ctx.GetPlace(),
ctx.GetPlace(), dout, y, dx, 1.0f, 1.0f, 1.0f); dout, y, dx, 1.0f, 1.0f, 1.0f);
const auto src_dout_memory = handler.AcquireSrcMemory(dout); const auto src_dout_memory = handler.AcquireSrcMemory(dout);
const auto src_y_memory = handler.AcquireSecondSrcMemory(y); const auto src_y_memory = handler.AcquireSecondSrcMemory(y);
...@@ -74,8 +74,8 @@ class EltwiseMulMKLDNNGradKernel : public ElemwiseGradKernel<T> { ...@@ -74,8 +74,8 @@ class EltwiseMulMKLDNNGradKernel : public ElemwiseGradKernel<T> {
// Handler is having nullptr passed instead of output tensor as // Handler is having nullptr passed instead of output tensor as
// we want Dst buffer to be allocated by oneDNN not to use Tensor // we want Dst buffer to be allocated by oneDNN not to use Tensor
platform::BinaryMKLDNNHandler<T> handler( platform::BinaryMKLDNNHandler<T> handler(
dnnl::algorithm::binary_mul, axis, mkldnn_engine, dnnl::algorithm::binary_mul, axis, mkldnn_engine, ctx.GetPlace(),
ctx.GetPlace(), dout, x, nullptr, 1.0f, 1.0f, 1.0f); dout, x, nullptr, 1.0f, 1.0f, 1.0f);
const auto src_dout_memory = handler.AcquireSrcMemory(dout); const auto src_dout_memory = handler.AcquireSrcMemory(dout);
const auto src_x_memory = handler.AcquireSecondSrcMemory(x); const auto src_x_memory = handler.AcquireSecondSrcMemory(x);
......
...@@ -79,14 +79,15 @@ void eltwise_forward(const framework::ExecutionContext &ctx, ...@@ -79,14 +79,15 @@ void eltwise_forward(const framework::ExecutionContext &ctx,
paddle::platform::errors::PreconditionNotMet( paddle::platform::errors::PreconditionNotMet(
"Operator DNNL eletwise_forward must use CPUPlace")); "Operator DNNL eletwise_forward must use CPUPlace"));
auto &dev_ctx = ctx.template device_context<MKLDNNDeviceContext>(); auto &dev_ctx = ctx.template device_context<MKLDNNDeviceContext>();
const auto& mkldnn_engine = dev_ctx.GetEngine(); const auto &mkldnn_engine = dev_ctx.GetEngine();
const auto *x = ctx.Input<Tensor>("X"); const auto *x = ctx.Input<Tensor>("X");
auto *y = ctx.Output<Tensor>("Out"); auto *y = ctx.Output<Tensor>("Out");
bool is_inplaced = x->IsSharedBufferWith(*y); bool is_inplaced = x->IsSharedBufferWith(*y);
platform::ActivationMKLDNNHandler<T> handler(algorithm, ctx, mkldnn_engine, ctx.GetPlace(), x); platform::ActivationMKLDNNHandler<T> handler(algorithm, ctx, mkldnn_engine,
ctx.GetPlace(), x);
auto src_memory_p = handler.AcquireSrcMemory(x); auto src_memory_p = handler.AcquireSrcMemory(x);
auto dst_memory_p = is_inplaced ? src_memory_p : handler.AcquireDstMemory(y); auto dst_memory_p = is_inplaced ? src_memory_p : handler.AcquireDstMemory(y);
...@@ -105,14 +106,14 @@ template <typename T> ...@@ -105,14 +106,14 @@ template <typename T>
void eltwise_grad(const framework::ExecutionContext &ctx, void eltwise_grad(const framework::ExecutionContext &ctx,
mkldnn::algorithm algorithm) { mkldnn::algorithm algorithm) {
auto &dev_ctx = ctx.template device_context<MKLDNNDeviceContext>(); auto &dev_ctx = ctx.template device_context<MKLDNNDeviceContext>();
const auto& mkldnn_engine = dev_ctx.GetEngine(); const auto &mkldnn_engine = dev_ctx.GetEngine();
const auto *x = ctx.Input<Tensor>("X"); const auto *x = ctx.Input<Tensor>("X");
const auto *diff_y = ctx.Input<Tensor>(framework::GradVarName("Out")); const auto *diff_y = ctx.Input<Tensor>(framework::GradVarName("Out"));
auto *diff_x = ctx.Output<Tensor>(framework::GradVarName("X")); auto *diff_x = ctx.Output<Tensor>(framework::GradVarName("X"));
platform::ActivationMKLDNNHandler<T> handler( platform::ActivationMKLDNNHandler<T> handler(algorithm, ctx, mkldnn_engine,
algorithm, ctx, mkldnn_engine, ctx.GetPlace(), x, diff_y); ctx.GetPlace(), x, diff_y);
auto src_memory_p = handler.AcquireBackwardSrcMemory(x); auto src_memory_p = handler.AcquireBackwardSrcMemory(x);
auto diff_dst_memory_p = handler.AcquireDiffDstMemory(diff_y); auto diff_dst_memory_p = handler.AcquireDiffDstMemory(diff_y);
......
...@@ -37,10 +37,12 @@ class ScaleMKLDNNKernel : public framework::OpKernel<T> { ...@@ -37,10 +37,12 @@ class ScaleMKLDNNKernel : public framework::OpKernel<T> {
bool is_inplaced = x->IsSharedBufferWith(*out); bool is_inplaced = x->IsSharedBufferWith(*out);
platform::ActivationMKLDNNHandler<T> handler( platform::ActivationMKLDNNHandler<T> handler(
mkldnn::algorithm::eltwise_linear, ctx, mkldnn_engine, ctx.GetPlace(), x); mkldnn::algorithm::eltwise_linear, ctx, mkldnn_engine, ctx.GetPlace(),
x);
auto src_memory_p = handler.AcquireSrcMemory(x); auto src_memory_p = handler.AcquireSrcMemory(x);
auto dst_memory_p = is_inplaced ? src_memory_p : handler.AcquireDstMemory(out); auto dst_memory_p =
is_inplaced ? src_memory_p : handler.AcquireDstMemory(out);
auto activation_p = handler.AcquireForwardPrimitive(); auto activation_p = handler.AcquireForwardPrimitive();
auto& astream = paddle::platform::MKLDNNDeviceContext::tls().get_stream(); auto& astream = paddle::platform::MKLDNNDeviceContext::tls().get_stream();
......
...@@ -38,7 +38,8 @@ class SoftmaxMKLDNNHandler ...@@ -38,7 +38,8 @@ class SoftmaxMKLDNNHandler
SoftmaxMKLDNNHandler(const mkldnn::engine mkldnn_engine, SoftmaxMKLDNNHandler(const mkldnn::engine mkldnn_engine,
platform::Place cpu_place, const Tensor* input, platform::Place cpu_place, const Tensor* input,
Tensor* output, const int axis) Tensor* output, const int axis)
: platform::MKLDNNHandlerNoCachingT<T, mkldnn::softmax_forward, mkldnn::softmax_backward>( : platform::MKLDNNHandlerNoCachingT<T, mkldnn::softmax_forward,
mkldnn::softmax_backward>(
mkldnn_engine, cpu_place) { mkldnn_engine, cpu_place) {
PADDLE_ENFORCE_EQ( PADDLE_ENFORCE_EQ(
input->dims(), output->dims(), input->dims(), output->dims(),
...@@ -49,7 +50,8 @@ class SoftmaxMKLDNNHandler ...@@ -49,7 +50,8 @@ class SoftmaxMKLDNNHandler
auto md = memory::desc(softmax_tz, platform::MKLDNNGetDataType<T>(), auto md = memory::desc(softmax_tz, platform::MKLDNNGetDataType<T>(),
input->format()); input->format());
this->AcquireForwardPrimitiveDescriptor(prop_kind::forward_scoring, md, axis); this->AcquireForwardPrimitiveDescriptor(prop_kind::forward_scoring, md,
axis);
} }
SoftmaxMKLDNNHandler(const framework::ExecutionContext& ctx, SoftmaxMKLDNNHandler(const framework::ExecutionContext& ctx,
...@@ -58,7 +60,8 @@ class SoftmaxMKLDNNHandler ...@@ -58,7 +60,8 @@ class SoftmaxMKLDNNHandler
const Tensor* out_grad, Tensor* in_x_grad, const Tensor* out_grad, Tensor* in_x_grad,
const std::string& unique_name) const std::string& unique_name)
: platform::MKLDNNHandlerNoCachingT<T, mkldnn::softmax_forward, : platform::MKLDNNHandlerNoCachingT<T, mkldnn::softmax_forward,
mkldnn::softmax_backward>(mkldnn_engine, cpu_place) { mkldnn::softmax_backward>(
mkldnn_engine, cpu_place) {
PADDLE_ENFORCE_EQ( PADDLE_ENFORCE_EQ(
out_grad->dims(), in_x_grad->dims(), out_grad->dims(), in_x_grad->dims(),
platform::errors::InvalidArgument("The shape of softmax_grad's input " platform::errors::InvalidArgument("The shape of softmax_grad's input "
...@@ -93,7 +96,8 @@ class SoftmaxMKLDNNKernel : public paddle::framework::OpKernel<T> { ...@@ -93,7 +96,8 @@ class SoftmaxMKLDNNKernel : public paddle::framework::OpKernel<T> {
const int axis = CanonicalAxis(ctx.Attr<int>("axis"), input->dims().size()); const int axis = CanonicalAxis(ctx.Attr<int>("axis"), input->dims().size());
SoftmaxMKLDNNHandler<T> handler(mkldnn_engine, ctx.GetPlace(), input, output, axis); SoftmaxMKLDNNHandler<T> handler(mkldnn_engine, ctx.GetPlace(), input,
output, axis);
auto softmax_src_memory_p = handler.AcquireSrcMemory(input); auto softmax_src_memory_p = handler.AcquireSrcMemory(input);
// For Inplace src and and dst are the same memory object // For Inplace src and and dst are the same memory object
......
...@@ -70,11 +70,16 @@ void RunOperator(const platform::Place &place, const std::string &op_type, ...@@ -70,11 +70,16 @@ void RunOperator(const platform::Place &place, const std::string &op_type,
std::map<const std::string, int> num_inputs = {{"softmax", 1}, std::map<const std::string, int> num_inputs = {{"softmax", 1},
{"relu", 1}, {"relu", 1},
{"conv2d", 2},
{"elementwise_add", 2}, {"elementwise_add", 2},
{"elementwise_mul", 2}}; {"elementwise_mul", 2}};
std::string first_input = inplace == true ? output_name : "x"; std::string first_input = inplace == true ? output_name : "x";
std::string first_input_var_name = (op_type == "conv2d") ? "Input" : "X";
std::string second_input_var_name = (op_type == "conv2d") ? "Filter" : "Y";
std::string output_var_name = (op_type == "conv2d") ? "Output" : "Out";
std::vector<InputVars> input_names = { std::vector<InputVars> input_names = {
{first_input, scope.Var(first_input)->GetMutable<framework::LoDTensor>()}, {first_input, scope.Var(first_input)->GetMutable<framework::LoDTensor>()},
{"x1", num_inputs[op_type] > 1 {"x1", num_inputs[op_type] > 1
...@@ -113,68 +118,37 @@ void RunOperator(const platform::Place &place, const std::string &op_type, ...@@ -113,68 +118,37 @@ void RunOperator(const platform::Place &place, const std::string &op_type,
auto &pool = platform::DeviceContextPool::Instance(); auto &pool = platform::DeviceContextPool::Instance();
auto op = num_inputs[op_type] > 1 auto op =
num_inputs[op_type] > 1
? framework::OpRegistry::CreateOp( ? framework::OpRegistry::CreateOp(
op_type, {{"X", {first_input}}, {"Y", {"x1"}}}, op_type, {{first_input_var_name, {first_input}},
{{"Out", {output_name}}}, {{"use_mkldnn", {true}}}) {second_input_var_name, {"x1"}}},
{{output_var_name, {output_name}}}, {{"use_mkldnn", {true}}})
: framework::OpRegistry::CreateOp( : framework::OpRegistry::CreateOp(
op_type, {{"X", {first_input}}}, {{"Out", {output_name}}}, op_type, {{first_input_var_name, {first_input}}},
{{"use_mkldnn", {true}}}); {{output_var_name, {output_name}}}, {{"use_mkldnn", {true}}});
op->Run(scope, place); op->Run(scope, place);
pool.Get(place)->Wait(); pool.Get(place)->Wait();
} }
TEST(test_softmax_reuse_cache, cpu_place) { TEST(test_softmax_reuse_cache, cpu_place) {
framework::DDim dims({32, 64}); framework::DDim dims({1, 16, 32, 64});
platform::CPUPlace p; platform::CPUPlace p;
CacheTester ct; CacheTester ct;
RunOperator<float>(p, "softmax", dims, "softmax_out"); RunOperator<float>(p, "conv2d", dims, "conv_out");
RunOperator<float>(p, "softmax", dims, "softmax_out"); RunOperator<float>(p, "conv2d", dims, "conv_out");
PADDLE_ENFORCE_EQ(ct.Analyze(4), true, PADDLE_ENFORCE_EQ(ct.Analyze(4), true,
platform::errors::InvalidArgument( platform::errors::InvalidArgument(
"Wrong number of cached oneDNN objects")); "Wrong number of cached oneDNN objects"));
} }
TEST(test_softmax_noreuse_cache, cpu_place) { TEST(test_softmax_noreuse_cache, cpu_place) {
framework::DDim dims({32, 64}); framework::DDim dims({1, 16, 32, 64});
platform::CPUPlace p;
CacheTester ct;
RunOperator<float>(p, "softmax", dims, "softmax_out");
RunOperator<float>(p, "softmax", dims, "softmax_out2");
PADDLE_ENFORCE_EQ(ct.Analyze(8), true,
platform::errors::InvalidArgument(
"Wrong number of cached oneDNN objects"));
}
TEST(test_softmax_inplace_cache, cpu_place) {
framework::DDim dims({32, 64});
platform::CPUPlace p;
CacheTester ct;
RunOperator<float>(p, "softmax", dims, "softmax_out");
RunOperator<float>(p, "softmax", dims, "softmax_out", true);
PADDLE_ENFORCE_EQ(ct.Analyze(7), true,
platform::errors::InvalidArgument(
"Wrong number of cached oneDNN objects"));
}
TEST(test_relu_inplace_cache, cpu_place) {
framework::DDim dims({32, 64});
platform::CPUPlace p;
CacheTester ct;
RunOperator<float>(p, "relu", dims, "relu_out");
RunOperator<float>(p, "relu", dims, "relu_out", true);
PADDLE_ENFORCE_EQ(ct.Analyze(7), true,
platform::errors::InvalidArgument(
"Wrong number of cached oneDNN objects"));
}
TEST(test_elementwise_add_reuse_cache, cpu_place) {
framework::DDim dims({32, 64});
platform::CPUPlace p; platform::CPUPlace p;
CacheTester ct; CacheTester ct;
RunOperator<float>(p, "elementwise_add", dims, "elementwise_add_out"); RunOperator<float>(p, "conv2d", dims, "conv_out");
RunOperator<float>(p, "relu", dims, "elementwise_add_out", true); RunOperator<float>(p, "conv2d", dims, "conv_out2");
PADDLE_ENFORCE_EQ(ct.Analyze(8), true, PADDLE_ENFORCE_EQ(ct.Analyze(8), true,
platform::errors::InvalidArgument( platform::errors::InvalidArgument(
"Wrong number of cached oneDNN objects")); "Wrong number of cached oneDNN objects"));
......
...@@ -34,17 +34,13 @@ using framework::Tensor; ...@@ -34,17 +34,13 @@ using framework::Tensor;
using user_function = std::function<std::shared_ptr<float>(const float*)>; using user_function = std::function<std::shared_ptr<float>(const float*)>;
using memory = mkldnn::memory; using memory = mkldnn::memory;
template <typename T, typename TForward, template <typename T, typename TForward,
typename TBackward = mkldnn_dummy_primitive, typename TBackward = mkldnn_dummy_primitive,
typename TBackward_params = mkldnn_dummy_primitive> typename TBackward_params = mkldnn_dummy_primitive>
class MKLDNNHandlerNoCachingT { class MKLDNNHandlerNoCachingT {
public: public:
MKLDNNHandlerNoCachingT(mkldnn::engine engine, platform::Place cpu_place) MKLDNNHandlerNoCachingT(mkldnn::engine engine, platform::Place cpu_place)
: engine_(engine), : engine_(engine), place_(cpu_place), fwd_pd_(nullptr), bwd_pd_(nullptr) {
place_(cpu_place),
fwd_pd_(nullptr),
bwd_pd_(nullptr) {
platform::MKLDNNDeviceContext::tls().log_lib_version(); platform::MKLDNNDeviceContext::tls().log_lib_version();
} }
...@@ -66,8 +62,8 @@ class MKLDNNHandlerNoCachingT { ...@@ -66,8 +62,8 @@ class MKLDNNHandlerNoCachingT {
std::shared_ptr<mkldnn::memory> AcquireSrcMemory( std::shared_ptr<mkldnn::memory> AcquireSrcMemory(
const framework::Tensor* input) { const framework::Tensor* input) {
const T* input_data = input->data<T>(); const T* input_data = input->data<T>();
return this->AcquireMemoryFromPrimitive( return this->AcquireMemoryFromPrimitive(fwd_pd_->src_desc(),
fwd_pd_->src_desc(), to_void_cast<T>(input_data)); to_void_cast<T>(input_data));
} }
template <typename T_out = T> template <typename T_out = T>
...@@ -93,8 +89,8 @@ class MKLDNNHandlerNoCachingT { ...@@ -93,8 +89,8 @@ class MKLDNNHandlerNoCachingT {
std::shared_ptr<mkldnn::memory> AcquireDiffDstMemory( std::shared_ptr<mkldnn::memory> AcquireDiffDstMemory(
const framework::Tensor* diffdst) { const framework::Tensor* diffdst) {
const T* ptr = diffdst->data<T>(); const T* ptr = diffdst->data<T>();
return this->AcquireMemoryFromPrimitive( return this->AcquireMemoryFromPrimitive(bwd_pd_->diff_dst_desc(),
bwd_pd_->diff_dst_desc(), to_void_cast<T>(ptr)); to_void_cast<T>(ptr));
} }
std::shared_ptr<mkldnn::memory> AcquireDiffSrcMemory( std::shared_ptr<mkldnn::memory> AcquireDiffSrcMemory(
...@@ -113,7 +109,8 @@ class MKLDNNHandlerNoCachingT { ...@@ -113,7 +109,8 @@ class MKLDNNHandlerNoCachingT {
"Error: BWD_W_PD should be set when getting BWD grad of weights.")); "Error: BWD_W_PD should be set when getting BWD grad of weights."));
T* ptr = diff_weights->mutable_data<T>( T* ptr = diff_weights->mutable_data<T>(
place_, bwd_w_pd_->diff_weights_desc().get_size()); place_, bwd_w_pd_->diff_weights_desc().get_size());
return this->AcquireMemoryFromPrimitive(bwd_w_pd_->diff_weights_desc(), ptr); return this->AcquireMemoryFromPrimitive(bwd_w_pd_->diff_weights_desc(),
ptr);
} }
// Buffer is allocated by oneDNN to store computation results // Buffer is allocated by oneDNN to store computation results
...@@ -126,7 +123,6 @@ class MKLDNNHandlerNoCachingT { ...@@ -126,7 +123,6 @@ class MKLDNNHandlerNoCachingT {
} }
protected: protected:
// If your primitive descriptor requires attributes, pass them as a // If your primitive descriptor requires attributes, pass them as a
// first argument and paramters to descriptor constructor in the following // first argument and paramters to descriptor constructor in the following
// arguments. Otherwise, all arguments will be forwarded to descriptor // arguments. Otherwise, all arguments will be forwarded to descriptor
...@@ -161,9 +157,9 @@ class MKLDNNHandlerNoCachingT { ...@@ -161,9 +157,9 @@ class MKLDNNHandlerNoCachingT {
void AcquireBackwardPrimitiveDescriptor(Args&&... args) { void AcquireBackwardPrimitiveDescriptor(Args&&... args) {
// fwd_pd_ is set during grad by calling // fwd_pd_ is set during grad by calling
// AcquireForwardPrimitiveDescriptor // AcquireForwardPrimitiveDescriptor
PADDLE_ENFORCE_NOT_NULL( PADDLE_ENFORCE_NOT_NULL(fwd_pd_,
fwd_pd_, platform::errors::Unavailable(
platform::errors::Unavailable("Get MKLDNN Forward primitive %s failed.")); "Get MKLDNN Forward primitive %s failed."));
auto bwd_desc = typename TBackward::desc(std::forward<Args>(args)...); auto bwd_desc = typename TBackward::desc(std::forward<Args>(args)...);
bwd_pd_ = std::make_shared<typename TBackward::primitive_desc>( bwd_pd_ = std::make_shared<typename TBackward::primitive_desc>(
bwd_desc, engine_, *fwd_pd_); bwd_desc, engine_, *fwd_pd_);
...@@ -173,9 +169,9 @@ class MKLDNNHandlerNoCachingT { ...@@ -173,9 +169,9 @@ class MKLDNNHandlerNoCachingT {
void AcquireBackwardWeightsPrimitiveDescriptor(Args&&... args) { void AcquireBackwardWeightsPrimitiveDescriptor(Args&&... args) {
// fwd_pd_ is set during grad by calling // fwd_pd_ is set during grad by calling
// AcquireForwardPrimitiveDescriptor // AcquireForwardPrimitiveDescriptor
PADDLE_ENFORCE_NOT_NULL( PADDLE_ENFORCE_NOT_NULL(fwd_pd_,
fwd_pd_, platform::errors::Unavailable(
platform::errors::Unavailable("Get MKLDNN Forward primitive %s failed.")); "Get MKLDNN Forward primitive %s failed."));
auto bwd_desc = auto bwd_desc =
typename TBackward_params::desc(std::forward<Args>(args)...); typename TBackward_params::desc(std::forward<Args>(args)...);
bwd_w_pd_ = std::make_shared<typename TBackward_params::primitive_desc>( bwd_w_pd_ = std::make_shared<typename TBackward_params::primitive_desc>(
...@@ -212,15 +208,13 @@ class MKLDNNHandlerNoCachingT { ...@@ -212,15 +208,13 @@ class MKLDNNHandlerNoCachingT {
const mkldnn::memory::desc& target_md, void* ptr, const mkldnn::memory::desc& target_md, void* ptr,
const std::string& suffix, bool is_persistent = false, const std::string& suffix, bool is_persistent = false,
std::function<std::shared_ptr<F>(const F*)> custom_reorder_func = {}) { std::function<std::shared_ptr<F>(const F*)> custom_reorder_func = {}) {
std::shared_ptr<mkldnn::memory> target_memory_p; std::shared_ptr<mkldnn::memory> target_memory_p;
if (custom_reorder_func) { if (custom_reorder_func) {
auto reordered_data = auto reordered_data =
custom_reorder_func(reinterpret_cast<const F*>(ptr)); custom_reorder_func(reinterpret_cast<const F*>(ptr));
ptr = reinterpret_cast<void*>(reordered_data.get()); ptr = reinterpret_cast<void*>(reordered_data.get());
} }
auto user_memory_p = auto user_memory_p = std::make_shared<dnnl::memory>(user_md, engine_, ptr);
std::make_shared<dnnl::memory>(user_md, engine_, ptr);
if (user_md != target_md) { if (user_md != target_md) {
target_memory_p = std::make_shared<mkldnn::memory>(target_md, engine_); target_memory_p = std::make_shared<mkldnn::memory>(target_md, engine_);
auto reorder_p = auto reorder_p =
...@@ -238,7 +232,6 @@ class MKLDNNHandlerNoCachingT { ...@@ -238,7 +232,6 @@ class MKLDNNHandlerNoCachingT {
return target_memory_p; return target_memory_p;
} }
mkldnn::engine engine_; mkldnn::engine engine_;
platform::Place place_; platform::Place place_;
std::shared_ptr<typename TForward::primitive_desc> fwd_pd_; std::shared_ptr<typename TForward::primitive_desc> fwd_pd_;
...@@ -801,7 +794,8 @@ class MKLDNNHandler { ...@@ -801,7 +794,8 @@ class MKLDNNHandler {
}; };
template <typename T> template <typename T>
class BinaryMKLDNNHandler : public platform::MKLDNNHandlerNoCachingT<T, dnnl::binary> { class BinaryMKLDNNHandler
: public platform::MKLDNNHandlerNoCachingT<T, dnnl::binary> {
public: public:
BinaryMKLDNNHandler(const dnnl::algorithm algo, const int axis, BinaryMKLDNNHandler(const dnnl::algorithm algo, const int axis,
const mkldnn::engine engine, platform::Place cpu_place, const mkldnn::engine engine, platform::Place cpu_place,
...@@ -849,15 +843,15 @@ class BinaryMKLDNNHandler : public platform::MKLDNNHandlerNoCachingT<T, dnnl::bi ...@@ -849,15 +843,15 @@ class BinaryMKLDNNHandler : public platform::MKLDNNHandlerNoCachingT<T, dnnl::bi
MKLDNNMemoryFormat::any); MKLDNNMemoryFormat::any);
auto attributes = CreateAttributes(algo, scale_x, scale_y, scale_z); auto attributes = CreateAttributes(algo, scale_x, scale_y, scale_z);
this->AcquireForwardPrimitiveDescriptor(attributes, algo, src0_md, this->AcquireForwardPrimitiveDescriptor(attributes, algo, src0_md, src1_md,
src1_md, dst_md); dst_md);
} }
std::shared_ptr<mkldnn::memory> AcquireSecondSrcMemory( std::shared_ptr<mkldnn::memory> AcquireSecondSrcMemory(
const framework::Tensor* input) { const framework::Tensor* input) {
const T* input_data = input->data<T>(); const T* input_data = input->data<T>();
return this->AcquireMemoryFromPrimitive( return this->AcquireMemoryFromPrimitive(this->fwd_pd_->src1_desc(),
this->fwd_pd_->src1_desc(), to_void_cast<T>(input_data)); to_void_cast<T>(input_data));
} }
private: private:
...@@ -988,7 +982,8 @@ class ActivationMKLDNNHandler ...@@ -988,7 +982,8 @@ class ActivationMKLDNNHandler
const mkldnn::engine engine, Place cpu_place, const mkldnn::engine engine, Place cpu_place,
const framework::Tensor* in_x) const framework::Tensor* in_x)
: platform::MKLDNNHandlerNoCachingT<T, mkldnn::eltwise_forward, : platform::MKLDNNHandlerNoCachingT<T, mkldnn::eltwise_forward,
mkldnn::eltwise_backward>(engine, cpu_place) { mkldnn::eltwise_backward>(engine,
cpu_place) {
float alpha = ctx.HasAttr("alpha") ? ctx.Attr<float>("alpha") : 0; float alpha = ctx.HasAttr("alpha") ? ctx.Attr<float>("alpha") : 0;
float beta = ctx.HasAttr("beta") ? ctx.Attr<float>("beta") : 0; float beta = ctx.HasAttr("beta") ? ctx.Attr<float>("beta") : 0;
// eltwise_linear means we are in scale op // eltwise_linear means we are in scale op
...@@ -1019,13 +1014,12 @@ class ActivationMKLDNNHandler ...@@ -1019,13 +1014,12 @@ class ActivationMKLDNNHandler
in_x->dims().size())); in_x->dims().size()));
auto src_tz = framework::vectorize<int64_t>(in_x->dims()); auto src_tz = framework::vectorize<int64_t>(in_x->dims());
auto src_fmt = auto src_fmt = src_tz.size() == 2 ? MKLDNNMemoryFormat::nc : in_x->format();
src_tz.size() == 2 ? MKLDNNMemoryFormat::nc : in_x->format(); auto md =
auto md = mkldnn::memory::desc(src_tz, platform::MKLDNNGetDataType<T>(), mkldnn::memory::desc(src_tz, platform::MKLDNNGetDataType<T>(), src_fmt);
src_fmt);
this->AcquireForwardPrimitiveDescriptor( this->AcquireForwardPrimitiveDescriptor(mkldnn::prop_kind::forward_training,
mkldnn::prop_kind::forward_training, algorithm, md, alpha, beta); algorithm, md, alpha, beta);
} }
ActivationMKLDNNHandler(mkldnn::algorithm algorithm, ActivationMKLDNNHandler(mkldnn::algorithm algorithm,
...@@ -1033,7 +1027,8 @@ class ActivationMKLDNNHandler ...@@ -1033,7 +1027,8 @@ class ActivationMKLDNNHandler
const mkldnn::engine engine, Place cpu_place, const mkldnn::engine engine, Place cpu_place,
const framework::Tensor* in_x, const Tensor* out_grad) const framework::Tensor* in_x, const Tensor* out_grad)
: platform::MKLDNNHandlerNoCachingT<T, mkldnn::eltwise_forward, : platform::MKLDNNHandlerNoCachingT<T, mkldnn::eltwise_forward,
mkldnn::eltwise_backward>(engine, cpu_place) { mkldnn::eltwise_backward>(engine,
cpu_place) {
float alpha = ctx.HasAttr("alpha") ? ctx.Attr<float>("alpha") : 0; float alpha = ctx.HasAttr("alpha") ? ctx.Attr<float>("alpha") : 0;
float beta = ctx.HasAttr("beta") ? ctx.Attr<float>("beta") : 0; float beta = ctx.HasAttr("beta") ? ctx.Attr<float>("beta") : 0;
...@@ -1057,8 +1052,8 @@ class ActivationMKLDNNHandler ...@@ -1057,8 +1052,8 @@ class ActivationMKLDNNHandler
auto src_md = platform::MKLDNNMemDesc( auto src_md = platform::MKLDNNMemDesc(
dims, platform::MKLDNNGetDataType<T>(), src_fmt); dims, platform::MKLDNNGetDataType<T>(), src_fmt);
this->AcquireForwardPrimitiveDescriptor( this->AcquireForwardPrimitiveDescriptor(mkldnn::prop_kind::forward_training,
mkldnn::prop_kind::forward_training, algorithm, src_md, alpha, beta); algorithm, src_md, alpha, beta);
this->AcquireBackwardPrimitiveDescriptor(algorithm, diff_dst_md, src_md, this->AcquireBackwardPrimitiveDescriptor(algorithm, diff_dst_md, src_md,
alpha, beta); alpha, beta);
} }
...@@ -1066,7 +1061,8 @@ class ActivationMKLDNNHandler ...@@ -1066,7 +1061,8 @@ class ActivationMKLDNNHandler
std::shared_ptr<mkldnn::memory> AcquireBackwardSrcMemory( std::shared_ptr<mkldnn::memory> AcquireBackwardSrcMemory(
const framework::Tensor* input) { const framework::Tensor* input) {
const T* input_data = input->data<T>(); const T* input_data = input->data<T>();
return this->AcquireMemoryFromPrimitive(this->bwd_pd_->src_desc(), to_void_cast<T>(input_data)); return this->AcquireMemoryFromPrimitive(this->bwd_pd_->src_desc(),
to_void_cast<T>(input_data));
} }
}; };
......
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册