layer.cc 14.6 KB
Newer Older
1 2 3 4 5 6 7 8 9 10 11 12 13 14 15
// Copyright (c) 2018 PaddlePaddle Authors. All Rights Reserved.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
//     http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.

#include "paddle/fluid/imperative/layer.h"
M
minqiyang 已提交
16

17 18 19 20
#include <deque>
#include <limits>
#include <map>
#include <random>
M
minqiyang 已提交
21
#include <unordered_set>
22 23 24 25
#include <utility>

#include "paddle/fluid/framework/lod_tensor.h"
#include "paddle/fluid/framework/op_registry.h"
26
#include "paddle/fluid/framework/operator.h"
M
minqiyang 已提交
27 28 29
#include "paddle/fluid/framework/tensor_util.h"
#include "paddle/fluid/operators/math/blas.h"
#include "paddle/fluid/platform/device_context.h"
30 31 32 33 34
#include "paddle/fluid/string/printf.h"

namespace paddle {
namespace imperative {

X
polish  
Xin Pan 已提交
35 36
const char* PyLayer::kFwdInp = "X";
const char* PyLayer::kFwdOut = "Out";
X
polish  
Xin Pan 已提交
37

X
Xin Pan 已提交
38 39
std::map<int, py::object> py_funcs_;

40 41
using framework::Variable;

M
minqiyang 已提交
42 43 44 45 46 47 48 49 50 51 52
namespace detail {

template <typename T>
class TensorAddToFunctor : public boost::static_visitor<> {
 public:
  TensorAddToFunctor(int64_t numel, const T* x, T* y)
      : numel_(numel), x_(x), y_(y) {}

  void operator()(const platform::CPUPlace& place) {
    platform::CPUDeviceContext* ctx = dynamic_cast<platform::CPUDeviceContext*>(
        platform::DeviceContextPool::Instance().Get(place));
P
Paddle CI 已提交
53
    auto blas = operators::math::GetBlas<platform::CPUDeviceContext, T>(*ctx);
M
minqiyang 已提交
54 55 56 57 58 59 60 61
    blas.AXPY(numel_, 1., x_, y_);
  }

#ifdef PADDLE_WITH_CUDA
  void operator()(const platform::CUDAPlace& place) {
    platform::CUDADeviceContext* ctx =
        dynamic_cast<platform::CUDADeviceContext*>(
            platform::DeviceContextPool::Instance().Get(place));
P
Paddle CI 已提交
62
    auto blas = operators::math::GetBlas<platform::CUDADeviceContext, T>(*ctx);
M
minqiyang 已提交
63 64 65 66 67 68 69 70 71 72 73 74 75 76 77 78 79 80 81 82 83
    blas.AXPY(numel_, 1., x_, y_);
  }
#else
  void operator()(const platform::CUDAPlace& place) {
    PADDLE_THROW("Do NOT support gradient merge in place %s", place);
  }
#endif

  // there is NO blas in CUDAPinnedPlace
  void operator()(const platform::CUDAPinnedPlace& place) {
    PADDLE_THROW("Do NOT support gradient merge in place %s", place);
  }

 private:
  int64_t numel_;
  const T* x_;
  T* y_;
};

}  // namespace detail

M
minqiyang 已提交
84 85 86 87
template <int MajorType = Eigen::RowMajor,
          typename IndexType = Eigen::DenseIndex>
using EigenVector = framework::EigenVector<float, MajorType, IndexType>;

P
Paddle CI 已提交
88
void AddTo(Variable* src, Variable* dst, platform::Place place) {
M
minqiyang 已提交
89 90 91
  framework::Tensor* dst_tensor = dst->GetMutable<framework::LoDTensor>();
  framework::Tensor* src_tensor = src->GetMutable<framework::LoDTensor>();

M
minqiyang 已提交
92 93 94 95 96
  // FIXME(minqiyang): loss_grad op will pass a zero grad of label
  // ugly fix for it
  if (src_tensor->numel() == 0) {
    return;
  }
M
minqiyang 已提交
97

98 99 100
  PADDLE_ENFORCE(dst_tensor->numel() == src_tensor->numel(),
                 "dst_numel %lld vs. src_numel %lld", dst_tensor->numel(),
                 src_tensor->numel());
M
minqiyang 已提交
101

M
minqiyang 已提交
102 103 104 105 106 107 108 109 110 111 112 113
  auto result = EigenVector<>::Flatten(*dst_tensor);
  auto in_0_e = EigenVector<>::Flatten(*dst_tensor);
  auto in_1_e = EigenVector<>::Flatten(*src_tensor);
  platform::DeviceContext* dev_ctx =
      platform::DeviceContextPool::Instance().Get(place);
  platform::CPUDeviceContext* x =
      reinterpret_cast<platform::CPUDeviceContext*>(dev_ctx);
  result.device(*x->eigen_device()) = in_0_e + in_1_e;
  // detail::TensorAddToFunctor<float> func(
  // src_tensor->numel(), src_tensor->data<float>(),
  // dst_tensor->mutable_data<float>(place));
  // boost::apply_visitor(func, place);
114 115 116 117
}

class Autograd {
 public:
X
Xin Pan 已提交
118
  Autograd() {}
119 120

