提交 3fa7150c 编写于 作者: X xiexionghang

support weightAdjust by show

上级 88dd55e9
......@@ -66,7 +66,6 @@ int32_t DenseInputAccessor::pull_dense(size_t table_id) {
auto* ps_client = _trainer_context->pslib->ps_client();
auto push_status = ps_client->pull_dense(regions.data(), regions.size(), table_id);
int32_t ret = push_status.get();
// TODO 使用双buffer DataBuffer,避免训练期改写,当前异步SGD下,问题不大
switch_data_buffer();
_is_data_buffer_init = true;
return ret;
......@@ -95,7 +94,7 @@ int32_t DenseInputAccessor::collect_persistables(paddle::framework::Scope* scope
pull_dense(_table_id);
_pull_request_num = 0;
} else {
usleep(50000);
usleep(10000);
}
}
});
......
......@@ -76,19 +76,20 @@ protected:
};
struct SparseInputVariable {
size_t slot_dim;
size_t total_dim;
std::string name;
std::string gradient_name;
std::vector<int32_t> slot_idx;
std::vector<uint16_t> slot_list;
size_t slot_dim; // slot下dim数
size_t total_dim; // slot_dim * slot_num
std::string name; // 对应参数变量名称
std::string gradient_name; // 对应梯度变量名称
std::vector<int32_t> slot_idx; // 通过slot_id 反查 slot在参数层的idx
std::vector<uint16_t> slot_list; // slot_id列表
};
struct SparseVarRuntimeData {
uint32_t row_size;
uint32_t total_size;
float* variable_data;
float* gradient_data;
uint32_t row_size; // batch_size
uint32_t total_size; // batch_size * input_dim
float* variable_data; // 参数
float* gradient_data; // 梯度
SparseInputVariable* sparse_var_metas; // metas
};
class BaseSparseInputAccessor : public DataInputAccessor {
......@@ -102,15 +103,18 @@ public:
// forword过程的input填充
virtual int32_t forward(SampleInstance* samples, size_t num,
paddle::framework::Scope* scope);
// 取得单个SparseKey的PullValue, 实现单个SparseValue的填充
virtual void fill_input(float* var_data, const float* pull_raw,
paddle::ps::ValueAccessor&, SparseInputVariable&, SampleInstance&) = 0;
// 所有SparseValue填充完成后,调用,可进一步全局处理
virtual void post_process_input(float* var_data, SparseInputVariable&, SampleInstance*, size_t num) = 0;
// backward过程的梯度push
virtual std::future<int32_t> backward(SampleInstance* samples, size_t num,
paddle::framework::Scope* scope);
// SparseGradValue会被依次调用,用于整理push的梯度
virtual void fill_gradient(float* push_value, const float* gradient_raw,
paddle::ps::ValueAccessor&, SparseInputVariable&,
......
......@@ -77,6 +77,7 @@ int32_t BaseSparseInputAccessor::forward(SampleInstance* samples,
const auto& variable = _x_variables[i];
var_runtime_data[i].row_size = num;
var_runtime_data[i].total_size = num * variable.total_dim;
var_runtime_data[i].sparse_var_metas = &(_x_variables[i]);
auto* tensor = ScopeHelper::resize_lod_tensor(
scope, variable.name, {num, variable.total_dim});
auto* grad_tensor = ScopeHelper::resize_lod_tensor(
......
#include "paddle/fluid/train/custom_trainer/feed/accessor/input_data_accessor.h"
namespace paddle {
namespace custom_trainer {
namespace feed {
class WeightsAdjustAccessor : public DataInputAccessor {
public:
WeightsAdjustAccessor() {}
virtual ~WeightsAdjustAccessor() {}
virtual int initialize(YAML::Node config,
std::shared_ptr<TrainerContext> context_ptr) {
_trainer_context = context_ptr.get();
_slot_id = config["slot_id"].as<int>();
_input_name = config["input"].as<std::string>();
_adjw_ratio = config["adjw_ratio"].as<float>();
_adjw_threshold = config["adjw_threshold"].as<float>();
return 0;
}
virtual int32_t forward(SampleInstance* samples, size_t num,
::paddle::framework::Scope* scope) {
int64_t runtime_data_for_scope = *ScopeHelper::get_value<int64_t>(
scope, _trainer_context->cpu_place, "sparse_runtime_data");
auto* runtime_data_ptr = (std::vector<SparseVarRuntimeData>*)runtime_data_for_scope;
auto& var_runtime_data = *runtime_data_ptr;
int slot_idx = -1;
SparseVarRuntimeData* sparse_var_data = nullptr;
for (auto& sparse_var : var_runtime_data) {
slot_idx = sparse_var.sparse_var_metas->slot_idx[_slot_id];
if (slot_idx >= 0) {
sparse_var_data = &sparse_var;
break;
}
}
CHECK(slot_idx >= 0) << "Not Found this Slot in slot_list. slot_id:" << _slot_id;
auto* tensor = ScopeHelper::resize_lod_tensor(scope, _input_name, {num, 1});
auto* weights_data = tensor->mutable_data<float>(_trainer_context->cpu_place);
float* sparse_input_data = sparse_var_data->variable_data;
size_t sparse_slot_dim = sparse_var_data->sparse_var_metas->slot_dim;
size_t sparse_input_col = sparse_var_data->sparse_var_metas->total_dim;
for (int i = 0; i < num; ++i) {
float show = sparse_input_data[i * sparse_input_col + slot_idx * sparse_slot_dim];
show = pow(M_E, show) - 1; // show在fill时算过log,这里恢复原值
weights_data[i] = 1.0;
if (show >= 0 && show < _adjw_threshold) {
weights_data[i] = log(M_E + (_adjw_threshold - show) / _adjw_threshold * _adjw_ratio);
}
}
return 0;
}
virtual std::future<int32_t> backward(SampleInstance* samples, size_t num,
::paddle::framework::Scope* scope) {
std::future<int32_t> ret;
return ret;
}
protected:
size_t _slot_id;
float _adjw_ratio;
float _adjw_threshold;
std::string _input_name;
};
REGIST_CLASS(DataInputAccessor, WeightsAdjustAccessor);
} // namespace feed
} // namespace custom_trainer
} // namespace paddle
......@@ -55,7 +55,9 @@ def inference():
{ "class": "AbacusSparseJoinAccessor", "input": "sparses", "table_id": 0, "need_gradient": False},
{ "class": "DenseInputAccessor", "input": "vars", "table_id": 1, "need_gradient": True, "async_pull": True},
{ "class": "DenseInputAccessor", "input": "sums", "table_id": 2, "need_gradient": True, "async_pull": True},
{ "class": "WeightsAdjustAccessor", "input": "ins_weight", "slot_id": 6002, "adjw_ratio": 20, "adjw_threshold": 1000 },
{ "class": "LabelInputAccessor", "input": "labels"}
]
monitors = [
{ "name": "epoch_auc", "class": "AucMonitor", "target": ctr_output, "compute_interval": 600 },
......@@ -81,9 +83,17 @@ def loss_function(ctr_output):
list<Variable>: labels
"""
# TODO: calc loss here
ins_weight = fluid.layers.data(
name="ins_weight",
shape=[-1, 1],
dtype="float32",
lod_level=0,
append_batch_size=False,
stop_gradient=True)
label = fluid.layers.data(name='label_ctr', shape=ctr_output.shape, dtype='float32')
loss = fluid.layers.log_loss(input=ctr_output, label=label)
loss = fluid.layers.elementwise_mul(loss, ins_weight)
loss = fluid.layers.mean(loss, name='loss_ctr')
return loss, [label]
blocks {
idx: 0
parent_idx: -1
vars {
name: "fc_7.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_6.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_2.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "bn6048.batch_square_sum"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
}
}
}
persistable: true
}
vars {
name: "fc_0.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 511
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_7.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 1
}
}
}
persistable: true
}
vars {
name: "fc_7.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_1.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "_generated_var_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 4488
}
lod_level: 0
}
}
}
vars {
name: "fc_4.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
}
}
}
persistable: true
}
vars {
name: "_generated_var_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
}
}
}
}
vars {
name: "fc_5.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
vars {
name: "save_infer_model/scale_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 511
}
}
}
persistable: true
}
vars {
name: "fc_1.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 255
}
}
}
persistable: true
}
vars {
name: "fc_0.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 511
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_7.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 1
}
}
}
persistable: true
}
vars {
name: "fc_6.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_4.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "_generated_var_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
}
}
}
}
vars {
name: "bn6048.batch_size"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
}
}
}
persistable: true
}
vars {
name: "fc_2.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 255
dims: 255
}
}
}
persistable: true
}
vars {
name: "feed"
type {
type: FEED_MINIBATCH
}
persistable: true
}
vars {
name: "fc_2.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 255
}
}
}
persistable: true
}
vars {
name: "fc_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 511
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "bn6048.batch_sum"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
}
}
}
persistable: true
}
vars {
name: "fc_1.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "ctr.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_5.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "cvm_input"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 4488
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "clip_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_3.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 255
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_3.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
vars {
name: "fetch"
type {
type: FETCH_LIST
}
persistable: true
}
vars {
name: "fc_6.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_3.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_3.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_4.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_3.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_6.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_5.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_4.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_5.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_1.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 511
dims: 255
}
}
}
persistable: true
}
vars {
name: "fc_1.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_5.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_6.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
dims: 511
}
}
}
persistable: true
}
vars {
name: "fc_4.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
ops {
inputs {
parameter: "X"
arguments: "feed"
}
outputs {
parameter: "Out"
arguments: "cvm_input"
}
type: "feed"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1851, in _prepend_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 905, in prepend_feed_ops\n attrs={\'col\': i})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 1090, in save_inference_model\n prepend_feed_ops(main_program, feeded_var_names)\n"
strings: " File \"create_programs.py\", line 133, in build_and_save\n program_only=True)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "col"
type: INT
i: 0
}
}
ops {
inputs {
parameter: "BatchSize"
arguments: "bn6048.batch_size"
}
inputs {
parameter: "BatchSquareSum"
arguments: "bn6048.batch_square_sum"
}
inputs {
parameter: "BatchSum"
arguments: "bn6048.batch_sum"
}
inputs {
parameter: "X"
arguments: "cvm_input"
}
outputs {
parameter: "Means"
arguments: "_generated_var_0"
}
outputs {
parameter: "Scales"
arguments: "_generated_var_1"
}
outputs {
parameter: "Y"
arguments: "_generated_var_2"
}
type: "data_norm"
attrs {
name: "epsilon"
type: FLOAT
f: 9.99999974738e-05
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 3474, in data_norm\n attrs={\"epsilon\": epsilon})\n"
strings: " File \"join.py\", line 31, in inference\n param_attr={\"batch_size\":1e4, \"batch_sum_default\":0.0, \"batch_square\":1e4})\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "data_layout"
type: STRING
s: "NCHW"
}
}
ops {
inputs {
parameter: "X"
arguments: "_generated_var_2"
}
inputs {
parameter: "Y"
arguments: "fc_0.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_0.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_0.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_0.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_0.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_0.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_0.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_0.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_1.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_1.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_1.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_1.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_1.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_1.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_1.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_1.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_2.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_2.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_2.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_2.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_2.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_2.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_2.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_2.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_3.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_3.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_3.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_3.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_3.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_3.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_3.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_3.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_4.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_4.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_4.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_4.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_4.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_4.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_4.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_4.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_5.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_5.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_5.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_5.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_5.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_5.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_5.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_5.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_6.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_6.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_6.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_6.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_6.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_6.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_6.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_6.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_7.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_7.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_7.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_7.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_7.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_7.tmp_1"
}
outputs {
parameter: "Out"
arguments: "clip_0.tmp_0"
}
type: "clip"
attrs {
name: "min"
type: FLOAT
f: -15.0
}
attrs {
name: "max"
type: FLOAT
f: 15.0
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
}
ops {
inputs {
parameter: "X"
arguments: "clip_0.tmp_0"
}
outputs {
parameter: "Out"
arguments: "ctr.tmp_0"
}
type: "sigmoid"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "ctr.tmp_0"
}
outputs {
parameter: "Out"
arguments: "save_infer_model/scale_0"
}
type: "scale"
attrs {
name: "scale"
type: FLOAT
f: 1.0
}
attrs {
name: "bias"
type: FLOAT
f: 0.0
}
attrs {
name: "bias_after_scale"
type: BOOLEAN
b: true
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10410, in scale\n \'bias_after_scale\': bias_after_scale\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 1045, in save_inference_model\n var, 1., name=\"save_infer_model/scale_{}\".format(i))\n"
strings: " File \"create_programs.py\", line 133, in build_and_save\n program_only=True)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
}
ops {
inputs {
parameter: "X"
arguments: "save_infer_model/scale_0"
}
outputs {
parameter: "Out"
arguments: "fetch"
}
type: "fetch"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 922, in append_fetch_ops\n attrs={\'col\': i})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 1091, in save_inference_model\n append_fetch_ops(main_program, fetch_var_names)\n"
strings: " File \"create_programs.py\", line 133, in build_and_save\n program_only=True)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "col"
type: INT
i: 0
}
}
}
......@@ -38,6 +38,19 @@ blocks {
}
}
}
vars {
name: "fc_0.w_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
dims: 511
}
}
}
}
vars {
name: "fc_7.tmp_0"
type {
......@@ -168,14 +181,27 @@ blocks {
persistable: false
}
vars {
name: "fc_4.tmp_1"
name: "_generated_var_2@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
dims: 4488
}
}
}
}
vars {
name: "label_ctr"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
......@@ -682,46 +708,48 @@ blocks {
persistable: false
}
vars {
name: "fc_0.w_0@GRAD"
name: "fc_5.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
dims: 511
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_5.b_0"
name: "fc_1.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 255
}
}
}
persistable: true
}
vars {
name: "fc_1.b_0"
name: "fc_1.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: true
persistable: false
}
vars {
name: "label_ctr"
name: "ctr.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
......@@ -736,27 +764,27 @@ blocks {
persistable: false
}
vars {
name: "_generated_var_2@GRAD"
name: "fc_2.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 4488
dims: 255
}
}
}
persistable: true
}
vars {
name: "fc_1.tmp_0"
name: "fc_3.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
dims: 127
}
lod_level: 0
}
......@@ -764,14 +792,14 @@ blocks {
persistable: false
}
vars {
name: "ctr.tmp_0"
name: "cvm_input"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
dims: 4488
}
lod_level: 0
}
......@@ -779,27 +807,41 @@ blocks {
persistable: false
}
vars {
name: "fc_2.b_0"
name: "fc_2.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: true
persistable: false
}
vars {
name: "fc_3.tmp_0"
name: "bn6048.batch_size@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
}
}
}
}
vars {
name: "clip_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
dims: 1
}
lod_level: 0
}
......@@ -807,14 +849,14 @@ blocks {
persistable: false
}
vars {
name: "cvm_input"
name: "fc_4.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 4488
dims: 127
}
lod_level: 0
}
......@@ -822,14 +864,14 @@ blocks {
persistable: false
}
vars {
name: "fc_2.tmp_2"
name: "ins_weight"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
dims: 1
}
lod_level: 0
}
......@@ -851,6 +893,21 @@ blocks {
}
persistable: false
}
vars {
name: "elementwise_mul_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "loss_ctr@GRAD"
type {
......@@ -1069,34 +1126,20 @@ blocks {
}
}
vars {
name: "clip_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "bn6048.batch_size@GRAD"
name: "fc_6.w_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 4488
dims: 127
dims: 127
}
}
}
}
vars {
name: "fc_6.w_0@GRAD"
name: "fc_5.w_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
......@@ -1109,15 +1152,16 @@ blocks {
}
}
vars {
name: "fc_5.w_0@GRAD"
name: "elementwise_mul_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
dims: -1
dims: 1
}
lod_level: 0
}
}
}
......@@ -1411,8 +1455,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 3474, in data_norm\n attrs={\"epsilon\": epsilon})\n"
strings: " File \"join.py\", line 31, in inference\n param_attr={\"batch_size\":1e4, \"batch_sum_default\":0.0, \"batch_square\":1e4})\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1481,8 +1525,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1547,8 +1591,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1604,8 +1648,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1669,8 +1713,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1735,8 +1779,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1792,8 +1836,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1857,8 +1901,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1923,8 +1967,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1980,8 +2024,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2045,8 +2089,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2111,8 +2155,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2168,8 +2212,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2233,8 +2277,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2299,8 +2343,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2356,8 +2400,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2421,8 +2465,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2487,8 +2531,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2544,8 +2588,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2609,8 +2653,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2675,8 +2719,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2732,8 +2776,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2797,8 +2841,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2863,8 +2907,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2904,8 +2948,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2965,8 +3009,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3003,10 +3047,10 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 11422, in log_loss\n attrs={\'epsilon\': epsilon})\n"
strings: " File \"join.py\", line 86, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"join.py\", line 95, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3029,6 +3073,67 @@ blocks {
parameter: "X"
arguments: "log_loss_0.tmp_0"
}
inputs {
parameter: "Y"
arguments: "ins_weight"
}
outputs {
parameter: "Out"
arguments: "elementwise_mul_0"
}
type: "elementwise_mul"
attrs {
name: "y_data_format"
type: STRING
s: ""
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10367, in _elementwise_op\n \'use_mkldnn\': use_mkldnn})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10428, in elementwise_mul\n return _elementwise_op(LayerHelper(\'elementwise_mul\', **locals()))\n"
strings: " File \"join.py\", line 96, in loss_function\n loss = fluid.layers.elementwise_mul(loss, ins_weight)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "axis"
type: INT
i: -1
}
}
ops {
inputs {
parameter: "X"
arguments: "elementwise_mul_0"
}
outputs {
parameter: "Out"
arguments: "loss_ctr"
......@@ -3044,10 +3149,10 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10756, in mean\n type=\"mean\", inputs={\"X\": x}, attrs={}, outputs={\"Out\": out})\n"
strings: " File \"join.py\", line 87, in loss_function\n loss = fluid.layers.mean(loss, name=\'loss_ctr\')\n"
strings: " File \"join.py\", line 97, in loss_function\n loss = fluid.layers.mean(loss, name=\'loss_ctr\')\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3097,20 +3202,88 @@ blocks {
parameter: "Out@GRAD"
arguments: "loss_ctr@GRAD"
}
inputs {
parameter: "X"
arguments: "elementwise_mul_0"
}
outputs {
parameter: "X@GRAD"
arguments: "elementwise_mul_0@GRAD"
}
type: "mean_grad"
attrs {
name: "op_role"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "Out@GRAD"
arguments: "elementwise_mul_0@GRAD"
}
inputs {
parameter: "X"
arguments: "log_loss_0.tmp_0"
}
inputs {
parameter: "Y"
arguments: "ins_weight"
}
outputs {
parameter: "X@GRAD"
arguments: "log_loss_0.tmp_0@GRAD"
}
type: "mean_grad"
outputs {
parameter: "Y@GRAD"
}
type: "elementwise_mul_grad"
attrs {
name: "y_data_format"
type: STRING
s: ""
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10367, in _elementwise_op\n \'use_mkldnn\': use_mkldnn})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10428, in elementwise_mul\n return _elementwise_op(LayerHelper(\'elementwise_mul\', **locals()))\n"
strings: " File \"join.py\", line 96, in loss_function\n loss = fluid.layers.elementwise_mul(loss, ins_weight)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 1
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "axis"
type: INT
i: -1
}
}
ops {
inputs {
......@@ -3140,10 +3313,10 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 11422, in log_loss\n attrs={\'epsilon\': epsilon})\n"
strings: " File \"join.py\", line 86, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"join.py\", line 95, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3202,8 +3375,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3242,8 +3415,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3314,8 +3487,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3394,8 +3567,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -3460,8 +3633,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3522,8 +3695,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3602,8 +3775,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -3668,8 +3841,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3730,8 +3903,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3810,8 +3983,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -3876,8 +4049,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3938,8 +4111,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4018,8 +4191,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -4084,8 +4257,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4146,8 +4319,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4226,8 +4399,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -4292,8 +4465,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4354,8 +4527,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4434,8 +4607,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -4500,8 +4673,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4562,8 +4735,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4642,8 +4815,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -4708,8 +4881,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4770,8 +4943,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -4850,8 +5023,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -4943,8 +5116,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 3474, in data_norm\n attrs={\"epsilon\": epsilon})\n"
strings: " File \"join.py\", line 31, in inference\n param_attr={\"batch_size\":1e4, \"batch_sum_default\":0.0, \"batch_square\":1e4})\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......
......@@ -87,6 +87,8 @@ input_accessor:
shape: [4488]
need_gradient: true
table_id: 2
- {adjw_ratio: 20, adjw_threshold: 1000, class: WeightsAdjustAccessor, input: ins_weight,
slot_id: 6002}
- class: LabelInputAccessor
input:
- label_name: label_ctr
......
......@@ -277,8 +277,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -341,8 +341,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -407,8 +407,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -471,8 +471,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -537,8 +537,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -601,8 +601,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -667,8 +667,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -731,8 +731,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -797,8 +797,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -861,8 +861,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -927,8 +927,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -991,8 +991,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1057,8 +1057,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1121,8 +1121,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1187,8 +1187,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1251,8 +1251,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1316,8 +1316,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 3456, in data_norm\n dtype=input.dtype)\n"
strings: " File \"join.py\", line 31, in inference\n param_attr={\"batch_size\":1e4, \"batch_sum_default\":0.0, \"batch_square\":1e4})\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1370,8 +1370,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 3448, in data_norm\n dtype=input.dtype)\n"
strings: " File \"join.py\", line 31, in inference\n param_attr={\"batch_size\":1e4, \"batch_sum_default\":0.0, \"batch_square\":1e4})\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1424,8 +1424,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 3440, in data_norm\n dtype=input.dtype)\n"
strings: " File \"join.py\", line 31, in inference\n param_attr={\"batch_size\":1e4, \"batch_sum_default\":0.0, \"batch_square\":1e4})\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......
......@@ -731,8 +731,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 3474, in data_norm\n attrs={\"epsilon\": epsilon})\n"
strings: " File \"join.py\", line 31, in inference\n param_attr={\"batch_size\":1e4, \"batch_sum_default\":0.0, \"batch_square\":1e4})\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -801,8 +801,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -867,8 +867,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -924,8 +924,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -989,8 +989,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1055,8 +1055,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1112,8 +1112,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1177,8 +1177,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1243,8 +1243,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1300,8 +1300,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1365,8 +1365,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1431,8 +1431,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1488,8 +1488,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1553,8 +1553,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1619,8 +1619,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1676,8 +1676,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1741,8 +1741,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1807,8 +1807,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1864,8 +1864,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1929,8 +1929,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1995,8 +1995,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2052,8 +2052,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2117,8 +2117,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2183,8 +2183,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"join.py\", line 51, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2224,8 +2224,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2285,8 +2285,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"join.py\", line 52, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......
blocks {
idx: 0
parent_idx: -1
vars {
name: "fc_3.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 511
}
}
}
persistable: true
}
vars {
name: "fc_1.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 255
}
}
}
persistable: true
}
vars {
name: "save_infer_model/scale_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "cvm_input"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 3672
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_3.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 255
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_1.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_1.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 511
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_4.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_0.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 3672
dims: 511
}
}
}
persistable: true
}
vars {
name: "fc_4.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
vars {
name: "feed"
type {
type: FEED_MINIBATCH
}
persistable: true
}
vars {
name: "fc_4.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_5.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_1.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 255
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 511
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_4.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fetch"
type {
type: FETCH_LIST
}
persistable: true
}
vars {
name: "fc_5.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 1
}
}
}
persistable: true
}
vars {
name: "fc_5.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "ctr.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.tmp_1"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_3.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 511
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "clip_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_3.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_4.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_5.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 1
}
}
}
persistable: true
}
vars {
name: "fc_1.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 511
dims: 255
}
}
}
persistable: true
}
vars {
name: "fc_3.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
ops {
inputs {
parameter: "X"
arguments: "feed"
}
outputs {
parameter: "Out"
arguments: "cvm_input"
}
type: "feed"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1851, in _prepend_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 905, in prepend_feed_ops\n attrs={\'col\': i})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 1090, in save_inference_model\n prepend_feed_ops(main_program, feeded_var_names)\n"
strings: " File \"create_programs.py\", line 133, in build_and_save\n program_only=True)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "col"
type: INT
i: 0
}
}
ops {
inputs {
parameter: "X"
arguments: "cvm_input"
}
inputs {
parameter: "Y"
arguments: "fc_0.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_0.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_0.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_0.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_0.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_0.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_0.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_0.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_1.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_1.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_1.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_1.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_1.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_1.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_1.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_1.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_2.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_2.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_2.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_2.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_2.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_2.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_2.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_2.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_3.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_3.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_3.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_3.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_3.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_3.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_3.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_3.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_4.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_4.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_4.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_4.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_4.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_4.tmp_1"
}
outputs {
parameter: "Out"
arguments: "fc_4.tmp_2"
}
type: "relu"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 159, in append_activation\n attrs=act)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_4.tmp_2"
}
inputs {
parameter: "Y"
arguments: "fc_5.w_0"
}
outputs {
parameter: "Out"
arguments: "fc_5.tmp_0"
}
type: "mul"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "x_num_col_dims"
type: INT
i: 1
}
attrs {
name: "force_fp32_output"
type: BOOLEAN
b: false
}
attrs {
name: "y_num_col_dims"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "scale_out"
type: FLOAT
f: 1.0
}
attrs {
name: "scale_y"
type: FLOATS
floats: 1.0
}
attrs {
name: "scale_x"
type: FLOAT
f: 1.0
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_5.tmp_0"
}
inputs {
parameter: "Y"
arguments: "fc_5.b_0"
}
outputs {
parameter: "Out"
arguments: "fc_5.tmp_1"
}
type: "elementwise_add"
attrs {
name: "axis"
type: INT
i: 1
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 135, in append_bias_op\n attrs={\'axis\': dim_start})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "y_data_format"
type: STRING
s: ""
}
}
ops {
inputs {
parameter: "X"
arguments: "fc_5.tmp_1"
}
outputs {
parameter: "Out"
arguments: "clip_0.tmp_0"
}
type: "clip"
attrs {
name: "min"
type: FLOAT
f: -15.0
}
attrs {
name: "max"
type: FLOAT
f: 15.0
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
}
ops {
inputs {
parameter: "X"
arguments: "clip_0.tmp_0"
}
outputs {
parameter: "Out"
arguments: "ctr.tmp_0"
}
type: "sigmoid"
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "use_cudnn"
type: BOOLEAN
b: false
}
attrs {
name: "is_test"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "X"
arguments: "ctr.tmp_0"
}
outputs {
parameter: "Out"
arguments: "save_infer_model/scale_0"
}
type: "scale"
attrs {
name: "scale"
type: FLOAT
f: 1.0
}
attrs {
name: "bias"
type: FLOAT
f: 0.0
}
attrs {
name: "bias_after_scale"
type: BOOLEAN
b: true
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10410, in scale\n \'bias_after_scale\': bias_after_scale\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 1045, in save_inference_model\n var, 1., name=\"save_infer_model/scale_{}\".format(i))\n"
strings: " File \"create_programs.py\", line 133, in build_and_save\n program_only=True)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_role_var"
type: STRINGS
}
}
ops {
inputs {
parameter: "X"
arguments: "save_infer_model/scale_0"
}
outputs {
parameter: "Out"
arguments: "fetch"
}
type: "fetch"
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 922, in append_fetch_ops\n attrs={\'col\': i})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/io.py\", line 1091, in save_inference_model\n append_fetch_ops(main_program, fetch_var_names)\n"
strings: " File \"create_programs.py\", line 133, in build_and_save\n program_only=True)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "col"
type: INT
i: 0
}
}
}
......@@ -203,6 +203,46 @@ blocks {
}
}
}
vars {
name: "fc_4.tmp_1@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
}
lod_level: 0
}
}
}
vars {
name: "fc_3.w_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
}
}
}
}
vars {
name: "fc_5.w_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 1
}
}
}
}
vars {
name: "fc_4.w_0"
type {
......@@ -318,19 +358,6 @@ blocks {
}
persistable: false
}
vars {
name: "fc_2.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_2.w_0@GRAD"
type {
......@@ -385,36 +412,35 @@ blocks {
}
}
vars {
name: "clip_0.tmp_0"
name: "fc_0.tmp_1@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
dims: 511
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_2.w_0"
name: "fc_4.tmp_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 255
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: true
}
vars {
name: "fc_4.tmp_1@GRAD"
name: "fc_4.tmp_2@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
......@@ -423,32 +449,32 @@ blocks {
dims: -1
dims: 127
}
lod_level: 0
}
}
}
vars {
name: "fc_3.b_0"
name: "fc_3.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
}
}
}
persistable: true
}
vars {
name: "fc_4.tmp_2"
name: "clip_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
dims: 1
}
lod_level: 0
}
......@@ -456,49 +482,34 @@ blocks {
persistable: false
}
vars {
name: "fc_5.b_0"
name: "fc_2.w_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 1
dims: 255
dims: 127
}
}
}
persistable: true
}
vars {
name: "log_loss_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.tmp_1@GRAD"
name: "fc_3.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 511
dims: 127
}
lod_level: 0
}
}
persistable: true
}
vars {
name: "fc_4.tmp_2@GRAD"
name: "fc_4.tmp_2"
type {
type: LOD_TENSOR
lod_tensor {
......@@ -507,36 +518,38 @@ blocks {
dims: -1
dims: 127
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_3.w_0"
name: "fc_5.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
dims: 1
}
}
}
persistable: true
}
vars {
name: "fc_4.tmp_0@GRAD"
name: "log_loss_0.tmp_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 127
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_0.b_0@GRAD"
......@@ -797,6 +810,21 @@ blocks {
}
persistable: false
}
vars {
name: "ins_weight"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_5.tmp_0@GRAD"
type {
......@@ -842,33 +870,35 @@ blocks {
persistable: false
}
vars {
name: "loss_ctr"
name: "elementwise_mul_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
persistable: false
}
vars {
name: "fc_5.tmp_1@GRAD"
name: "fc_2.b_0"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
dims: 127
}
}
}
persistable: true
}
vars {
name: "log_loss_0.tmp_0@GRAD"
name: "elementwise_mul_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
......@@ -882,28 +912,42 @@ blocks {
}
}
vars {
name: "fc_3.w_0@GRAD"
name: "loss_ctr"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: 127
dims: 1
}
}
}
persistable: false
}
vars {
name: "fc_5.w_0@GRAD"
name: "fc_5.tmp_1@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: 127
dims: -1
dims: 1
}
}
}
}
vars {
name: "log_loss_0.tmp_0@GRAD"
type {
type: LOD_TENSOR
lod_tensor {
tensor {
data_type: FP32
dims: -1
dims: 1
}
lod_level: 0
}
}
}
......@@ -1011,8 +1055,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1077,8 +1121,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1134,8 +1178,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1199,8 +1243,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1265,8 +1309,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1322,8 +1366,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1387,8 +1431,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1453,8 +1497,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1510,8 +1554,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1575,8 +1619,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1641,8 +1685,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1698,8 +1742,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1763,8 +1807,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1829,8 +1873,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1886,8 +1930,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1951,8 +1995,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2017,8 +2061,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2058,8 +2102,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2119,8 +2163,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2157,10 +2201,10 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 11422, in log_loss\n attrs={\'epsilon\': epsilon})\n"
strings: " File \"update.py\", line 82, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"update.py\", line 90, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2183,6 +2227,67 @@ blocks {
parameter: "X"
arguments: "log_loss_0.tmp_0"
}
inputs {
parameter: "Y"
arguments: "ins_weight"
}
outputs {
parameter: "Out"
arguments: "elementwise_mul_0"
}
type: "elementwise_mul"
attrs {
name: "y_data_format"
type: STRING
s: ""
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10367, in _elementwise_op\n \'use_mkldnn\': use_mkldnn})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10428, in elementwise_mul\n return _elementwise_op(LayerHelper(\'elementwise_mul\', **locals()))\n"
strings: " File \"update.py\", line 91, in loss_function\n loss = fluid.layers.elementwise_mul(loss, ins_weight)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 0
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "axis"
type: INT
i: -1
}
}
ops {
inputs {
parameter: "X"
arguments: "elementwise_mul_0"
}
outputs {
parameter: "Out"
arguments: "loss_ctr"
......@@ -2198,10 +2303,10 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10756, in mean\n type=\"mean\", inputs={\"X\": x}, attrs={}, outputs={\"Out\": out})\n"
strings: " File \"update.py\", line 83, in loss_function\n loss = fluid.layers.mean(loss, name=\'loss_ctr\')\n"
strings: " File \"update.py\", line 92, in loss_function\n loss = fluid.layers.mean(loss, name=\'loss_ctr\')\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2251,20 +2356,88 @@ blocks {
parameter: "Out@GRAD"
arguments: "loss_ctr@GRAD"
}
inputs {
parameter: "X"
arguments: "elementwise_mul_0"
}
outputs {
parameter: "X@GRAD"
arguments: "elementwise_mul_0@GRAD"
}
type: "mean_grad"
attrs {
name: "op_role"
type: INT
i: 1
}
}
ops {
inputs {
parameter: "Out@GRAD"
arguments: "elementwise_mul_0@GRAD"
}
inputs {
parameter: "X"
arguments: "log_loss_0.tmp_0"
}
inputs {
parameter: "Y"
arguments: "ins_weight"
}
outputs {
parameter: "X@GRAD"
arguments: "log_loss_0.tmp_0@GRAD"
}
type: "mean_grad"
outputs {
parameter: "Y@GRAD"
}
type: "elementwise_mul_grad"
attrs {
name: "y_data_format"
type: STRING
s: ""
}
attrs {
name: "op_role_var"
type: STRINGS
}
attrs {
name: "op_callstack"
type: STRINGS
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10367, in _elementwise_op\n \'use_mkldnn\': use_mkldnn})\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10428, in elementwise_mul\n return _elementwise_op(LayerHelper(\'elementwise_mul\', **locals()))\n"
strings: " File \"update.py\", line 91, in loss_function\n loss = fluid.layers.elementwise_mul(loss, ins_weight)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
type: STRING
s: "/"
}
attrs {
name: "op_role"
type: INT
i: 1
}
attrs {
name: "x_data_format"
type: STRING
s: ""
}
attrs {
name: "use_mkldnn"
type: BOOLEAN
b: false
}
attrs {
name: "axis"
type: INT
i: -1
}
}
ops {
inputs {
......@@ -2294,10 +2467,10 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1780, in append_op\n attrs=kwargs.get(\"attrs\", None))\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 43, in append_op\n return self.main_program.current_block().append_op(*args, **kwargs)\n"
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 11422, in log_loss\n attrs={\'epsilon\': epsilon})\n"
strings: " File \"update.py\", line 82, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"update.py\", line 90, in loss_function\n loss = fluid.layers.log_loss(input=ctr_output, label=label)\n"
strings: " File \"create_programs.py\", line 108, in build_and_save\n loss, labels = self._loss_function(*outputs)\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2356,8 +2529,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2396,8 +2569,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2468,8 +2641,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2548,8 +2721,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2614,8 +2787,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2676,8 +2849,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2756,8 +2929,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -2822,8 +2995,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2884,8 +3057,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -2964,8 +3137,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -3030,8 +3203,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3092,8 +3265,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3172,8 +3345,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -3238,8 +3411,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3300,8 +3473,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3380,8 +3553,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -3446,8 +3619,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3508,8 +3681,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -3588,8 +3761,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......
......@@ -67,7 +67,9 @@ input_accessor:
- name: fc_5.b_0
shape: [1]
need_gradient: true
table_id: 3
table_id: 5
- {adjw_ratio: 20, adjw_threshold: 1000, class: WeightsAdjustAccessor, input: ins_weight,
slot_id: 6002}
- class: LabelInputAccessor
input:
- label_name: label_ctr
......
......@@ -184,8 +184,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -248,8 +248,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -314,8 +314,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -378,8 +378,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -444,8 +444,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -508,8 +508,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -574,8 +574,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -638,8 +638,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -704,8 +704,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -768,8 +768,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -834,8 +834,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -898,8 +898,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 337, in fc\n attr=param_attr, shape=param_shape, dtype=dtype, is_bias=False)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......
......@@ -514,8 +514,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -580,8 +580,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -637,8 +637,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -702,8 +702,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -768,8 +768,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -825,8 +825,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -890,8 +890,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -956,8 +956,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1013,8 +1013,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1078,8 +1078,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1144,8 +1144,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1201,8 +1201,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1266,8 +1266,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1332,8 +1332,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1389,8 +1389,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 360, in fc\n return helper.append_activation(pre_activation)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1454,8 +1454,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 345, in fc\n \"y_num_col_dims\": 1})\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "use_mkldnn"
......@@ -1520,8 +1520,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 358, in fc\n pre_activation = helper.append_bias_op(pre_bias, dim_start=num_flatten_dims)\n"
strings: " File \"update.py\", line 47, in inference\n initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i])))\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1561,8 +1561,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/nn.py\", line 10681, in clip\n outputs={\"Out\": out})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......@@ -1622,8 +1622,8 @@ blocks {
strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layers/layer_function_generator.py\", line 247, in func\n helper.append_op(type=op_type, inputs={\"X\": x}, outputs={\"Out\": output})\n"
strings: " File \"update.py\", line 49, in inference\n ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name=\"ctr\")\n"
strings: " File \"create_programs.py\", line 100, in build_and_save\n inference_info = self._inference()\n"
strings: " File \"create_programs.py\", line 187, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 190, in <module>\n main(sys.argv)\n"
strings: " File \"create_programs.py\", line 200, in main\n builder.build_and_save()\n"
strings: " File \"create_programs.py\", line 203, in <module>\n main(sys.argv)\n"
}
attrs {
name: "op_namescope"
......
......@@ -50,7 +50,8 @@ def inference():
accessors = [
{ "class": "AbacusSparseUpdateAccessor", "input": "sparses", "table_id": 0, "need_gradient": True},
{ "class": "DenseInputAccessor", "input": "vars", "table_id": 3, "need_gradient": True, "async_pull": True},
{ "class": "DenseInputAccessor", "input": "vars", "table_id": 5, "need_gradient": True, "async_pull": True},
{ "class": "WeightsAdjustAccessor", "input": "ins_weight", "slot_id": 6002, "adjw_ratio": 20, "adjw_threshold": 1000 },
{ "class": "LabelInputAccessor", "input": "labels"}
]
monitors = [
......@@ -77,9 +78,17 @@ def loss_function(ctr_output):
list<Variable>: labels
"""
# TODO: calc loss here
ins_weight = fluid.layers.data(
name="ins_weight",
shape=[-1, 1],
dtype="float32",
lod_level=0,
append_batch_size=False,
stop_gradient=True)
label = fluid.layers.data(name='label_ctr', shape=ctr_output.shape, dtype='float32')
loss = fluid.layers.log_loss(input=ctr_output, label=label)
loss = fluid.layers.elementwise_mul(loss, ins_weight)
loss = fluid.layers.mean(loss, name='loss_ctr')
return loss, [label]
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册