diff --git a/BCLOUD b/BCLOUD index 25c30038cd82d64b34ee2f452184845e45580a02..7fd4d4709216b2aeef2a25792a4606144046e198 100755 --- a/BCLOUD +++ b/BCLOUD @@ -10,7 +10,8 @@ INCPATHS('$OUT/../') INCPATHS('../../third-party') INCPATHS('../../third-party/eigen') INCPATHS('$OUT_ROOT/baidu/third-party/python/output/include/python2.7') -LDFLAGS('-lpthread -lcrypto -lrt -ldl -lssl -lz -lgomp -fopenmp ') +LDFLAGS('-lpthread -lcrypto -lrt -ldl -lssl -lz -lgomp -fopenmp') +#LDFLAGS('-lpthread -lcrypto -lrt -ldl -lssl -lz -lgomp -fopenmp -lasan') CONFIGS('baidu/third-party/any@15595d8324be9e8a9a80d9ae442fdd12bd66df5d@git_branch') CONFIGS('baidu/third-party/boost@v1.41.0@git_branch') CONFIGS('baidu/third-party/c-ares@v1.13.0@git_branch') @@ -84,6 +85,7 @@ custom_trainer_src = GLOB('paddle/fluid/train/custom_trainer/feed/*/*.cc', Exclu CPPFLAGS_STR = '-DHPPL_STUB_FUNC -DLAPACK_FOUND -DPADDLE_DISABLE_PROFILER -DPADDLE_NO_PYTHON -DCUSTOM_TRAINER -DPADDLE_ON_INFERENCE -DPADDLE_USE_DSO -DPADDLE_USE_PTHREAD_BARRIER -DPADDLE_USE_PTHREAD_SPINLOCK -DPADDLE_VERSION=0.0.0 -DPADDLE_WITH_AVX -DPADDLE_WITH_MKLML -DPADDLE_WITH_XBYAK -DXBYAK64 -DXBYAK_NO_OP_NAMES -D_GNU_SOURCE -D__STDC_LIMIT_MACROS -DPYBIND_AVX_MKLML' + r" -DPADDLE_REVISION=\"%s@%s@%s\"" % (REPO_URL(), REPO_BRANCH(), REPO_REVISION()) CFLAGS_STR = '-m64 -fPIC -fno-omit-frame-pointer -Werror -Wall -Wextra -Wnon-virtual-dtor -Wdelete-non-virtual-dtor -Wno-unused-parameter -Wno-unused-function -Wno-error=literal-suffix -Wno-error=sign-compare -Wno-error=unused-local-typedefs -Wno-error=maybe-uninitialized -Wno-narrowing -Wnarrowing -fopenmp -mavx -O3 -DNDEBUG ' +#CFLAGS_STR = '-m64 -fPIC -fsanitize=address -fsanitize-recover=address -fno-omit-frame-pointer -Werror -Wall -Wextra -Wnon-virtual-dtor -Wdelete-non-virtual-dtor -Wno-unused-parameter -Wno-unused-function -Wno-error=literal-suffix -Wno-error=sign-compare -Wno-error=unused-local-typedefs -Wno-error=maybe-uninitialized -Wno-narrowing -Wnarrowing -fopenmp -mavx -O3 -DNDEBUG ' CXXFLAGS_STR = '-std=c++11 ' + CFLAGS_STR SharedLibrary("paddle_fluid_avx_mklml", PreBuilt(True)) diff --git a/paddle/fluid/train/custom_trainer/feed/accessor/dense_input_accessor.cc b/paddle/fluid/train/custom_trainer/feed/accessor/dense_input_accessor.cc index b9a40b0a032377b660a859398e51a12a7c808749..b0d51017dc87f1eeb393062bcc76c2bb4d35b05d 100644 --- a/paddle/fluid/train/custom_trainer/feed/accessor/dense_input_accessor.cc +++ b/paddle/fluid/train/custom_trainer/feed/accessor/dense_input_accessor.cc @@ -42,6 +42,8 @@ int32_t DenseInputAccessor::create(::paddle::framework::Scope* scope) { GetMutable(); auto* data = tensor->data(); regions.emplace_back(data, variable.dim); + if (FLAGS_feed_trainer_debug_dense_name == variable.name) + VLOG(2) << "[Debug][CreateDense]" << ScopeHelper::to_string(scope, variable.name); } auto* ps_client = _trainer_context->pslib->ps_client(); auto push_status = ps_client->push_dense_param(regions.data(), regions.size(), _table_id); @@ -50,13 +52,7 @@ int32_t DenseInputAccessor::create(::paddle::framework::Scope* scope) { // rpc拉取数据,需保证单线程运行 int32_t DenseInputAccessor::pull_dense(size_t table_id) { - float* data_buffer = NULL; - if (_data_buffer == nullptr) { - _data_buffer = new float[_total_dim]; - } - // TODO 使用双buffer DataBuffer,避免训练期改写,当前异步SGD下,问题不大 - data_buffer = _data_buffer; - + float* data_buffer = new float[_total_dim]; size_t data_buffer_idx = 0; std::vector regions; for (auto& variable : _x_variables) { @@ -65,7 +61,10 @@ 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); - return push_status.get(); + int32_t ret = push_status.get(); + // TODO 使用双buffer DataBuffer,避免训练期改写,当前异步SGD下,问题不大 + _data_buffer = data_buffer; + return ret; } int32_t DenseInputAccessor::forward(SampleInstance* samples, size_t num, @@ -101,23 +100,11 @@ int32_t DenseInputAccessor::forward(SampleInstance* samples, size_t num, data_buffer_idx += variable.dim; } if (!FLAGS_feed_trainer_debug_dense_name.empty()) { - data_buffer_idx = 0; - std::stringstream ssm; for (auto& variable : _x_variables) { if (variable.name != FLAGS_feed_trainer_debug_dense_name) { - data_buffer_idx += variable.dim; continue; } - ssm.str(""); - auto& tensor = ScopeHelper::var(scope, variable.name); - const auto* var_data = tensor.data(); - for (size_t data_idx = 0; data_idx < variable.dim; ++data_idx) { - if (data_idx > 0) - ssm << ","; - ssm << _data_buffer[data_buffer_idx + data_idx]; - } - data_buffer_idx += variable.dim; - VLOG(2) << "[DEBUG]pull_dense: " << ssm.str(); + VLOG(2) << "[Debug][PullDense]" << ScopeHelper::to_string(scope, variable.name); } } if (_need_async_pull) { @@ -143,21 +130,11 @@ int32_t DenseInputAccessor::backward(SampleInstance* samples, size_t num, auto push_status = ps_client->push_dense(regions.data(), regions.size(), _table_id); //push_status.get(); if (!FLAGS_feed_trainer_debug_dense_name.empty()) { - std::stringstream ssm; for (auto& variable : _x_variables) { - ssm.str(""); if (variable.name != FLAGS_feed_trainer_debug_dense_name) { continue; } - auto& tensor = scope->Var(variable.gradient_name)-> - Get(); - const auto* var_data = tensor.data(); - for (size_t data_idx = 0; data_idx < variable.dim; ++data_idx) { - if (data_idx > 0) - ssm << ","; - ssm << var_data[data_idx]; - } - VLOG(2) << "[DEBUG]push_dense: " << ssm.str(); + VLOG(2) << "[Debug][PushDense]" << ScopeHelper::to_string(scope, variable.gradient_name); } } return 0; diff --git a/paddle/fluid/train/custom_trainer/feed/accessor/epoch_accessor.cc b/paddle/fluid/train/custom_trainer/feed/accessor/epoch_accessor.cc index 16bb5195c040d4554a297e4ed1d2a0ef0e3a1a1c..d874f9711101501c14380e864a4f3db6fd9d6b9a 100644 --- a/paddle/fluid/train/custom_trainer/feed/accessor/epoch_accessor.cc +++ b/paddle/fluid/train/custom_trainer/feed/accessor/epoch_accessor.cc @@ -155,7 +155,7 @@ namespace feed { } switch (save_way) { case ModelSaveWay::ModelSaveInferenceDelta: - return true; + return delta_id(epoch_id) % 6 == 0; case ModelSaveWay::ModelSaveInferenceBase: return is_last_epoch(epoch_id); case ModelSaveWay::ModelSaveTrainCheckpoint: diff --git a/paddle/fluid/train/custom_trainer/feed/accessor/label_input_accessor.cc b/paddle/fluid/train/custom_trainer/feed/accessor/label_input_accessor.cc index 1a18dfea48c03029bd45d3bfb83e21a42eb38b0b..5b5a90b8f4fa84983c12fc05a9ad6269487d6ac8 100644 --- a/paddle/fluid/train/custom_trainer/feed/accessor/label_input_accessor.cc +++ b/paddle/fluid/train/custom_trainer/feed/accessor/label_input_accessor.cc @@ -64,6 +64,11 @@ int32_t LabelInputAccessor::backward(SampleInstance* samples, size_t num, sample_predict_data_idx += label.label_dim; } } + /* for debug + for (auto& label : _labels) { + VLOG(2) << "[Debug][Lable]" << ScopeHelper::to_string(scope, label.label_name) << ScopeHelper::to_string(scope, label.output_name); + } + */ return 0; } diff --git a/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.cc b/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.cc index 2f3a584f3a41c33d58af105c2aaea8b2b730eb95..7a557ec69d34e7a184b0157e90e84b755b4060cb 100644 --- a/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.cc +++ b/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.cc @@ -44,9 +44,14 @@ int PSlib::init_server() { } int PSlib::init_client() { + // 所有节点都启动psclient _client_ptr.reset(paddle::ps::PSClientFactory::create(_ps_param)); _client_ptr->configure(_ps_param, *(_environment->ps_environment()), _environment->rank_id(EnvironmentRole::ALL)); + + _environment->barrier(EnvironmentRole::ALL); + _environment->ps_environment()->gather_ps_clients(); + _client_ptr->create_client2client_connection(); return 0; } @@ -64,8 +69,8 @@ paddle::PSParameter* PSlib::get_param() { void PSlib::init_gflag() { int cnt = 4; - std::shared_ptr params(new char*[cnt]); - char** params_ptr = params.get(); + char** params_ptr = new char*[cnt]; + std::cout << "alloc_ptr" << params_ptr << std::flush; char p0[] = "exe default"; char p1[] = "-max_body_size=314217728"; char p2[] = "-bthread_concurrency=40"; @@ -74,7 +79,10 @@ void PSlib::init_gflag() { params_ptr[1] = p1; params_ptr[2] = p2; params_ptr[3] = p3; - ::google::ParseCommandLineFlags(&cnt, ¶ms_ptr, true); + // ParseCommandLineFlags would change param_ptr, so copy it + char** params_ptrp = params_ptr; + ::google::ParseCommandLineFlags(&cnt, ¶ms_ptrp, true); + delete[] params_ptr; } } // namespace feed diff --git a/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.h b/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.h index 7e68337c091b6e07f5522d41620946f7ef91cf36..87f6af59ae749b23c949365907975e9987c98052 100644 --- a/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.h +++ b/paddle/fluid/train/custom_trainer/feed/common/pslib_warpper.h @@ -14,6 +14,7 @@ namespace paddle { namespace custom_trainer { namespace feed { + class RuntimeEnvironment; class PSlib { diff --git a/paddle/fluid/train/custom_trainer/feed/common/runtime_environment.h b/paddle/fluid/train/custom_trainer/feed/common/runtime_environment.h index c147b91f7bfd257bb84adc5f2298fdb6145de0a4..d6d91bc66c0fefbb4b0db76a1f66c75d04fc69f3 100644 --- a/paddle/fluid/train/custom_trainer/feed/common/runtime_environment.h +++ b/paddle/fluid/train/custom_trainer/feed/common/runtime_environment.h @@ -100,6 +100,7 @@ protected: virtual void print_log(EnvironmentRole role, EnvironmentLogType type, EnvironmentLogLevel level, const std::string& log_str) = 0; + std::string _debug_verion; std::string _job_id = "default_job_id"; std::string _job_name = "default_job_name"; }; diff --git a/paddle/fluid/train/custom_trainer/feed/common/scope_helper.h b/paddle/fluid/train/custom_trainer/feed/common/scope_helper.h index 307a835ac91ff10bfc85e57e039a3b00e326a113..399fd4f5501248921b71bc1d031bfce79ca33f6d 100644 --- a/paddle/fluid/train/custom_trainer/feed/common/scope_helper.h +++ b/paddle/fluid/train/custom_trainer/feed/common/scope_helper.h @@ -48,6 +48,31 @@ public: return tensor->mutable_data(place); } + static std::string to_string(paddle::framework::Scope* scope, const std::string& name) { + CHECK(scope->FindVar(name) != nullptr) << "Var named:" << name << " is not exists in scope"; + auto& tensor = scope->Var(name)->Get(); + auto& ddim = tensor.dims(); + thread_local std::stringstream ssm; + ssm.str(""); + ssm << "[" << name << "]["; + for (auto i = 0; i < ddim.size(); ++i) { + if (i > 0) ssm << "X"; + ssm << ddim.at(i); + } + ssm << "]["; + auto last_dim = ddim.at(ddim.size() - 1); + auto sample_rate = last_dim > 100 ? last_dim / 100 : 1; // 保证最后一层 最多只打100个 + auto* data = tensor.data(); + for (auto i = 0; i < tensor.numel(); i += last_dim) { + auto* dim_data = data + i; + for (auto j = 0; j < last_dim; j += sample_rate, dim_data += sample_rate) { + ssm << *dim_data << " "; + } + } + ssm << "]"; + return ssm.str(); + } + }; } // namespace feed diff --git a/paddle/fluid/train/custom_trainer/feed/dataset/data_reader.h b/paddle/fluid/train/custom_trainer/feed/dataset/data_reader.h index 9bd824f6c92e607a34284b0efabac7bdf1eefa5a..00dc1138776274426252db7488e1154f2cfb736b 100755 --- a/paddle/fluid/train/custom_trainer/feed/dataset/data_reader.h +++ b/paddle/fluid/train/custom_trainer/feed/dataset/data_reader.h @@ -6,6 +6,7 @@ #include #include #include +#include #include #include "paddle/fluid/framework/channel.h" #include "paddle/fluid/train/custom_trainer/feed/common/pipeline.h" diff --git a/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.cc b/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.cc index f702511b678a7046bee7ea827c53fe7da3d8a321..595ef2827837aa2d1de9e6579872474d5ced14cc 100755 --- a/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.cc +++ b/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.cc @@ -11,6 +11,7 @@ #include "paddle/fluid/train/custom_trainer/feed/accessor/epoch_accessor.h" #include "paddle/fluid/train/custom_trainer/feed/io/file_system.h" #include "paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.h" +#include "paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.h" namespace paddle { namespace custom_trainer { @@ -30,6 +31,9 @@ int DatasetContainer::initialize( _data_root_paths = config["root_path"].as>(); _data_split_interval = config["data_spit_interval"].as(); _data_path_formater = config["data_path_formater"].as(); + std::string shuffler = config["shuffler"]["name"].as(); + _shuffler.reset(CREATE_INSTANCE(Shuffler, shuffler)); + _shuffler->initialize(config, context); std::string data_reader_class = config["data_reader"].as(); DataReader* data_reader = CREATE_INSTANCE(DataReader, data_reader_class); _data_reader.reset(data_reader); @@ -182,7 +186,9 @@ void DatasetContainer::async_download_data(uint64_t start_timestamp) { } VLOG(2) << "End download data num:" << dataset_info->data_channel->Size() << ", data_timestap:" << start_timestamp - << ", for epoch:" << epoch_accessor->text(start_timestamp); + << ", for epoch:" << epoch_accessor->text(start_timestamp) << ", Start shuffle"; + _shuffler->shuffle(dataset_info->data_channel); + VLOG(2) << "Shuffle done"; dataset_info->status = DatasetStatus::Ready; start_timestamp += epoch_accessor->epoch_time_interval(); } diff --git a/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.h b/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.h index 0215a3563f0d519085c9ec84a13c4eddd8ab631f..aaf76839cc68b89f948e21e60030d0aa58c8a62a 100644 --- a/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.h +++ b/paddle/fluid/train/custom_trainer/feed/dataset/dataset_container.h @@ -16,6 +16,8 @@ namespace paddle { namespace custom_trainer { namespace feed { +class Shuffler; + inline int data_num_for_train(uint64_t train_begin_timestamp, uint32_t train_time_interval, uint32_t data_time_interval) { uint64_t data_begin_time = train_begin_timestamp; uint64_t data_end_time = data_begin_time + train_time_interval; @@ -76,6 +78,7 @@ protected: std::vector _data_root_paths; //支持同时读取多个目录 TrainerContext* _trainer_context; + std::shared_ptr _shuffler; std::shared_ptr _data_reader; std::shared_ptr _downloader_thread; std::vector> _dataset_list;//预取的数据列表 diff --git a/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.cc b/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.cc index af3d4f7cbf18bde80dadf10fcd11ba5135110b97..042baa36224b71220ee9a87c7463dbdf57fa463d 100644 --- a/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.cc +++ b/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.cc @@ -24,6 +24,9 @@ int MultiThreadExecutor::initialize(YAML::Node exe_config, _thread_executors.resize(_train_thread_num); auto e_class = exe_config["class"].as(); _train_exe_name = exe_config["name"].as(); + if (exe_config["debug_layer_list"]) { + _debug_layer_list = exe_config["debug_layer_list"].as>(); + } omp_set_num_threads(_train_thread_num); #pragma omp parallel for @@ -163,9 +166,16 @@ paddle::framework::Channel MultiThreadExecutor::run( } timer.Pause(); scope_ctx->push_gradient_cost_ms = timer.ElapsedMS(); + + // Monitor && Debug for (auto& monitor : _monitors) { monitor->add_data(epoch_id, this, scope_ctx); } + if (_debug_layer_list.size() > 0) { + for (auto& layer_name : _debug_layer_list) { + VLOG(2) << "[Debug][Layer]" << ScopeHelper::to_string(scope, layer_name); + } + } delete scope_ctx; // 所有pipe完成后,再回收sample } return 0; @@ -175,6 +185,7 @@ paddle::framework::Channel MultiThreadExecutor::run( std::vector gradient_status; while (gradient_pipe->read(gradient_status) > 0) { } + // 输出相关监控&统计项 for (auto& monitor : _monitors) { if (monitor->need_compute_result(epoch_id)) { diff --git a/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.h b/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.h index e1fbc42d699ed852d7bee9f9c6d64221e55b824b..7666ccb60ec462197749499b7e71480635708f4e 100644 --- a/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.h +++ b/paddle/fluid/train/custom_trainer/feed/executor/multi_thread_executor.h @@ -74,6 +74,7 @@ protected: YAML::Node _model_config; std::string _train_exe_name; TrainerContext* _trainer_context = nullptr; + std::vector _debug_layer_list; std::vector> _monitors; std::vector> _thread_executors; std::vector> _input_accessors; diff --git a/paddle/fluid/train/custom_trainer/feed/process/learner_process.cc b/paddle/fluid/train/custom_trainer/feed/process/learner_process.cc index 367f340b20c434f5f103292b12f90f161e3cb555..7b43ea5be664b73bcb85c93f0b210d8e55fdb374 100755 --- a/paddle/fluid/train/custom_trainer/feed/process/learner_process.cc +++ b/paddle/fluid/train/custom_trainer/feed/process/learner_process.cc @@ -69,6 +69,7 @@ int LearnerProcess::load_model(uint64_t epoch_id) { if (!environment->is_master_node(EnvironmentRole::WORKER)) { return 0; } + auto* fs = _context_ptr->file_system.get(); std::set loaded_table_set; auto model_dir = _context_ptr->epoch_accessor->checkpoint_path(); for (auto& executor : _executors) { @@ -77,9 +78,9 @@ int LearnerProcess::load_model(uint64_t epoch_id) { if (loaded_table_set.count(itr.first)) { continue; } - auto table_model_path = _context_ptr->file_system->path_join( + auto table_model_path = fs->path_join( model_dir, string::format_string("%03d", itr.first)); - if (_context_ptr->file_system->list(table_model_path).size() == 0) { + if ((!fs->exists(table_model_path)) || fs->list(table_model_path).size() == 0) { VLOG(2) << "miss table_model:" << table_model_path << ", initialize by default"; auto scope = std::move(executor->fetch_scope()); CHECK(itr.second[0]->create(scope.get()) == 0); @@ -152,7 +153,7 @@ int LearnerProcess::run() { } input_channel = executor->run(input_channel, dataset->data_parser(data_name)); timer.Pause(); - VLOG(2) << "End executor:" << executor->train_exe_name() << ", cost" << timer.ElapsedSec(); + VLOG(2) << "End executor:" << executor->train_exe_name() << ", cost:" << timer.ElapsedSec(); // 等待异步梯度完成 _context_ptr->ps_client()->flush(); @@ -183,7 +184,7 @@ int LearnerProcess::run() { CHECK(itr.second[0]->shrink() == 0); } } - VLOG(2) << "End shrink table, cost" << timer.ElapsedSec(); + VLOG(2) << "End shrink table, cost:" << timer.ElapsedSec(); } environment->barrier(EnvironmentRole::WORKER); diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/create_programs.py b/paddle/fluid/train/custom_trainer/feed/scripts/create_programs.py index e1fad3941b87ed29092b2c475786ad53df762e9f..c45c6b248e82e3eb2c565c08bf9089b6ba98eb0a 100644 --- a/paddle/fluid/train/custom_trainer/feed/scripts/create_programs.py +++ b/paddle/fluid/train/custom_trainer/feed/scripts/create_programs.py @@ -92,6 +92,7 @@ class ModelBuilder: def build_and_save(self): """Build programs and save to _save_path """ + scope1 = fluid.Scope() main_program = fluid.Program() startup_program = fluid.Program() with fluid.program_guard(main_program, startup_program): @@ -120,6 +121,8 @@ class ModelBuilder: for name, program in programs.items(): with open(os.path.join(self._save_path, name), 'w') as f: f.write(program.desc.serialize_to_string()) + with open(os.path.join(self._save_path, name + '.pbtxt'), 'w') as fout: + fout.write(str(program)) params = filter(fluid.io.is_parameter, main_program.list_vars()) vars = [] diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/join.py b/paddle/fluid/train/custom_trainer/feed/scripts/join.py index a7b98fffa17eed031aa8e0f08112ee399016d3ea..fd2e7ec3f456597e1e7b88c74b9f0f2c4eb48a2e 100644 --- a/paddle/fluid/train/custom_trainer/feed/scripts/join.py +++ b/paddle/fluid/train/custom_trainer/feed/scripts/join.py @@ -31,8 +31,8 @@ def inference(): param_attr={"batch_size":1e4, "batch_sum_default":0.0, "batch_square":1e4}) lr_x = 1.0 init_range = 0.2 - fc_layers_size = [511, 255, 255, 127, 127, 127, 127] - fc_layers_act = ["relu"] * len(fc_layers_size) + fc_layers_size = [511, 255, 255, 127, 127, 127, 127, 1] + fc_layers_act = ["relu"] * (len(fc_layers_size) - 1) + [None] scales_tmp = [net.shape[1]] + fc_layers_size scales = [] for i in range(len(scales_tmp)): @@ -41,7 +41,7 @@ def inference(): net = fluid.layers.fc( input = net, size = fc_layers_size[i], - name = 'fc_' + str(i + 1), + name = 'fc_' + str(i), act = fc_layers_act[i], param_attr = \ fluid.ParamAttr(learning_rate=lr_x, \ @@ -49,7 +49,7 @@ def inference(): bias_attr = \ fluid.ParamAttr(learning_rate=lr_x, \ initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i]))) - ctr_output = fluid.layers.fc(net, 1, act='sigmoid', name='ctr') + ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name="ctr") accessors = [ { "class": "AbacusSparseJoinAccessor", "input": "sparses", "table_id": 0, "need_gradient": False}, @@ -83,7 +83,7 @@ def loss_function(ctr_output): # TODO: calc loss here label = fluid.layers.data(name='label_ctr', shape=ctr_output.shape, dtype='float32') - loss = fluid.layers.square_error_cost(input=ctr_output, label=label) + loss = fluid.layers.log_loss(input=ctr_output, label=label) loss = fluid.layers.mean(loss, name='loss_ctr') return loss, [label] diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program index e828a50d5a918890d2751715cefff2f7b5c75cd8..10f500d3fb46e0ff87493d336d2f271f0821cca0 100644 Binary files a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program and b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program differ diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program.pbtxt b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program.pbtxt new file mode 100644 index 0000000000000000000000000000000000000000..c338cd99d3e40e343aed0de65984a8b119f2ad6e --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program.pbtxt @@ -0,0 +1,4968 @@ +blocks { + idx: 0 + parent_idx: -1 + vars { + name: "cvm_input@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 4488 + } + } + } + } + vars { + name: "bn6048.batch_sum@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + } + vars { + name: "bn6048.batch_square_sum@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + } + 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_4.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + 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_6.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + persistable: true + } + 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_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_5.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + 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.tmp_1" + 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_2" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + persistable: false + } + vars { + name: "fc_3.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "fc_1.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + } + } + } + vars { + name: "fc_2.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 255 + } + } + } + } + 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: "fc_4.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + } + } + } + vars { + name: "fc_4.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_0.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + lod_level: 0 + } + } + } + vars { + name: "_generated_var_2" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 4488 + } + lod_level: 0 + } + } + } + vars { + name: "loss_ctr" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 1 + } + } + } + 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: "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_1.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_sum" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + persistable: true + } + vars { + name: "_generated_var_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + } + 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_5.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_1.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_2.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 255 + } + } + } + persistable: true + } + vars { + name: "fc_6.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_7.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 1 + } + } + } + persistable: true + } + vars { + name: "bn6048.batch_square_sum" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + persistable: true + } + 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.tmp_1" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + 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_6.tmp_1" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + persistable: false + } + vars { + name: "bn6048.batch_size" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + persistable: true + } + vars { + name: "fc_0.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 511 + } + lod_level: 0 + } + } + } + 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: "fc_6.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + 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.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + lod_level: 0 + } + } + } + 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_0.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + } + } + } + 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_0.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + dims: 511 + } + } + } + } + vars { + name: "fc_5.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "fc_1.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + } + } + persistable: true + } + vars { + name: "label_ctr" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + lod_level: 0 + } + } + persistable: false + } + vars { + name: "_generated_var_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 4488 + } + } + } + } + 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_2.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + } + } + 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: "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: "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: "loss_ctr@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + 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 + } + } + } + vars { + name: "fc_7.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 1 + } + lod_level: 0 + } + } + } + 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: "ctr.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + } + } + } + vars { + name: "clip_0.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + lod_level: 0 + } + } + } + vars { + name: "fc_7.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + lod_level: 0 + } + } + } + vars { + name: "fc_6.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + } + } + } + vars { + name: "fc_2.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + } + } + } + vars { + name: "fc_7.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + } + } + } + vars { + name: "fc_7.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 1 + } + } + } + } + vars { + name: "fc_5.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + 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_6.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_5.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_5.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + } + } + } + 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" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + } + vars { + name: "fc_6.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: 127 + } + } + } + } + vars { + name: "fc_3.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 127 + } + } + } + } + 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.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + } + } + } + vars { + name: "fc_6.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_4.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + } + vars { + name: "fc_3.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "_generated_var_1" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + } + vars { + name: "fc_3.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_2.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_3.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_2.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_0.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 511 + } + } + } + persistable: true + } + vars { + name: "fc_2.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_1.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + lod_level: 0 + } + } + } + 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_1.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_1.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 511 + dims: 255 + } + } + } + } + vars { + name: "fc_0.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + lod_level: 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: "data_layout" + type: STRING + s: "NCHW" + } + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "epsilon" + type: FLOAT + f: 9.99999974738e-05 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_0.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_0.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_1.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_1.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_2.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_2.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_3.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_3.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_4.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_4.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_5.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_5.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_6.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_6.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_7.tmp_1" + } + outputs { + parameter: "Out" + arguments: "clip_0.tmp_0" + } + type: "clip" + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "max" + type: FLOAT + f: 15.0 + } + attrs { + name: "min" + type: FLOAT + f: -15.0 + } + } + ops { + inputs { + parameter: "X" + arguments: "clip_0.tmp_0" + } + outputs { + parameter: "Out" + arguments: "ctr.tmp_0" + } + type: "sigmoid" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + ops { + inputs { + parameter: "Labels" + arguments: "label_ctr" + } + inputs { + parameter: "Predicted" + arguments: "ctr.tmp_0" + } + outputs { + parameter: "Loss" + arguments: "log_loss_0.tmp_0" + } + type: "log_loss" + 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 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 \"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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "epsilon" + type: FLOAT + f: 9.99999974738e-05 + } + } + ops { + inputs { + parameter: "X" + arguments: "log_loss_0.tmp_0" + } + outputs { + parameter: "Out" + arguments: "loss_ctr" + } + type: "mean" + 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 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 \"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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 256 + } + } + ops { + outputs { + parameter: "Out" + arguments: "loss_ctr@GRAD" + } + type: "fill_constant" + attrs { + name: "op_role" + type: INT + i: 257 + } + attrs { + name: "value" + type: FLOAT + f: 1.0 + } + attrs { + name: "force_cpu" + type: INT + i: 0 + } + attrs { + name: "shape" + type: LONGS + longs: 1 + } + attrs { + name: "dtype" + type: INT + i: 5 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "loss_ctr@GRAD" + } + inputs { + parameter: "X" + arguments: "log_loss_0.tmp_0" + } + outputs { + parameter: "X@GRAD" + arguments: "log_loss_0.tmp_0@GRAD" + } + type: "mean_grad" + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Labels" + arguments: "label_ctr" + } + inputs { + parameter: "Loss@GRAD" + arguments: "log_loss_0.tmp_0@GRAD" + } + inputs { + parameter: "Predicted" + arguments: "ctr.tmp_0" + } + outputs { + parameter: "Predicted@GRAD" + arguments: "ctr.tmp_0@GRAD" + } + type: "log_loss_grad" + 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 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 \"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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "epsilon" + type: FLOAT + f: 9.99999974738e-05 + } + } + ops { + inputs { + parameter: "Out" + arguments: "ctr.tmp_0" + } + inputs { + parameter: "Out@GRAD" + arguments: "ctr.tmp_0@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "clip_0.tmp_0@GRAD" + } + type: "sigmoid_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "clip_0.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_7.tmp_1" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_7.tmp_1@GRAD" + } + type: "clip_grad" + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "max" + type: FLOAT + f: 15.0 + } + attrs { + name: "min" + type: FLOAT + f: -15.0 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_7.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_7.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_7.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_7.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_7.b_0" + strings: "fc_7.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_7.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_6.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_7.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_6.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_7.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_7.w_0" + strings: "fc_7.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_6.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_6.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_6.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_6.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_6.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_6.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_6.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_6.b_0" + strings: "fc_6.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_6.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_5.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_6.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_5.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_6.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_6.w_0" + strings: "fc_6.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_5.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_5.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_5.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_5.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_5.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_5.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_5.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_5.b_0" + strings: "fc_5.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_5.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_4.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_5.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_4.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_5.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_5.w_0" + strings: "fc_5.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_4.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_4.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_4.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_4.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_4.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_4.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_4.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_4.b_0" + strings: "fc_4.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_4.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_3.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_4.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_3.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_4.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_4.w_0" + strings: "fc_4.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_3.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_3.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_3.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_3.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_3.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_3.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_3.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_3.b_0" + strings: "fc_3.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_3.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_2.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_3.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_2.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_3.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_3.w_0" + strings: "fc_3.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_2.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_2.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_2.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_2.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_2.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_2.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_2.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_2.b_0" + strings: "fc_2.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_2.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_1.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_2.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_1.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_2.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_2.w_0" + strings: "fc_2.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_1.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_1.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_1.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_1.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_1.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_1.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_1.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_1.b_0" + strings: "fc_1.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_1.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_0.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_1.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_0.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_1.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_1.w_0" + strings: "fc_1.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_0.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_0.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_0.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_0.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_0.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_0.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_0.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_0.b_0" + strings: "fc_0.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_0.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "_generated_var_2" + } + inputs { + parameter: "Y" + arguments: "fc_0.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "_generated_var_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_0.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_0.w_0" + strings: "fc_0.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.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: "Means" + arguments: "_generated_var_0" + } + inputs { + parameter: "Scales" + arguments: "_generated_var_1" + } + inputs { + parameter: "X" + arguments: "cvm_input" + } + inputs { + parameter: "Y@GRAD" + arguments: "_generated_var_2@GRAD" + } + outputs { + parameter: "BatchSize@GRAD" + arguments: "bn6048.batch_size@GRAD" + } + outputs { + parameter: "BatchSquareSum@GRAD" + arguments: "bn6048.batch_square_sum@GRAD" + } + outputs { + parameter: "BatchSum@GRAD" + arguments: "bn6048.batch_sum@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "cvm_input@GRAD" + } + type: "data_norm_grad" + attrs { + name: "data_layout" + type: STRING + s: "NCHW" + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "bn6048.batch_square_sum" + strings: "bn6048.batch_square_sum@GRAD" + strings: "bn6048.batch_sum" + strings: "bn6048.batch_sum@GRAD" + strings: "bn6048.batch_size" + strings: "bn6048.batch_size@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "epsilon" + type: FLOAT + f: 9.99999974738e-05 + } + } +} +version { + version: 0 +} diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/model.yaml b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/model.yaml index c8093f88f28e20c0e7303c6641819893742a0d8d..9852f37caf7f9e32e299c951ee98ed199bc3ab9a 100644 --- a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/model.yaml +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/model.yaml @@ -42,20 +42,24 @@ input_accessor: - async_pull: true class: DenseInputAccessor input: - - name: fc_1.w_0 + - name: fc_0.w_0 shape: [4488, 511] - - name: fc_1.b_0 + - name: fc_0.b_0 shape: [511] - - name: fc_2.w_0 + - name: fc_1.w_0 shape: [511, 255] + - name: fc_1.b_0 + shape: [255] + - name: fc_2.w_0 + shape: [255, 255] - name: fc_2.b_0 shape: [255] - name: fc_3.w_0 - shape: [255, 255] + shape: [255, 127] - name: fc_3.b_0 - shape: [255] + shape: [127] - name: fc_4.w_0 - shape: [255, 127] + shape: [127, 127] - name: fc_4.b_0 shape: [127] - name: fc_5.w_0 @@ -67,12 +71,8 @@ input_accessor: - name: fc_6.b_0 shape: [127] - name: fc_7.w_0 - shape: [127, 127] - - name: fc_7.b_0 - shape: [127] - - name: ctr.w_0 shape: [127, 1] - - name: ctr.b_0 + - name: fc_7.b_0 shape: [1] need_gradient: true table_id: 1 @@ -90,7 +90,7 @@ input_accessor: - class: LabelInputAccessor input: - label_name: label_ctr - output_name: ctr.tmp_2 + output_name: ctr.tmp_0 shape: [-1, 1] inputs: - name: cvm_input @@ -100,8 +100,8 @@ labels: shape: [-1, 1] loss: loss_ctr monitor: -- {class: AucMonitor, compute_interval: 600, name: epoch_auc, target: ctr.tmp_2, target_idx: 0} -- {class: AucMonitor, compute_interval: 86400, name: day_auc, target: ctr.tmp_2, target_idx: 0} +- {class: AucMonitor, compute_interval: 600, name: epoch_auc, target: ctr.tmp_0, target_idx: 0} +- {class: AucMonitor, compute_interval: 86400, name: day_auc, target: ctr.tmp_0, target_idx: 0} outputs: -- name: ctr.tmp_2 +- name: ctr.tmp_0 shape: [-1, 1] diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program index a747784f491e64bf91931900f55e70a88e2126b2..2f3689047bfe564eaf2eea99ca760df17237ca1b 100644 Binary files a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program and b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program differ diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program.pbtxt b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program.pbtxt new file mode 100644 index 0000000000000000000000000000000000000000..d3b72f702ab920005b276038867930773bed7787 --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program.pbtxt @@ -0,0 +1,1464 @@ +blocks { + idx: 0 + parent_idx: -1 + vars { + name: "fc_7.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 1 + } + } + } + persistable: true + } + 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_7.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 1 + } + } + } + persistable: true + } + vars { + name: "fc_5.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "fc_4.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "fc_4.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "bn6048.batch_size" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + persistable: true + } + vars { + name: "bn6048.batch_sum" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + persistable: true + } + vars { + name: "fc_6.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "fc_0.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 511 + } + } + } + persistable: true + } + vars { + name: "fc_5.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "bn6048.batch_square_sum" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + persistable: true + } + 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_3.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + 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_1.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + } + } + 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: "fc_3.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "fc_2.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + } + } + persistable: true + } + ops { + outputs { + parameter: "Out" + arguments: "fc_7.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 1 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_7.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + longs: 1 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_6.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_6.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_5.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_5.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_4.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_4.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_3.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.0125244855881 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_3.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.0125244855881 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 255 + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_2.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.0125244855881 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 255 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_2.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.0125244855881 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 255 + longs: 255 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_1.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00884747877717 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 255 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_1.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00884747877717 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 511 + longs: 255 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_0.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00298540713266 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 511 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_0.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00298540713266 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 4488 + longs: 511 + } + } + ops { + outputs { + parameter: "Out" + arguments: "bn6048.batch_square_sum" + } + type: "fill_constant" + 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/initializer.py\", line 189, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "force_cpu" + type: BOOLEAN + b: false + } + attrs { + name: "value" + type: FLOAT + f: 10000.0 + } + attrs { + name: "shape" + type: LONGS + longs: 4488 + } + attrs { + name: "dtype" + type: INT + i: 5 + } + } + ops { + outputs { + parameter: "Out" + arguments: "bn6048.batch_sum" + } + type: "fill_constant" + 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/initializer.py\", line 189, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "force_cpu" + type: BOOLEAN + b: false + } + attrs { + name: "value" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 4488 + } + attrs { + name: "dtype" + type: INT + i: 5 + } + } + ops { + outputs { + parameter: "Out" + arguments: "bn6048.batch_size" + } + type: "fill_constant" + 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/initializer.py\", line 189, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "force_cpu" + type: BOOLEAN + b: false + } + attrs { + name: "value" + type: FLOAT + f: 10000.0 + } + attrs { + name: "shape" + type: LONGS + longs: 4488 + } + attrs { + name: "dtype" + type: INT + i: 5 + } + } +} +version { + version: 0 +} diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program index 6f6b0a9c760d96f87b7dc6ec9c543ceec60f1db0..f4cbe530e1dddcecdaddd7d10f5e84711ba092f3 100644 Binary files a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program and b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program differ diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program.pbtxt b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program.pbtxt new file mode 100644 index 0000000000000000000000000000000000000000..23b5fa90ec62f444e83f21cf30289317ccf3fab7 --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program.pbtxt @@ -0,0 +1,2305 @@ +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_7.tmp_1" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + 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_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_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_0.tmp_2" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + lod_level: 0 + } + } + persistable: false + } + vars { + name: "_generated_var_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + } + vars { + name: "fc_4.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + persistable: true + } + 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_2.tmp_2" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + 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_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_2.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.tmp_0" + 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: "fc_5.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + 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: "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_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_2.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + } + } + 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: "_generated_var_1" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 4488 + } + } + } + } + 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_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.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + 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_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_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_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_6.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: "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: "data_layout" + type: STRING + s: "NCHW" + } + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "epsilon" + type: FLOAT + f: 9.99999974738e-05 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_0.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_0.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_1.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_1.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_2.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_2.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_3.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_3.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_4.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_4.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_5.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_5.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_6.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_6.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_7.tmp_1" + } + outputs { + parameter: "Out" + arguments: "clip_0.tmp_0" + } + type: "clip" + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "max" + type: FLOAT + f: 15.0 + } + attrs { + name: "min" + type: FLOAT + f: -15.0 + } + } + ops { + inputs { + parameter: "X" + arguments: "clip_0.tmp_0" + } + outputs { + parameter: "Out" + arguments: "ctr.tmp_0" + } + type: "sigmoid" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } +} +version { + version: 0 +} diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program index 7b5a31c35d856102ee088e2d8f845a7a75714483..915ded2d9bf8c71fd5bf10db65299a0180a5c0ab 100644 Binary files a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program and b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program differ diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program.pbtxt b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program.pbtxt new file mode 100644 index 0000000000000000000000000000000000000000..0c87c3559645d17636be1004a1472c94563c4808 --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program.pbtxt @@ -0,0 +1,3618 @@ +blocks { + idx: 0 + parent_idx: -1 + vars { + name: "fc_0.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + lod_level: 0 + } + } + } + vars { + name: "fc_1.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 511 + dims: 255 + } + } + } + } + vars { + name: "fc_1.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_1.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_2.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_2.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_3.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_2.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_3.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "cvm_input@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 3672 + } + } + } + } + vars { + name: "fc_3.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_4.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + } + vars { + name: "fc_3.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + } + } + } + vars { + name: "fc_0.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + } + } + } + vars { + name: "fc_4.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + 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: "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_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_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_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_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_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 { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 127 + } + } + } + } + vars { + name: "fc_1.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 255 + } + } + } + } + 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: "loss_ctr@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 1 + } + } + } + } + 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_2.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 127 + } + } + } + persistable: true + } + 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.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + 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: "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" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + lod_level: 0 + } + } + } + vars { + name: "fc_4.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + } + } + } + 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_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + lod_level: 0 + } + } + } + vars { + name: "fc_0.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 511 + } + lod_level: 0 + } + } + } + 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_0.w_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 3672 + dims: 511 + } + } + } + } + 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_2.tmp_2@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 127 + } + } + } + } + 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_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_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: "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_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: 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: "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_1" + 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 { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + lod_level: 0 + } + } + } + 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: "label_ctr" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + lod_level: 0 + } + } + persistable: false + } + vars { + name: "loss_ctr" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 1 + } + } + } + persistable: false + } + vars { + name: "fc_5.tmp_1@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + 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 + } + } + } + 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: "ctr.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + } + } + } + vars { + name: "clip_0.tmp_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 1 + } + lod_level: 0 + } + } + } + vars { + name: "fc_1.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + } + lod_level: 0 + } + } + } + vars { + name: "fc_5.b_0@GRAD" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 1 + } + lod_level: 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_0.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_0.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_1.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_1.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_2.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_2.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_3.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_3.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_4.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_4.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_5.tmp_1" + } + outputs { + parameter: "Out" + arguments: "clip_0.tmp_0" + } + type: "clip" + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "max" + type: FLOAT + f: 15.0 + } + attrs { + name: "min" + type: FLOAT + f: -15.0 + } + } + ops { + inputs { + parameter: "X" + arguments: "clip_0.tmp_0" + } + outputs { + parameter: "Out" + arguments: "ctr.tmp_0" + } + type: "sigmoid" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + ops { + inputs { + parameter: "Labels" + arguments: "label_ctr" + } + inputs { + parameter: "Predicted" + arguments: "ctr.tmp_0" + } + outputs { + parameter: "Loss" + arguments: "log_loss_0.tmp_0" + } + type: "log_loss" + 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 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 \"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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "epsilon" + type: FLOAT + f: 9.99999974738e-05 + } + } + ops { + inputs { + parameter: "X" + arguments: "log_loss_0.tmp_0" + } + outputs { + parameter: "Out" + arguments: "loss_ctr" + } + type: "mean" + 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 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 \"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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 256 + } + } + ops { + outputs { + parameter: "Out" + arguments: "loss_ctr@GRAD" + } + type: "fill_constant" + attrs { + name: "op_role" + type: INT + i: 257 + } + attrs { + name: "value" + type: FLOAT + f: 1.0 + } + attrs { + name: "force_cpu" + type: INT + i: 0 + } + attrs { + name: "shape" + type: LONGS + longs: 1 + } + attrs { + name: "dtype" + type: INT + i: 5 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "loss_ctr@GRAD" + } + inputs { + parameter: "X" + arguments: "log_loss_0.tmp_0" + } + outputs { + parameter: "X@GRAD" + arguments: "log_loss_0.tmp_0@GRAD" + } + type: "mean_grad" + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Labels" + arguments: "label_ctr" + } + inputs { + parameter: "Loss@GRAD" + arguments: "log_loss_0.tmp_0@GRAD" + } + inputs { + parameter: "Predicted" + arguments: "ctr.tmp_0" + } + outputs { + parameter: "Predicted@GRAD" + arguments: "ctr.tmp_0@GRAD" + } + type: "log_loss_grad" + 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 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 \"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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "epsilon" + type: FLOAT + f: 9.99999974738e-05 + } + } + ops { + inputs { + parameter: "Out" + arguments: "ctr.tmp_0" + } + inputs { + parameter: "Out@GRAD" + arguments: "ctr.tmp_0@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "clip_0.tmp_0@GRAD" + } + type: "sigmoid_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "clip_0.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_5.tmp_1" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_5.tmp_1@GRAD" + } + type: "clip_grad" + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "max" + type: FLOAT + f: 15.0 + } + attrs { + name: "min" + type: FLOAT + f: -15.0 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_5.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_5.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_5.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_5.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_5.b_0" + strings: "fc_5.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_5.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_4.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_5.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_4.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_5.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_5.w_0" + strings: "fc_5.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_4.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_4.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_4.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_4.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_4.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_4.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_4.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_4.b_0" + strings: "fc_4.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_4.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_3.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_4.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_3.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_4.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_4.w_0" + strings: "fc_4.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_3.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_3.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_3.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_3.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_3.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_3.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_3.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_3.b_0" + strings: "fc_3.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_3.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_2.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_3.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_2.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_3.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_3.w_0" + strings: "fc_3.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_2.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_2.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_2.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_2.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_2.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_2.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_2.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_2.b_0" + strings: "fc_2.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_2.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_1.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_2.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_1.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_2.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_2.w_0" + strings: "fc_2.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_1.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_1.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_1.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_1.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_1.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_1.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_1.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_1.b_0" + strings: "fc_1.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_1.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "fc_0.tmp_2" + } + inputs { + parameter: "Y" + arguments: "fc_1.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_0.tmp_2@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_1.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_1.w_0" + strings: "fc_1.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } + ops { + inputs { + parameter: "Out" + arguments: "fc_0.tmp_2" + } + inputs { + parameter: "Out@GRAD" + arguments: "fc_0.tmp_2@GRAD" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_0.tmp_1@GRAD" + } + type: "relu_grad" + attrs { + name: "is_test" + type: BOOLEAN + b: false + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_0.tmp_1@GRAD" + } + inputs { + parameter: "Y" + arguments: "fc_0.b_0" + } + outputs { + parameter: "X@GRAD" + arguments: "fc_0.tmp_0@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_0.b_0@GRAD" + } + type: "elementwise_add_grad" + attrs { + name: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_0.b_0" + strings: "fc_0.b_0@GRAD" + } + 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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 1 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "Out@GRAD" + arguments: "fc_0.tmp_0@GRAD" + } + inputs { + parameter: "X" + arguments: "cvm_input" + } + inputs { + parameter: "Y" + arguments: "fc_0.w_0" + } + outputs { + parameter: "X@GRAD" + arguments: "cvm_input@GRAD" + } + outputs { + parameter: "Y@GRAD" + arguments: "fc_0.w_0@GRAD" + } + type: "mul_grad" + attrs { + name: "op_role_var" + type: STRINGS + strings: "fc_0.w_0" + strings: "fc_0.w_0@GRAD" + } + 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: 1 + } + 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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 1.0 + } + } +} +version { + version: 0 +} diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/model.yaml b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/model.yaml index 4a06938b9280f6571e5a745d7e963ef5f314e596..45650a3e0a2a447b3e15666adffe9b45daa03431 100644 --- a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/model.yaml +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/model.yaml @@ -42,16 +42,20 @@ input_accessor: - async_pull: true class: DenseInputAccessor input: - - name: fc_1.w_0 + - name: fc_0.w_0 shape: [3672, 511] - - name: fc_1.b_0 + - name: fc_0.b_0 shape: [511] - - name: fc_2.w_0 + - name: fc_1.w_0 shape: [511, 255] - - name: fc_2.b_0 + - name: fc_1.b_0 shape: [255] - - name: fc_3.w_0 + - name: fc_2.w_0 shape: [255, 127] + - name: fc_2.b_0 + shape: [127] + - name: fc_3.w_0 + shape: [127, 127] - name: fc_3.b_0 shape: [127] - name: fc_4.w_0 @@ -59,19 +63,15 @@ input_accessor: - name: fc_4.b_0 shape: [127] - name: fc_5.w_0 - shape: [127, 127] - - name: fc_5.b_0 - shape: [127] - - name: ctr.w_0 shape: [127, 1] - - name: ctr.b_0 + - name: fc_5.b_0 shape: [1] need_gradient: true table_id: 3 - class: LabelInputAccessor input: - label_name: label_ctr - output_name: ctr.tmp_2 + output_name: ctr.tmp_0 shape: [-1, 1] inputs: - name: cvm_input @@ -81,8 +81,8 @@ labels: shape: [-1, 1] loss: loss_ctr monitor: -- {class: AucMonitor, compute_interval: 600, name: epoch_auc, target: ctr.tmp_2, target_idx: 0} -- {class: AucMonitor, compute_interval: 86400, name: day_auc, target: ctr.tmp_2, target_idx: 0} +- {class: AucMonitor, compute_interval: 600, name: epoch_auc, target: ctr.tmp_0, target_idx: 0} +- {class: AucMonitor, compute_interval: 86400, name: day_auc, target: ctr.tmp_0, target_idx: 0} outputs: -- name: ctr.tmp_2 +- name: ctr.tmp_0 shape: [-1, 1] diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program index 2da50a2803f53c50979049e4d2d0f92490ec615f..19759ceb93245588a71b371961188f23b4210a10 100644 Binary files a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program and b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program differ diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program.pbtxt b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program.pbtxt new file mode 100644 index 0000000000000000000000000000000000000000..0208901a9ba6364b9f1d4a6e107f767afa06e36f --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program.pbtxt @@ -0,0 +1,949 @@ +blocks { + idx: 0 + parent_idx: -1 + vars { + name: "fc_5.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 1 + } + } + } + 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_0.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 3672 + dims: 511 + } + } + } + persistable: true + } + 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_2.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 127 + } + } + } + persistable: true + } + 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_2.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + persistable: true + } + vars { + name: "fc_4.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + 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 + } + vars { + name: "fc_4.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + dims: 127 + } + } + } + persistable: true + } + ops { + outputs { + parameter: "Out" + arguments: "fc_5.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 1 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_5.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + longs: 1 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_4.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_4.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_3.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_3.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.017747130245 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_2.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.0125244855881 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_2.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.0125244855881 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 255 + longs: 127 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_1.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00884747877717 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 255 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_1.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00884747877717 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 511 + longs: 255 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_0.b_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper.py\", line 128, in append_bias_op\n attr=bias_attr, shape=size, dtype=input_var.dtype, is_bias=True)\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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00330049172044 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 511 + } + } + ops { + outputs { + parameter: "Out" + arguments: "fc_0.w_0" + } + type: "gaussian_random" + 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/initializer.py\", line 356, in __call__\n stop_gradient=True)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/framework.py\", line 1736, in create_parameter\n initializer(param, self)\n" + strings: " File \"/home/xiexionghang/paddle/py-paddle/python/lib/python2.7/site-packages/paddle/fluid/layer_helper_base.py\", line 328, in create_parameter\n **attr._to_kwargs(with_initializer=True))\n" + 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + attrs { + name: "dtype" + type: INT + i: 5 + } + attrs { + name: "seed" + type: INT + i: 0 + } + attrs { + name: "std" + type: FLOAT + f: 0.00330049172044 + } + attrs { + name: "mean" + type: FLOAT + f: 0.0 + } + attrs { + name: "shape" + type: LONGS + longs: 3672 + longs: 511 + } + } +} +version { + version: 0 +} diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program index e0ce42330ed277e4190c41f6cffc4ac5251b311b..2fc01b0d890057ccdf7caed7358f74aff92255ab 100644 Binary files a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program and b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program differ diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program.pbtxt b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program.pbtxt new file mode 100644 index 0000000000000000000000000000000000000000..1d26d7ffe6ee386c63eab6a28afdf3f4818755de --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program.pbtxt @@ -0,0 +1,1642 @@ +blocks { + idx: 0 + parent_idx: -1 + 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.tmp_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: -1 + dims: 511 + } + 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_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_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_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_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_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_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_4.b_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 127 + } + } + } + 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_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_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_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_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_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_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 + } + 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_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_2.w_0" + type { + type: LOD_TENSOR + lod_tensor { + tensor { + data_type: FP32 + dims: 255 + dims: 127 + } + } + } + persistable: true + } + 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_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.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 + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_0.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_0.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_1.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_1.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_2.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_2.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_3.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_3.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_4.tmp_1" + } + outputs { + parameter: "Out" + arguments: "fc_4.tmp_2" + } + type: "relu" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } + 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: "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_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 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 \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_x" + type: FLOAT + f: 1.0 + } + attrs { + name: "scale_y" + type: FLOATS + floats: 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: "y_data_format" + type: STRING + s: "" + } + attrs { + name: "x_data_format" + type: STRING + s: "" + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 187, in main\n builder.build_and_save()\n" + strings: " File \"create_programs.py\", line 190, in \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "axis" + type: INT + i: 1 + } + } + ops { + inputs { + parameter: "X" + arguments: "fc_5.tmp_1" + } + outputs { + parameter: "Out" + arguments: "clip_0.tmp_0" + } + type: "clip" + 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 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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + attrs { + name: "max" + type: FLOAT + f: 15.0 + } + attrs { + name: "min" + type: FLOAT + f: -15.0 + } + } + ops { + inputs { + parameter: "X" + arguments: "clip_0.tmp_0" + } + outputs { + parameter: "Out" + arguments: "ctr.tmp_0" + } + type: "sigmoid" + attrs { + name: "is_test" + type: INT + i: 1 + } + attrs { + name: "use_cudnn" + type: BOOLEAN + b: false + } + attrs { + name: "use_mkldnn" + type: BOOLEAN + b: false + } + 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/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 \n main(sys.argv)\n" + } + attrs { + name: "op_namescope" + type: STRING + s: "/" + } + attrs { + name: "op_role" + type: INT + i: 0 + } + } +} +version { + version: 0 +} diff --git a/paddle/fluid/train/custom_trainer/feed/scripts/update.py b/paddle/fluid/train/custom_trainer/feed/scripts/update.py index b44e535d1473e1f367d40b51750a8ffee6ace240..919247d4debef456f1d74b62415d33289a26fcf3 100644 --- a/paddle/fluid/train/custom_trainer/feed/scripts/update.py +++ b/paddle/fluid/train/custom_trainer/feed/scripts/update.py @@ -27,8 +27,8 @@ def inference(): net = cvm_input lr_x = 1.0 init_range = 0.2 - fc_layers_size = [511, 255, 127, 127, 127] - fc_layers_act = ["relu"] * len(fc_layers_size) + fc_layers_size = [511, 255, 127, 127, 127, 1] + fc_layers_act = ["relu"] * (len(fc_layers_size) - 1) + [None] scales_tmp = [net.shape[1]] + fc_layers_size scales = [] for i in range(len(scales_tmp)): @@ -37,7 +37,7 @@ def inference(): net = fluid.layers.fc( input = net, size = fc_layers_size[i], - name = 'fc_' + str(i + 1), + name = 'fc_' + str(i), act = fc_layers_act[i], param_attr = \ fluid.ParamAttr(learning_rate=lr_x, \ @@ -46,7 +46,7 @@ def inference(): fluid.ParamAttr(learning_rate=lr_x, \ initializer=fluid.initializer.NormalInitializer(loc=0.0, scale=1.0 * scales[i]))) - ctr_output = fluid.layers.fc(net, 1, act='sigmoid', name='ctr') + ctr_output = fluid.layers.sigmoid(fluid.layers.clip(net, min=-15.0, max=15.0), name="ctr") accessors = [ { "class": "AbacusSparseUpdateAccessor", "input": "sparses", "table_id": 0, "need_gradient": True}, @@ -79,7 +79,7 @@ def loss_function(ctr_output): # TODO: calc loss here label = fluid.layers.data(name='label_ctr', shape=ctr_output.shape, dtype='float32') - loss = fluid.layers.square_error_cost(input=ctr_output, label=label) + loss = fluid.layers.log_loss(input=ctr_output, label=label) loss = fluid.layers.mean(loss, name='loss_ctr') return loss, [label] diff --git a/paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.cc b/paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.cc new file mode 100644 index 0000000000000000000000000000000000000000..3b980ec8179c9300d0fc05d3b49a9a57c34aff36 --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.cc @@ -0,0 +1,116 @@ +#pragma once +#include "paddle/fluid/framework/archive.h" +#include "paddle/fluid/train/custom_trainer/feed/trainer_context.h" +#include "paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.h" + +namespace paddle { +namespace custom_trainer { +namespace feed { + + +int Shuffler::initialize(YAML::Node config, + std::shared_ptr context_ptr) { + _trainer_context = context_ptr.get(); + _shuffle_key_func = shuffle_key_factory(config["shuffle_key_func"].as("RANDOM")); + return 0; +} + +class LocalShuffler : public Shuffler { +public: + LocalShuffler() {} + virtual ~LocalShuffler() {} + virtual int shuffle(::paddle::framework::Channel& data_channel) { + std::vector data_items(data_channel->Size()); + data_channel->ReadAll(data_items); + std::shuffle(data_items.begin(), data_items.end(), local_random_engine()); + data_channel->Open(); + data_channel->Clear(); + data_channel->WriteMove(data_items.size(), &data_items[0]); + data_channel->Close(); + return 0; + } +}; +REGIST_CLASS(DataParser, LocalShuffler); + +class GlobalShuffler : public Shuffler { +public: + GlobalShuffler() {} + virtual ~GlobalShuffler() {} + virtual int initialize(YAML::Node config, + std::shared_ptr context_ptr) { + Shuffler::initialize(config, context_ptr); + _max_concurrent_num = config["max_concurrent_num"].as(4); // 最大并发发送数 + _max_package_size = config["max_package_size"].as(1024); // 最大包个数,一次发送package个数据 + return 0; + } + virtual int shuffle(::paddle::framework::Channel& data_channel) { + uint32_t send_count = 0; + uint32_t package_size = _max_package_size; + uint32_t concurrent_num = _max_concurrent_num; + uint32_t current_wait_idx = 0; + auto* environment = _trainer_context->environment.get(); + auto worker_num = environment->node_num(EnvironmentRole::WORKER); + std::vector>> waits(concurrent_num); + std::vector send_buffer(concurrent_num * package_size); + std::vector request_data_buffer(worker_num); + while (true) { + auto read_size = data_channel->Read(concurrent_num * package_size, &send_buffer[0]); + if (read_size == 0) { + break; + } + for (size_t idx = 0; idx < read_size; idx += package_size) { + // data shard && seriliaze + for (size_t i = 0; i < worker_num; ++i) { + request_data_buffer[i].Clear(); + } + for (size_t i = idx; i < package_size && i < read_size; ++i) { + auto worker_idx = _shuffle_key_func(send_buffer[i].id) % worker_num; + // TODO Serialize To Arcive + //request_data_buffer[worker_idx] << send_buffer[i]; + } + std::string data_vec[worker_num]; + for (size_t i = 0; i < worker_num; ++i) { + auto& buffer = request_data_buffer[i]; + data_vec[i].assign(buffer.Buffer(), buffer.Length()); + } + + // wait async done + for (auto& wait_s : waits[current_wait_idx]) { + if (!wait_s.valid()) { + break; + } + CHECK(wait_s.get() == 0); + } + + // send shuffle data + for (size_t i = 0; i < worker_num; ++i) { + waits[current_wait_idx][i] = _trainer_context->pslib->ps_client()->send_client2client_msg(3, i * 2, data_vec[i]); + } + + // update status + // 如果在训练期,则限速shuffle + // 如果在wait状态,全速shuffle + if (_trainer_context->is_status(TrainerStatus::Training)) { + concurrent_num = 1; + package_size = _max_concurrent_num / 2; + } else { + package_size = _max_package_size; + concurrent_num = _max_concurrent_num; + } + ++current_wait_idx; + current_wait_idx = current_wait_idx >= concurrent_num ? 0 : current_wait_idx; + } + } + return 0; + } + +private: + uint32_t _max_package_size = 0; + uint32_t _max_concurrent_num = 0; + +}; +REGIST_CLASS(DataParser, GlobalShuffler); + +} // namespace feed +} // namespace custom_trainer +} // namespace paddle diff --git a/paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.h b/paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.h new file mode 100644 index 0000000000000000000000000000000000000000..86394235ade96b96be0e10a9d72603e9696460bc --- /dev/null +++ b/paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.h @@ -0,0 +1,69 @@ +#pragma once +#include "paddle/fluid/train/custom_trainer/feed/dataset/data_reader.h" + +namespace paddle { +namespace custom_trainer { +namespace feed { + +class TrainerContext; + +inline double current_realtime() { + struct timespec tp; + clock_gettime(CLOCK_REALTIME, &tp); + return tp.tv_sec + tp.tv_nsec * 1e-9; +} + +inline std::default_random_engine& local_random_engine() { + struct engine_wrapper_t { + std::default_random_engine engine; + engine_wrapper_t() { + static std::atomic x(0); + std::seed_seq sseq = {x++, x++, x++, (unsigned long)(current_realtime() * 1000)}; + engine.seed(sseq); + } + }; + thread_local engine_wrapper_t r; + return r.engine; +} + +inline uint64_t shuffle_key_random(const std::string& /*key*/) { + return local_random_engine()(); +} + +inline uint64_t shuffle_key_hash(const std::string& key) { + static std::hash hasher; + return hasher(key); +} + +inline uint64_t shuffle_key_numeric(const std::string& key) { + return strtoull(key.c_str(), NULL, 10); +} + +typedef uint64_t (*ShuffleKeyFunc)(const std::string& key); +inline ShuffleKeyFunc shuffle_key_factory(const std::string& name) { + if (name == "NUMERIC") { + return &shuffle_key_numeric; + } else if (name == "HASH") { + return &shuffle_key_hash; + } + return &shuffle_key_random; +} + + +class Shuffler { +public: + Shuffler() {} + virtual ~Shuffler() {} + virtual int initialize(YAML::Node config, + std::shared_ptr context_ptr); + virtual int shuffle(::paddle::framework::Channel& data_channel) = 0; +protected: + ShuffleKeyFunc _shuffle_key_func; + TrainerContext* _trainer_context; +}; + +REGIST_REGISTERER(Shuffler); + +} // namespace feed +} // namespace custom_trainer +} // namespace paddle diff --git a/paddle/fluid/train/custom_trainer/feed/trainer_context.h b/paddle/fluid/train/custom_trainer/feed/trainer_context.h index 030df06b9724fa37c3c553b8f3df828fe352f130..cb01dd4f9ab1fde3994b49fc444c5847ba1f5dd3 100755 --- a/paddle/fluid/train/custom_trainer/feed/trainer_context.h +++ b/paddle/fluid/train/custom_trainer/feed/trainer_context.h @@ -13,6 +13,7 @@ namespace paddle { namespace custom_trainer { namespace feed { +class PSlib; class Process; class Dataset; class FileSystem; @@ -28,6 +29,11 @@ enum class ModelSaveWay { ModelSaveInferenceBase = 2 }; +enum class TrainerStatus { + Training = 0, // 训练状态 + Saving = 1 // 模型存储状态 +}; + class SignCacheDict { public: int32_t sign2index(uint64_t sign) { @@ -44,7 +50,17 @@ public: inline paddle::ps::PSClient* ps_client() { return pslib->ps_client(); } + inline bool is_status(TrainerStatus status) { + auto bit_idx = static_cast(status); + return ((trainer_status >> bit_idx) & 1) > 0; + } + // 非线程安全, 其实TrainerContext所有成员的线程安全性 取决于 成员本身的线程安全性 + inline void set_status(TrainerStatus status, bool on) { + auto bit_idx = static_cast(status); + trainer_status = trainer_status & (1L << bit_idx); + } + uint32_t trainer_status; // trainer当前,由于可同时处于多种状态,这里分bit存储状态 YAML::Node trainer_config; paddle::platform::CPUPlace cpu_place;