  void RunBackward(VarBase* var) {
X
Xin Pan 已提交
121
    if (var->IsStopGradient()) {
122 123
      return;
    }
X
Xin Pan 已提交
124
    VLOG(3) << "start autograd";
125 126

    std::deque<OpBase*> ready;
X
Xin Pan 已提交
127
    ready.push_back(var->PreOp());
128

X
Xin Pan 已提交
129
    std::map<OpBase*, int> dep_counts = ComputeDepCounts(var->PreOp());
130 131 132 133

    while (!ready.empty()) {
      OpBase* ready_op = ready.front();
      ready.pop_front();
X
Xin Pan 已提交
134 135 136 137 138 139 140
      std::map<std::string, std::vector<VarBase*>> input_grads =
          ready_op->ApplyGrad();

      for (auto it : input_grads) {
        const std::vector<VarBase*>& ingrads = it.second;
        for (size_t i = 0; i < ingrads.size(); ++i) {
          if (!ingrads[i]) continue;
X
Xin Pan 已提交
141
          if (ready_op->input_vars_[it.first][i]->IsStopGradient()) {
142 143
            continue;
          }
X
Xin Pan 已提交
144
          OpBase* pre_op = ready_op->pre_ops_[it.first][i];
X
Xin Pan 已提交
145 146 147 148 149 150 151 152
          if (!pre_op) continue;

          dep_counts[pre_op] -= 1;
          PADDLE_ENFORCE(dep_counts[pre_op] >= 0);
          bool pre_op_ready = dep_counts[pre_op] == 0;
          if (pre_op_ready) {
            ready.push_back(pre_op);
          }
153 154
        }
      }
155 156

      ready_op->InvokeBackwardHooks();
157 158 159 160 161 162 163 164 165 166 167 168 169 170
    }
  }

 private:
  std::map<OpBase*, int> ComputeDepCounts(OpBase* op) {
    std::map<OpBase*, int> ret;

    std::deque<OpBase*> queue;
    queue.push_back(op);
    std::unordered_set<OpBase*> visited;
    visited.insert(op);
    while (!queue.empty()) {
      OpBase* candidate = queue.front();
      queue.pop_front();
X
Xin Pan 已提交
171
      for (auto it : candidate->pre_ops_) {
X
Xin Pan 已提交
172 173
        for (OpBase* pre_op : it.second) {
          if (!pre_op) continue;
174
          VLOG(5) << "op dep " << candidate->Type() << " trace id "
175
                  << candidate->trace_id_ << " <---- " << it.first << " <---- "
176
                  << pre_op->Type() << " trace id " << pre_op->trace_id_;
X
Xin Pan 已提交
177 178 179 180 181
          if (visited.find(pre_op) == visited.end()) {
            visited.insert(pre_op);
            queue.push_back(pre_op);
          }
          ret[pre_op] += 1;
182 183 184 185 186 187 188
        }
      }
    }
    return ret;
  }
};

M
minqiyang 已提交
189 190
std::unique_ptr<VarBase> VarBase::NewVarBase(const platform::Place& dst_place,
                                             const bool blocking) const {
M
minqiyang 已提交
191 192 193
  PADDLE_ENFORCE(var_->IsInitialized(),
                 "Variable must be initialized when getting numpy tensor");

194 195 196 197
  // TODO(minqiyang): change this after move unique_name generator to CXX
  const framework::LoDTensor& self_tensor = var_->Get<framework::LoDTensor>();
  std::unique_ptr<VarBase> new_var(new VarBase(
      "Itmp", self_tensor.type(), self_tensor.dims(), dst_place, true, false));
P
Paddle CI 已提交
198 199 200
  framework::LoDTensor* tensor =
      new_var->var_->GetMutable<framework::LoDTensor>();
  tensor->set_lod(var_->Get<framework::LoDTensor>().lod());
M
minqiyang 已提交
201

P
Paddle CI 已提交
202
  if (blocking) {
M
minqiyang 已提交
203
    platform::DeviceContext* dev_ctx =
P
Paddle CI 已提交
204 205 206 207 208
        platform::DeviceContextPool::Instance().Get(dst_place);

    framework::TensorCopySync(var_->Get<framework::LoDTensor>(), dst_place,
                              tensor);

M
minqiyang 已提交
209 210
    dev_ctx->Wait();
  } else {
P
Paddle CI 已提交
211 212 213 214
    framework::TensorCopy(var_->Get<framework::LoDTensor>(), dst_place, tensor);
  }

  if (platform::is_gpu_place(dst_place)) {
215
    VLOG(3) << "copy tensor " << Name() << " from gpu";
M
minqiyang 已提交
216 217
  }

P
Paddle CI 已提交
218
  return new_var;
M
minqiyang 已提交
219 220
}

M
minqiyang 已提交
221
framework::LoDTensor& VarBase::GradValue() {
222 223 224
  VLOG(3) << "get var grad " << Name();
  PADDLE_ENFORCE_NOT_NULL(grads_,
                          "Could not get grad value from no grad variable");
M
minqiyang 已提交
225
  return *(grads_->var_->GetMutable<framework::LoDTensor>());
226 227
}

X
Xin Pan 已提交
228
std::map<std::string, std::vector<VarBase*>> OpBase::ApplyGrad() {
X
Xin Pan 已提交
229 230
  PADDLE_ENFORCE(!grad_op_descs_.empty() || backward_id_ > 0,
                 "%s has no backward implementation", Type());
231

232
  VLOG(3) << "apply op grad: " << Type();
M
minqiyang 已提交
233
  std::vector<VarBasePtrMap> tmp_grad_outputs;
X
Xin Pan 已提交
234 235
  if (backward_id_ > 0) {
    VLOG(3) << "py_layer_grad";
236 237
    tmp_grad_outputs.resize(1);
    tmp_grad_outputs[0][framework::GradVarName(PyLayer::kFwdOut)] =
X
Xin Pan 已提交
238 239 240
        PyLayer::ApplyGrad(
            backward_id_,
            grad_input_vars_[0][framework::GradVarName(PyLayer::kFwdInp)]);
X
Xin Pan 已提交
241
  } else {
242 243 244 245
    const size_t grad_op_count = grad_op_descs_.size();

    tmp_grad_outputs.resize(grad_op_count);
    for (size_t k = 0; k < grad_op_count; ++k) {
X
Xin Pan 已提交
246
      framework::OpDesc* grad_op_desc = grad_op_descs_[k];
247 248 249 250 251
      auto& grad_output_variable_map = grad_output_vars_[k];

      VLOG(3) << "apply grad op " << grad_op_desc->Type();

      // Allocate tmp grad output variable
M
minqiyang 已提交
252
      for (const auto& it : grad_output_variable_map) {
253 254
        auto& outputs = tmp_grad_outputs[k][it.first];
        outputs.reserve(it.second.size());
X
Xin Pan 已提交
255
        for (size_t i = 0; i < it.second.size(); ++i) {
M
minqiyang 已提交
256 257
          VarBase* origin_grad_var_base = it.second[i];

X
Xin Pan 已提交
258
          // Allocate a new variable
M
minqiyang 已提交
259 260 261 262 263
          VarBase* tmp_grad_var_base = new VarBase(
              string::Sprintf("%s@IGrad", origin_grad_var_base->Name()),
              origin_grad_var_base->DataType(), origin_grad_var_base->Dims(),
              place_, true, false);
          outputs.emplace_back(tmp_grad_var_base);
X
Xin Pan 已提交
264
        }
X
polish  
Xin Pan 已提交
265
      }
266

X
Xin Pan 已提交
267 268
      // No need to do compile time infer shape here.
      // grad_op_desc_->InferShape(*block_);
269
      // grad_op_desc->InferVarType(block_);
X
Xin Pan 已提交
270

X
Xin Pan 已提交
271 272
      std::unique_ptr<framework::OperatorBase> opbase =
          framework::OpRegistry::CreateOp(*grad_op_desc);
M
minqiyang 已提交
273

M
minqiyang 已提交
274 275 276 277 278 279
      auto& info = framework::OpInfoMap::Instance().Get(grad_op_desc->Type());
      if (info.infer_var_type_) {
        RuntimeInferVarTypeContext infer_var_type_ctx(
            &grad_input_vars_[k], &tmp_grad_outputs[k], &attrs_);
        info.infer_var_type_(&infer_var_type_ctx);
      }
M
minqiyang 已提交
280

X
Xin Pan 已提交
281 282 283
      framework::OperatorWithKernel* op_kernel =
          dynamic_cast<framework::OperatorWithKernel*>(opbase.get());
      PADDLE_ENFORCE_NOT_NULL(op_kernel, "only support op with kernel");
X
Xin Pan 已提交
284

M
minqiyang 已提交
285 286 287 288 289 290 291 292 293 294 295 296 297 298 299 300 301 302 303 304 305 306 307 308 309 310 311
      // Run grad op
      framework::VariableValueMap grad_invars_map;
      framework::VariableValueMap grad_outvars_map;

      for (const auto& it : grad_input_vars_[k]) {
        auto& grad_invars = grad_invars_map[it.first];
        grad_invars.reserve(it.second.size());
        for (const VarBase* grad_inp : it.second) {
          PADDLE_ENFORCE_NOT_NULL(grad_inp->var_, "op %s input %s nullptr",
                                  grad_op_desc->Type(), grad_inp->Name());

          grad_invars.emplace_back(grad_inp->var_);
        }
      }

      for (const auto& it : tmp_grad_outputs[k]) {
        auto& grad_outvars = grad_outvars_map[it.first];
        grad_outvars.reserve(it.second.size());
        for (VarBase* grad_out : it.second) {
          PADDLE_ENFORCE_NOT_NULL(grad_out->var_, "op %s output %s nullptr",
                                  grad_op_desc->Type(), grad_out->Name());

          grad_outvars.emplace_back(grad_out->var_);
        }
      }

      framework::RuntimeContext ctx(grad_invars_map, grad_outvars_map);
X
Xin Pan 已提交
312 313 314
      framework::Scope scope;
      PreparedOp p = PreparedOp::Prepare(ctx, *op_kernel, place_);
      p.op.RuntimeInferShape(scope, place_, ctx);
315 316
      p.func(
          framework::ExecutionContext(p.op, scope, *p.dev_ctx, p.ctx, nullptr));
X
Xin Pan 已提交
317
    }
X
Xin Pan 已提交
318
  }
X
Xin Pan 已提交
319

320
  // Add tmp grad outputs to original grad vars
X
Xin Pan 已提交
321
  for (size_t k = 0; k < grad_output_vars_.size(); ++k) {
M
minqiyang 已提交
322
    for (const auto& it : grad_output_vars_[k]) {
323
      auto& outputs = tmp_grad_outputs[k][it.first];
M
minqiyang 已提交
324
      const auto& origin_outputs = it.second;
X
Xin Pan 已提交
325 326 327
      PADDLE_ENFORCE_EQ(outputs.size(), origin_outputs.size());

      for (size_t i = 0; i < outputs.size(); ++i) {
M
minqiyang 已提交
328 329
        framework::Variable* grad = outputs[i]->var_;
        framework::Variable* orig_grad = origin_outputs[i]->var_;
330 331 332
        VLOG(3) << "AddTo Called with orig_grad is: "
                << origin_outputs[i]->name_ << " Grad to be added is "
                << outputs[i]->name_;
X
Xin Pan 已提交
333 334 335
        AddTo(grad, orig_grad, place_);
        delete grad;
      }
336 337
    }
  }
X
Xin Pan 已提交
338

X
Xin Pan 已提交
339
  return input_vars_;
340 341
}

342
void OpBase::InvokeBackwardHooks() {
M
minqiyang 已提交
343
  VLOG(3) << "call backward hooks, hooks num: " << backward_hooks_.size();
344 345 346 347 348 349 350 351

  // call backward hooks
  for (py::object& callable : backward_hooks_) {
    callable(this);
  }
}

void OpBase::RegisterBackwardHooks(const py::object& callable) {
M
minqiyang 已提交
352
  VLOG(3) << "Register backward hooks " << trace_id_;
353 354 355 356 357

  // TODO(minqiyang): check the callable format
  backward_hooks_.push_back(callable);
}

X
Xin Pan 已提交
358
void VarBase::RunBackward() {
359
  if (!pre_op_) return;
X
Xin Pan 已提交
360

X
Xin Pan 已提交
361
  VLOG(3) << "start backward";
M
minqiyang 已提交
362
  auto grads_t = grads_->var_->GetMutable<framework::LoDTensor>();
M
minqiyang 已提交
363 364 365 366
  operators::math::set_constant(
      *(platform::DeviceContextPool::Instance().Get(
          var_->GetMutable<framework::LoDTensor>()->place())),
      grads_t, 1.0);
X
Xin Pan 已提交
367

X
Xin Pan 已提交
368 369 370
  PADDLE_ENFORCE(
      grads_ ==
      pre_op_->output_vars_[pre_op_out_name_][pre_op_out_idx_]->grads_);
X
Xin Pan 已提交
371
  Autograd().RunBackward(this);
372 373
}

X
Xin Pan 已提交
374 375 376 377
void PyLayer::RegisterFunc(int func_id, const py::object& py_func) {
  py_funcs_[func_id] = py_func;
}

X
polish  
Xin Pan 已提交
378 379
int PyLayer::NumFuncs() { return py_funcs_.size(); }

M
minqiyang 已提交
380 381
std::vector<framework::Variable*> PyLayer::Apply(
    int func_id, const std::vector<VarBase*>& inputs) {
X
Xin Pan 已提交
382
  PADDLE_ENFORCE(py_funcs_.find(func_id) != py_funcs_.end());
M
minqiyang 已提交
383
  return CallPythonFunc(py_funcs_[func_id], inputs);
X
Xin Pan 已提交
384 385
}

M
minqiyang 已提交
386 387
std::vector<VarBase*> PyLayer::ApplyGrad(int func_id,
                                         const std::vector<VarBase*>& inputs) {
X
polish  
Xin Pan 已提交
388
  PADDLE_ENFORCE(py_funcs_.find(func_id) != py_funcs_.end());
M
minqiyang 已提交
389 390 391 392 393 394 395 396 397 398 399 400
  auto rets = CallPythonFunc(py_funcs_[func_id], inputs);

  std::vector<VarBase*> outs;
  outs.reserve(rets.size());
  for (size_t i = 0U; i != rets.size(); ++i) {
    outs.emplace_back(new VarBase(
        string::Sprintf("%s_out_%d", framework::GradVarName(PyLayer::kFwdOut),
                        i),
        rets[i], nullptr, true));
  }

  return outs;
X
polish  
Xin Pan 已提交
401
}
X
Xin Pan 已提交
402

X
polish  
Xin Pan 已提交
403
std::vector<framework::Variable*> PyLayer::CallPythonFunc(
M
minqiyang 已提交
404
    const py::object& callable, const std::vector<VarBase*>& ins) {
X
polish  
Xin Pan 已提交
405 406 407
  py::gil_scoped_acquire guard;
  py::tuple in_args(ins.size());
  for (size_t i = 0; i < ins.size(); ++i) {
M
minqiyang 已提交
408
    const framework::LoDTensor& t = ins[i]->var_->Get<framework::LoDTensor>();
X
polish  
Xin Pan 已提交
409
    in_args[i] = t.IsInitialized() ? py::cast(t) : py::cast(nullptr);
X
Xin Pan 已提交
410
  }
X
polish  
Xin Pan 已提交
411 412 413 414 415 416 417
  VLOG(3) << "pyfunc in " << py::len(in_args);

  // TODO(panyx0718): Who owns the returned LoDTensor.
  auto ret = callable(in_args);
  auto ret_tuple = py::cast<py::tuple>(ret);
  size_t ret_num = py::len(ret_tuple);
  std::vector<framework::Variable*> outs;
M
minqiyang 已提交
418
  outs.reserve(ret_num);
X
polish  
Xin Pan 已提交
419 420 421 422 423 424 425 426 427 428
  VLOG(3) << "pyfunc out " << ret_num;
  for (size_t i = 0; i < ret_num; ++i) {
    try {
      auto* py_out_tensor = py::cast<framework::LoDTensor*>(ret_tuple[i]);
      PADDLE_ENFORCE_NOT_NULL(py_out_tensor,
                              "Output tensor %d should not be nullptr", i);
      auto* var = new framework::Variable();
      auto* tensor = var->GetMutable<framework::LoDTensor>();
      tensor->ShareDataWith(*py_out_tensor);
      tensor->set_lod(py_out_tensor->lod());
M
minqiyang 已提交
429
      outs.emplace_back(var);
X
polish  
Xin Pan 已提交
430 431 432 433 434
    } catch (py::cast_error&) {
      PADDLE_THROW("The %d-th output must be LoDTensor", i);
    }
  }
  return outs;
X
Xin Pan 已提交
435 436
}

437 438
}  // namespace imperative
}  // namespace paddle