From 6efc30f5d62cfe5bd66d2c659b851fe781ccbd8f Mon Sep 17 00:00:00 2001 From: xiexionghang Date: Mon, 9 Sep 2019 10:14:04 +0800 Subject: [PATCH] for shuffler and debug --- BCLOUD | 4 +- .../feed/accessor/dense_input_accessor.cc | 41 +- .../feed/accessor/epoch_accessor.cc | 2 +- .../feed/accessor/label_input_accessor.cc | 5 + .../feed/common/pslib_warpper.cc | 14 +- .../feed/common/pslib_warpper.h | 1 + .../feed/common/runtime_environment.h | 1 + .../custom_trainer/feed/common/scope_helper.h | 25 + .../custom_trainer/feed/dataset/data_reader.h | 1 + .../feed/dataset/dataset_container.cc | 8 +- .../feed/dataset/dataset_container.h | 3 + .../feed/executor/multi_thread_executor.cc | 11 + .../feed/executor/multi_thread_executor.h | 1 + .../feed/process/learner_process.cc | 9 +- .../feed/scripts/create_programs.py | 3 + .../train/custom_trainer/feed/scripts/join.py | 10 +- .../feed/scripts/model/join/main_program | Bin 74710 -> 74326 bytes .../scripts/model/join/main_program.pbtxt | 4968 +++++++++++++++++ .../feed/scripts/model/join/model.yaml | 30 +- .../feed/scripts/model/join/startup_program | Bin 29822 -> 29929 bytes .../scripts/model/join/startup_program.pbtxt | 1464 +++++ .../feed/scripts/model/join/test_program | Bin 33168 -> 34269 bytes .../scripts/model/join/test_program.pbtxt | 2305 ++++++++ .../feed/scripts/model/update/main_program | Bin 55307 -> 54913 bytes .../scripts/model/update/main_program.pbtxt | 3618 ++++++++++++ .../feed/scripts/model/update/model.yaml | 28 +- .../feed/scripts/model/update/startup_program | Bin 19151 -> 19253 bytes .../model/update/startup_program.pbtxt | 949 ++++ .../feed/scripts/model/update/test_program | Bin 23822 -> 24920 bytes .../scripts/model/update/test_program.pbtxt | 1642 ++++++ .../custom_trainer/feed/scripts/update.py | 10 +- .../custom_trainer/feed/shuffler/shuffler.cc | 116 + .../custom_trainer/feed/shuffler/shuffler.h | 69 + .../custom_trainer/feed/trainer_context.h | 16 + 34 files changed, 15273 insertions(+), 81 deletions(-) create mode 100644 paddle/fluid/train/custom_trainer/feed/scripts/model/join/main_program.pbtxt create mode 100644 paddle/fluid/train/custom_trainer/feed/scripts/model/join/startup_program.pbtxt create mode 100644 paddle/fluid/train/custom_trainer/feed/scripts/model/join/test_program.pbtxt create mode 100644 paddle/fluid/train/custom_trainer/feed/scripts/model/update/main_program.pbtxt create mode 100644 paddle/fluid/train/custom_trainer/feed/scripts/model/update/startup_program.pbtxt create mode 100644 paddle/fluid/train/custom_trainer/feed/scripts/model/update/test_program.pbtxt create mode 100644 paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.cc create mode 100644 paddle/fluid/train/custom_trainer/feed/shuffler/shuffler.h diff --git a/BCLOUD b/BCLOUD index 25c30038..7fd4d470 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 b9a40b0a..b0d51017 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 16bb5195..d874f971 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 1a18dfea..5b5a90b8 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 2f3a584f..7a557ec6 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 7e68337c..87f6af59 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 c147b91f..d6d91bc6 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 307a835a..399fd4f5 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 9bd824f6..00dc1138 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 f702511b..595ef282 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 0215a356..aaf76839 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 af3d4f7c..042baa36 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 e1fbc42d..7666ccb6 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 367f340b..7b43ea5b 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 e1fad394..c45c6b24 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 a7b98fff..fd2e7ec3 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 GIT binary patch delta 5106 zcmd^DZ){sv74P-4pZ%`?#C~aN$FUpdxy`>i?z59LVN)O}quok3mR3MOOs<x%mP}L`nSK^SQtKJHK=8x#zxxpPCn5HB0mtuO5`9!9>Ea+9|jAsBL^S(G%U7 z&{b-)`ekaiS={@4#2?__=p zWeysi@wsoF)<+;9hv1mmCll15or0&%2McC**k2I}39Am|YNIj}ic4ikqr*XoO|HV- zvJVM3;0eoS>uT<(4tYysRlGAsZ( z400FckRhRdD+wPDyRS*`pt%LcZ5~2kx9w|i)U<}FBDYdyv{XP{11tex)Ecxf+-|P) zqt^8#jx&VqUDTb)O(Zh8V)2l34YVmir%oFdA0dr1_7*#FukZ)CgMBb;SqX=gE=L=6 zA%3(pnMb3bqsdPE5$YMuq}e?Vl5h}gp&fj1JNIw{Trh><=X9OZxbNemV{A11gElL~ zZ$!VBMIWB9&!936hKS5eYiap+&BP1a9a}46cf%HYGrZ<#1-C=S{AA#x_K4MB+5^|< zYJB<*LOtSasU%i6hd%G@s#tZSKR)ofy0k`P9q=&OG4NJuVM!`sdKj^dV{98RvAST; zW%f65^KKRu)rsZ`wHi6S51w~LmpeB!uN_s&zwwb4m1l(N zq0$$oN~)1EKhho}Pb2QLrrMBN`GS*dSwBZ<9VH{iKqHFONy%4KRws0>!VS=#4Jq>R z?9d+%NVTAoBillkm77sxH!@5xG0(%BF* zrXl>vO_lOfrQ*QD8rCcA4tBq{gKj)P;Qb~aG(8&qY%x7CnM;qgk7uURW6?}Gz6<%M?deN5{|+ex?)9sNMmgdMcAo6{5*}K9wCyZM2@sTa!CenWCy>*k=Oep{uBJe<3xN9xbKD)a!z&K5E{I zjfGlmF{(*qTkJ5FCekr3ER1^!dMwrxk8{-)&AD>PQmKH6)K=LT+wKTeuHfq40318o zRYixlk8UFUxUKr&z3*+macf<-bZb3gqYW$(mhhcjI7FlxKz(rT@VCh%Y%K@kw;ruF zQ+dQ_e?QS#8A%1tmqYvBt)Z(%6{cT}q5N@8?L*X6jY*~Tu4Xd7_d6Fw^(7_>$+7=Z zB=%q2)VeehKT+tC^#{jh0zS2=s%53wtmydQGhhC{Ta&2Ws$be@klL`O8bMy{z+aqc zA~Bdd*{~*NL|b8%v__!+hif;w7`$EWo`&z9eEasDUU}X|wvj8d+G#ft-8BIkU-`a3 zV~F&~G(^veP%vFlVEtJy0R@(hLJ4|w6j^Yh}AW?vVl^s|d1lu(r~y}2A!?!6>P z!8C1$hb9P(u}*+=mO){&x$dA1a7QWW%l|8 zUxS?Xm*b7(xL|VE0mT;V6DQfZ*S$n954nh+=Oo}@iXp5_I8S2@gk|+_Jqsp$jbe6=@jL8ABiB}t3J|$@Mqrau=CTo e0bia|NKsG-a`4n#ko22GUJqdHDbIyT!@mHH>ng7R delta 5109 zcmdT|du&rx80Xx3dvAN%Ze548D`o3rwCm^|w;PN}mNEj8kqIggATmog3K{O%b|4@O zjlmfpZ2JNQCoi-3LJ=Iq5E3(-;b9^VQKE_Phkp>1Oa(~*!^3m$?O>FRokdLaCQaIV z9>3rB`@Zvi-|6|Uxbw$37N0ua#%|Rp4fj|xvM3uAC2n9wVB<#x?@cx!W zH+Bi>@~(xT)@8sNoePfPz06n~Ta=DWa7bG&D5wPl)dF^%chn#jzs6Yggrs?d#Uq0i zKn~6n#wp+1SqJRbbMTwa-uDV7C%IsfJ|~V}0BgB4_+8H=6&^Ea0KS+(gX(~Pb*)lr(BQxpo=gp?a z@0d@4FFB#?q#fR`pm&13lAc6pDFq4QgjqH8B3x;p$In|%fiH=W{E;0dt)>^@P%|Y7 z+a(Q7#%R7#DoRCi0u+rYn4Q%WRbIg#WzP+LT5{faWE&sWVYI*~=X5C}8`VrxwVJ`UF)wRLRaRXn>a~epTd*ox;*L}=t*x(K?DpE~g0-O%H_5kd51uk; z;*b-8cQ3|Ck~I>FY)pPX7E(d)&*JL%5c-wm41t9M+n)>zImKjtuSsAb_Q#D^nHg_A zi@He`y1+a+^tqc8k$n=A1x8IxurgE=AgUN`iXR3lhl*mBK#a!@}>IkVE_xc{>NXFXwhCsN!CKOm63>#FAE;-GkPXH}z^ovCk3ca@KI@=?a z7u(2F-xO_VibhISyGgLQpSHbNTV2-_36R$nYlx?t;Hb?66|Ffbk1U6~+n+&2q;{Ag zeaq~J>qq%zHBOg8U~mJ6lt8rb3MM>%XDT|V*tAcwX)>{?csMr2x&K3>9PbWgl-R|! zBX$r`d~jpS>!ih4wbeTH@!E*SEX>bWnv{W>NhLwRiLJKgJsO;i)x>o}&6dZ9^a%y7 z(mYwTvZg2mpZ1ph2b|+?Mvl)YwNNa0;n0lWn{vk3@i-?7duk1 zekH6vIPw2-JpI#=V;#o*vapg3F}cg!52ZvA29QUDT^;kDbo%tqLykZ3z*IyfiXW6T zshA8vEZ*Rc>hqgXx+p-~xrH8ALav zEhrywu zmx2RFLR1Tly(ZXj?HFa8k{FR!SZ>k>$zQiA$VlfUW?&GlBFs7*OJR^HHphhANQ}K| dLWMCwjXt1^mDbNEThT;@`u_oc%\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 c8093f88..9852f37c 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 GIT binary patch delta 1198 zcmezOg7M``Moq4VFBv%)1pdPSqm%>}M_O{cxn5Gdfe;r5yA&H23kRzJcxa9oyt(7Vb=z29p=s zRZYIHAkWOGv}y7l5mUy-%?B;H2`LwuoFK&u)Y3n>K#E8k6eo9C@=fMb)F9ple#ZXE zTh&N1KUkMU^M4tUV7?g%Zl7##Z$>!m`zEgw;hlWZl?apPF;1A=;Z1~V`zCV-@iA_h zEEPmVZ1zpw7tX`RSn;1xX~N_S;Y1i;HF;II2*?WlE!;xtPNt2!|O zv?^RxZ~`x~R$wNYEU2hTIJl}N+s7%P*=s%Mv4li)= zfH7eCB^*47o=Mbt)_C)v(Zm>!cp(8L7(Eyd#`(5|h$gV@G1#4!dCRtdnrbc(l9Z=Be94Sn4jAsJ*o$`F%GiSfCOiTuBlOMR-{a;0`pS#JF&c zzV85cz6=cf3oKe%O2A+VXr;hV(wCWWhlli8^^^nf2sp-{j$d}@UGKZk#3 zZ|zK}nh5P5jPYku12Lsy`SPw$vJ!S?B1Ze+^K*HS7O{^B!8#57lNt8QBZps(+wqde z3XkzE7h>iKZSy5#yx|AnK+`c;#9Km5{N|<_`LA3x@vnGlg)&BjA&h9n~eX zU={vcLIH3z5Uz9s3phP2;OFq^Dl4F-@J$8C7eHFF+8WDqRvdgkdStm$wH%6L_F_da zFf>?oUgB6gEaCQr3VChBi`_JsOp<|f!&T8Y;`iVO&MO1V`|^a*{{vx`Cm!zm^%Y0B o7rx?8wP%lKjXBWJhL_Vv;Tv90_wF(A3~py09BAw@+Ze9yH$RKkU;qFB 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 00000000..d3b72f70 --- /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 GIT binary patch delta 2194 zcmchZ!Ee(@6vjKY7(*UAP33c6+#t@9%76OHU0wO&ui1tv?uC(%I6BjI{j!7J# z0#pzZNWcN>U4R2Eh(iy1S;}RPRsVrqp&kGskPza8kdXESD|W^%?9v6~T<~Q)nr}Y; z-Z%2IuU}-IUS-Rf6J`{*fM-jYWdSM^Kx3}RC^^t!e3QQC{=7<8dA(#qmh8d1W3cO~z zoxi$z;;wYye`eEdC@$ehv20kHvJAv0J6v_Yt6oKnn{kjBe?U-?7-e_!h&+P8ALb-Ta!J>G zknM2pOODg!6y>0oTR*`RgI?|Zus6^N`%vQ3+J%7V3`!rTPEG{G#Dg1L4i(O`>z7$o zl5jUXV^dB(L87_=BLN9k^E9&C?D`JReqcqkq{37tkD(d35*A~M8)YkIkJRlLJ$wc3j9x;wh|4|Z>jrnm%i9(( zZoz2G+a=qREqg{J%}pGn^K%m3e;Gm7nf!s8acr_;lu{Grx>1tL zg(S=1S zaw44>rZ-y+ByGIC3M!-!Q-=s&>OF)=cK68v`eK;)Xk!8R7~xdZtB&7U8%~} zl$aLEhN%mE0~xn!Dsrnnu9q#nDiJ{$UluCm|_3` delta 1728 zcmb`I&rcIk5XYJQ*}j6TO{B~6qou8sVrl3PMS>*Yfs3LfN+L#Su(SlUV5A03OwfR0 zlmqKr@F0f7c=00E6BqEJo{e5KB!&YqUf>TP;M-T55KQAcu&3Sq&dg`tH#@UyPldTD zK_`!=1Y3!=Te!feC-!9a7P{qXvtPkYDTpB{j1H*|*TrC^PHgF9;&}L4qS;Aos-Y0c zCTo*A;0Sp2DyGK66I3mus-37*-36SN!Y3-37-OjpDyl?gq7H_^q!yM}N+lantg2RB zGkMHx^Wmzb;Ev!DMM~C!Ez@7>f+;0pW)+v?&0IU>*eE~yUfRZmf+*w8|35a!+hK;qkP=1aX#+) z1P9l%VJGDTE;+3g(h|;QZYCnm!$drPJDY!nONpNUf9_4w|CEW6QUZNWYoggM)AB{x zLjBqM2xjO=`USXwbCX>S>14xbDjV`dLY{$SwmmRDJd_z59t?y$qXU^#dw>=R1j*?l zvrgwX^oEc_);X;D>=?~^_|}Hr%h&Ft;5Qw0RXiAewA=s9zK\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 GIT binary patch literal 54913 zcmeHQO>7&-6&9^Oa%@R7?Zgg~G{gd}C{?CNN{XGJY#O6T5x{VRo)QGXc114bt(LpQ z?oyUw1aXf!_0$4I(o1`3g95z-=&6SQJ@!(dD01w%hXTD6?a6&JZ}xweVj791?dL-x zE+1#!%)I&LeLFMnvH$#bzBpHYee{H>!M}Clq(EcwuDv;+J8+Nc`(0L z;Oi1w<_#~DKa^vHGiK}<`5hrGbDTEMvlY{JUA5~uXdj_U1*q^+*E9eb(89CJf$0hT z^t@~p=w6Ad4GqJ2vMWkC&7!e;#Pm#b4-PJtGInsWh&^E-k>-FRH(1%U4^+|O2^tke z$FUH_(GlmGRB!BD!x^%}Cv9qmM7v4?a-JDWdl7R4>%)%6i6S)OCMoSD+seVN_~=FF zWh+M#+6a=k1~fy!3D*FaF@O%yqS|AN!VZ&@b!>-4r*$*i3IW-J*@|N@R`3N0FMJ3R zEdVn?0}==~#sG6@x6C&{%hr;~7G&{p9G7 z^qkX6#1X-&bNT`GM|+k!;vi?*Ge}GHmJ8pwVFoQtZC^JzYGun|xPZ;hhR!>IE27F0=XXkGx7`eXq_BMy9gH zF4{xYu}xh)(wy?5a+R$ftJY|sc5PGb83Pw)Zb7-mF86JxtE>ItPFuA{9=J*6rMKp| z_(@uPg)Pfc`Mg)IuuJgK(gwQQwTF87!e(Jx`Ngt$+SN?c^|bC`dGYqI3$@xChN;(- z?R)k>-##|6*PH{l zaiDv3MLdCD-L)-!V}srP)48f@YA3p*-qX#Y?nJcR-O13^(Y=vl)m+`|HwKzvsYAy; zfTlLOBgfG#Pu(}|?qPkS5j3&B$=kJ6+uXz!LUVq4{>^c>Ei2NNo!vdrn0{CExDvM_ z<<(m21JLVXpx0>F(>y&=!0t`)d&BDM(9EtbiZLw1Gc?n9Uw1lU)Eki}jk~rp(9AbO znL2b$r`Z4#aKR4sPOH(ZZQ|eVyT*GPe58Nq+ho_#K?A>g-H0l!CK}QH$S`}V26p6X zN4`Q*J)jnSyVk*R;vZ1!I@EAyf*NjNYxw|+hKj1dIO0|E(%zV$v{z8yZw>6;$ke|r zO5{b?-4nL~#&NX4lrm!@S62szX3w(3T(7W_=q5h@%Z0Dc%{_b#q?Ym7aq7uQd7&d@ z{>a!GN2dt*MB#~Zh!i}vs%yHb55Ru!8=wWueL#_w6BUd=Qvr$wng=k#p=ISb^)Rh^ z3g#Y`2z~N^a_Z>wn_!lo2kz%Ir?rCsBw=yi(A+ruKUmj}4R`(38mxjUEK!cf5orp* zpG3;NTT!GOIxro&o^hmkur>ms$Ymnljyf0PZQ2Ue@9<^4Z^BZhTViR4<`BS2M_~E@ zo9PuLJSWB$xDg5;?C+%{jJDFa*{&`)x;avy9K%&T-9f+m6NdHlK!Er1M6&7$9ek9-v8PIG3 z-zO=sYll7~zPE|^jQFaiNtBi-Em2ycw9}=u5`3cYl%TZoO)^p1r{{$lQCfW)U%LwW zopj!a(ms*z48IDc^|#wnZXHqDCv(q%C~XoIiPAo_d5 zAWBQSw6sf0yR=i@rIp|lQd&F@nSv+UrG1Ldh!CYEN()D`p0Z;wlX!M{yR-O{NE(N7p1fk*+QQYZ%{;hMtR?bc4=vsmUd}r zmv*|lv=V%x@RZo4l{Z^xmzH*E&*s8Op1(#1kLmo~te?NjqqP3@zm!`?l$IzhQCfKk zBRpwL2aj_v&CUM7V+6a%E-i-5h+v<*%TAP*C@oQ1qO{Ycv=V$mN{b;eQt(8(w6sfm zMllqK(#osAbeDF_KJaXMc6pQ*VKlZ&i;sxX5~U?dOO&>&&u)~KFS|=CkuCHYF?LzR zXOzLfh|&_JB}z+_cDj^Sf=?8l61%iAC?M_9(k?CS((=nOJ9L+p?$Sbt&QFVBcqj>y zl`9zaGZrSgy1?U-rUQR|O7S>zLx<+P_By|KoIjs>Jf&9i=$4`wh?grP#zL?<49Y3`(`~rM!N4|p_1HsRecjT% zt=hn_IyYK-JUr(>JMQqmHnwU!jBH1NLKV>EX${Uf3GKVY=Aqj}SkB?=3jbtS_~~=y zqY}H!LvqHDp;AV;2xClFm*o(hMLfBG62Qz3!2B(k#OD@r)7?hc?2jx6S7}@7fo|!J z=GoDZ#%&qKmkSBBh(~a{0Z74T!YLUA zIu@pQHs8ztp~$YVr8_)gyjuw)$FpZy=`Ba^8C_5BL1gnF?)`PPa0hZ?R8qMjst`^d zvqz-8n_m+6%ntbcY8v1Zi#FbB?Y7&(yYWpV62kJqx;}Ib)3zYiul$SShvf&-PPsX^ z{GuQ;i;r%iJf6-V>E!qo)&+ERLT?B{&~uybi2p);Kl1Avv$NL3P{8r1-$B)~M6QAe z2alOld=2ZH5-Xvu*$g>8iB|&w$K@D-FLUkpf4-%BTx8F1UnYeIl{NHdf-Do&g@LYF zX>jU|Ko|AeqU<~uEO61N2v@_O_*6$_KA6qJADxK9cz-2u}XS8A?{ zRb#7x>xBg*vffmoH)WzOp;Icq0{L6{iD;(&Hi`T#&JoGqN~U0P+%8QF%T9w{%LZ>LvMxDZsX`nzn#mGtCh4&}$~hEk>`yAuZOq=Bk?WFzWB7@}0f$x(9 zisVVAEJ*Pa3A3elkZkch?qROa>eWOhJam=5N;tC zD4pmGp%CR>q1-D^N}~En7<>jxM-)V;3t2jb(8vPCOqMRh5iO_0(nXEJl?>}9mhR3F zwh~JxmQF1Fe_-i|$Vrx-6ND`e(NZXjrHhzt2+^mobRj9Bm00>vw|c6LH-YfL+fx)p ziC8+Z^eM4)AK#KJJqBr6Xh$qv5xAsm)$UTDA_`PQfr=jQKt%;5gQX)1CRzGUgGU9) z0>w<0F2twG(nXEJl?>}9mQF04Qa`}Wm50F%pVajjc^f!>V$!e-&(KWceckC`sDQ|m z#$DSPXy%)t4BVLMcA7kDfJ;tn!ik;aUFj)%>4?ZlmY$RSD-O|8D2t_wWMLDrbRj9B zl~_8lbi;&~ZRZ%oAa;*iZX!b0ty!6(bQeh>r4)7Q>{%t+?vUE|Sa3#aKiKP=uCzehu z{c&RH|4K)Xi{dO><*8;$-J=04K@e0viqL#3{dy2Gcr}p8;^<9I=_lgoLQ(>&{~L-O mSA&0aE8WnKA+g@U874wbhDD7&-6&5YalE#+BFm7x!Zb~fBh*A|&q$Jx3%KjKdiUNgG^pqe77AtZoZME_K^18_S$RF+>tTM5=Gn32SePQ zoq6;3&HHBFyvKg>$N8nX;^W|7q5KuL+HLENn%^7fTi^Kh_rLkA(v79X@-5$62HV&Am?UnFUWTV@?B;NJl{f?S#x~JJni*DU3ASD1yUTq28GLc%6*wbE6Pkg+A+pz|=sK}fZL z#;5|YqGGbB73Fzg`-px?wGWowNRV6#FSr>vpO6_ ziAtB(6+n?=J9ElBo|mm7C*r8qd6BKyeb3X|zKgRZ8bJj)@vsvmg5~uj)RRv<+2JE6 z-ixAN#cV0zNDn4T*sXH@juKoQqZbXla z0vY%i5b$a+?_{rM&Jvy!7tNi#HCM@LRL3L=9VZ_`xL7oB5=Rg&R*v#5c7<0URNSJK zoR=iuh6{kYW*4+yF0-qw@MbBRR&0e8-YW6cAJ?hp*!&wqzriDKpX-q6-o+2#H~ zcl)-f9~y3PLA%DT9_h}o2eZM}J66ww0aMVfv*)^fw{7a(!FE&c4}H+gikH4O$CDqY zldrHvnJXV|+VkuR{B(?->9zXJ-!SO5MU;aVgsoT~bJmh~iYj^6N<(rV8{lM5az2KX! zJ+wOYt_uP@?7I(YgJW&8Vq1<`Y23NHwOO&8iZK|NPDk$#SOxwWzVCXi2M-N*->dDL zepM4s;H&$6$6Q}$_x^sSqT0r>>FNijJuqEG+MVqTSzXf~x=zJ2?QX4SSdKn$`}MT=|kQKY?A zX}k||eGtku9CQrdR5IAPBfhtst_js_n<5*_v3$$0tsk0hOZ0k8c~ZOIcYB8YohVHe znx?f?gCXF-I5b<0+E!%)|MuRt-dX28tp{VW?V2D#(7c`^%B!ymQTB$G-O&vgMxJpP z$Rni#GSlr>TG&ne2MS$<0=_%GfX3Y&Q3CH@QBP46jE#7aJh#^;$qk$CtG#|_Xq#UX zIr6Nl-mzDMv2nQ0v?60e&(wPl?2hAzsa|5sqLujcFBZN$H}}EUA=M&2J4!t{E?#Vj zG=F1km4lOlJt{i!6+DGbjq<8#n>`r54=s=arapkk%CQb(z|aASdWH`u!jWa=DD^Nc zdJ5$pFA@0U;pEi8=Xc>GKMUB;sZL`X@kgTKo@ID(^nY*7II_I8*DA0G>aaq&J_n>J z;C>P)ckik|IRJIlX#3Wo;lt7hh$2^scs;5-8L!i3Bz}vp>RlUFGSd+&J5-1871e<0 z<7=i)l+c?PyU53&(7^t^oJ7$^8aA8di>_%8HOR;Ebl>z)Nn2&h9Lw9o0Lmvo$bS$* z=4z5TkaBkF*+=Jskh`eXNMwmXN9YTvBEv&Kkw2Whcu7#ajcU8p9;FT(hr&o;frimf z!o86G%qH&rDus2;NMpoZUqxe-TT{emiO&+BB|bY>CP5}zeLOMG^!d{$zQicSeWE3J#@eD>Kf4k12Ed=_l7o-O;AN%XqB^Vz@x zGo{oKpCvxaO&C9);bP8lbA!%j$?i{>8lI-z-z2!F@>#?><$PAyRjXTh@{$PgS>m(A zXNk{FmCs7-iTEtug;W$XOhMv&3gp z2GV42oO4m`9PY7wUOtOhr|?m(AXNk{FmCs7-iTEsf$4Q|R@mb=t z#An6b&TX5;DOH2iaxM6V; zht8U}{+GO(%nr{}4 zhqHr+bSw6hZ^aVI%?!%@B8hBGt{J{nQv6U?kdx+noQ~f)^M-pT@(KEU=v*&|%kj97 zc8B~Y;-#|#kRMOo&s^iqZS=gGa)T}yCOX3QTJNoab8T=H`gYH9hTunZ=)c3Ag+9#X zt9P5ir>F1@-yJ&O&$Ew?efg6lTTPW+6_HU|5x)g**4&+YOZ*Q7zZ(>se`l+)g-(Fu z9)v}$xC}B!E{pIit;a;IZpfNH(c5JISz<47$He)FQyPa!jq)Yzozqap{!CaiJ6QAk z^S~P1#Y)ZhY^;&V2yBd=>WqCxZOnc%4s05wRaAh&h#}>RJ=1W~I>{%56SIR8f0;f` zY~9(tjo|=bcnECpj|XN;6QhN{fZ!aUlW1>36osSrVT)Ttvv?2wlB+hndt>OsTlmfO zl)XS*NbRfN#fTHJ#Xr;$l6nd+A0jGnrQI_You!FO_QMV+0?bkg5sL^C3bJigP&SU2Oh z=?mH?6QUGiOKNlLMhKM2Fl9^Z(pv&T%h%M9H?X~hXnB&jH?+rf(x72e$1U39!a$4! zTc-kBKV~dxW6@*~+%{DBl5ms(R2T)Zd_|r+hDzK?^(8udoFRRQ4j<|85uzwQh5mO7 z+Gi{q@(|b(CTSS}C}X?65NK+pSftjt-UbTC$@R9E6H!_33Bz45n7bD%StE0{8A4Dp zXCrgAD6;UgdFQI2spf3|TF%B@$&tgTu-SJMZibY36{1$lG`QKAK;j@Oc6kXxS|j>q zBPb+91P#78gK*b{>~Pm~!C{7=nl3od1&33KZT%r*sk`@0_M*bCQ`nUSYm#9v^Wd$g zMz1M?>kJ_d(d$#D*A%&Wb|Y68w4Yzj0YOQ*SGeu(l2GgTHLxs9l%)H5NV->o_GUe@^Qkq^TM|xV?*x@D0%>INs1mrv@EbAimnMe zVsK%7pPWRIlPGc$^+Y>~%B1KBf=P;wAv3ZtF_WT;HzKo&h2*^o_o)dB{j?gku7DX2k+7O|m1M^IZE>cQlC5k>UosQlgi2HAN zr|ubYGEEe{ZP;e3QQN9)R6PE-_qO%U`Z`>nBsYO4bQ2gqMGxRDNzr47mIZc1(TSpS zV*bh?xb;JEc45T=52x0l!9C1ST%so_E>R{$M-WU>^zB;u6dhA$Qgo4gsuW$6C=|)4 zY@+By(J3e<=#O;DbY7=SlU)2BL(x^3WuZlTv*z~(x)Mchy9WF@Vdo?hWl?mId?Jc2 zQc7ecicS>WvSFjGe$elk^&`tX0H^dx-;y7ml|8|SUnFM z3^llWA;P!w!ndEylM4?DVWfMgwicS=rR9GXFBIT~{2DY}Yu5k+rgP;^Y0Nzp~}sZw-NqEIBGvWcP-MJI|*6#WUJ=%1zUqN^|) zgp5Ay!3qSSOjLm8hv=$<&LB+|L2qzAKM_F}DJ8B3-_T8Th#e_I$B>yjouQMNyWKgN LnS1HN(%k<6n@Oq3 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 00000000..0c87c355 --- /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 4a06938b..45650a3e 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 GIT binary patch delta 845 zcmX>5k3Y%wF*hRFs- zW<-USk;r5P1>VU=El9D$NQH6oi*T{9Mfbr6oe3 tv}!Qf-bkGozby9>k>%lHEzU?RNEP6&_|L4gog3AlkHYH2hvafE4FK>R04M+e delta 1038 zcmchTv2W8*5XN(L9Xrpl>!y*?m`b%Q+B9k!k))~WA%V6q6$vIbY8l6YAjggpyR-`# zn2=c9Q@ijdFhPK=3@nTl6Jjhgph`%Ht-PeF5CbGE-1JW0ci+3;y*hxSeb^xH_JNPc zr{@Jqig1?S&fhUEB?!+cQ8Lc6GE9S#J`)~LAx;IJM5)k~A$+I^4Ao}{U$=}R%8)8w z7`#jQzFDN^7~!b-6y)w8XkZ+CAyAPc>_7}Zm%=R`GoXgW1Xf@+oJ_6K0qr=RkO*@l z@Dt~&DPq0hIELl99p7|)ZGs41%V>L!ZETxunbnSZ$6^VX!m8eTo>^wV-HR%q<9lIh zozfXz;I{%_t*CV;Xw>qKxofvO`MR~>+I~(gXn|38bCo@^H zZeU?b8`E`Mn>Aq>PZqD^*F_G$&#v8?AhEjFwrs;{1#~9`)oU=`X&= z_*4{`E=_$Vj+S~Q`7fzI(!)~&bc;#ssvASM?K>~x)%lg7`~e\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 GIT binary patch literal 24920 zcmeHPO>Y}T7>=8yv8PGnrj;5@537|RPL$eSJ89DjgXp0W5-J>v5L!0tv9rp4X?LC2 zR8@QJ58!|(cj$%R0OH7j6XM938^0jDGqd)Ny|I&u#F*yICEnTDnfINKXXn{@=OMrS zoXO7Qk9vQZLV;wProL4=)GI5C*@Z%uT+YttpXHyeW(q|@;9jK^IX>K7g}XOM9`5#@ zKFZ{eX7e+vGleytv&M63D>otMb+SB|^BK?h7O$>S+JyqIK(+-k&$7)zZQ_z-_Z^g|zrm^AVY}KXdaI?-`9Z!ByxPLb7}q=a1N3@my`_Io5CDxysOU zFedp7ko#)Xd=oCb&Fio7a+aX}99dxXXZYY)CyS~! z$k>dcU8?DJQNPWRt0ePyC7HcsiDW)oVb~;E>l&H;1m?5^NQGIaZL7=Vis$QrXH)&a z2=epl4RW=kyKP4|JzH;BP6%@@quwOfnqFX1z3JDgy4Q{XAo7<#onhI#>Fi5nAug58 zSoJztgiF_OXlQyq&0pHcl-2JRc&cgGb{HAvet!PJ_ZdZbXxUUz%X^+f%N>h$EYEH2 z8E&iW8;yod%YOHE|5voCEpWADwu6AWk-lqt=6-R#)OWGC z!Tj1(Ha3KZ;Lg|Q?@m~DUCEc));4#hY4R3V2S<^5U(ud|UC;Y=wf%+>QK^8fyZm{} zZBlU4q`Vl*wIa)~t*>ZM=e=H%Qc91!z%lHPk~~FdntG)KLm-54Nb6duqHKuY;pf&D z>#V20?2Sn?pkP6-c|*w*ts(}|ZridOx&h-TG!A+O#pc0FwdpB!(NF9`SY3n~K0ZYa zJHlJm!Q4?^6%3BSDp_d{Pf^-EVefm6*J#`HeO@9fx)^rD5)6)mb)x18X@^vI_U(r2 z^0~f3a=e+?{Lg3JnVEV10pwZ`X`NI`H$PYBd43^enW2*eJ~BM9*K-PS->yrP1LA<_hZe;6sZcVwjW1DFnGWE~h0yc+>g;@8BW zA4Qgp`LvmsUuUoNrVXz$>hf1RxPt&2F9aqJu*a^7hE`65%&|ep*I<9;hGA4o<7Txm z7f`#cLOE8bM>LH1v&$sMz}#&2u>2Gd`Fj>2a%v#*<$nT^+xO%JXM#F>!5|jNkO(mH zo@FfgrI)U$H3hb)Mno)c>kk*Xivrz>pEmB&f zv`A?uOKD^9k>P2G(#Bu4ko2veLrVK* z?l~Z(9Y#f@wEx%5lG6a6Olbw!Nt9OXMN8NxLMD*X;w~-j(&8@dgm-CU@JT4G2s%l@ z6YkPppcoOPv`A?oH0y$e!JKAgH)@x*7xtRMO{BC)X;~=a>jf~53S_}uT8#e_A%|xf z|92YTlPRqLJBiYYuxJVU#Q6rKv`A@@(jujuFr|&bC!w_Bd`SwPkkTThJ);9BqtV*z#&r4{G=CG3k&p=01N z1|DPJF$Nw_Ht;wGpM=tGacO`QJRzk;N{f`1>pj#k@E8M+LC-`!ODkY>;4H03LQ0F2 z7AY-KT9Zz%O3Ul+(#FV^tQmz4nY3n%#mA7+BBe!2ipD(#8UXc$OB= z(w>bhAnww}>Q*QZH72xqIyWoiUD{XKL>{WA;(A@Eeh%oF7Ur0`X^7af%q1AFct5FYfJ$dPMIl5+qVR`LQa5@qSaLfl1Xp(pn@0?hOP z%%A;9d~TAPVOhXtv+aUhrRVA`>e9f7JXzAX8q4^yOdKr+72G_(7c1U6X!hvx{QWw1L=m{o}f_bSpApR;3rkT15~Ap{rdtc4#-W;z6MY zp)wG$z8C)?-aHK)6@*=6^Q4#UqVBTG@G{szPvXV;C0Vs>OjB4+$@e|)^ZwqC@5$;C zJXnAMQd-5!!O~x_gAsqeO!3VUN+uYJI{+iPboMobzX9AeD3+QJ8TbA{l z?kM0oqtH=V^vdKPE zj9J!=FW4ZkkJvQcVTngG;Ctx!gz$9yRiANI{-^lF?!|it9>ep7dhitkIh+^$%*Y5H z?$5(8E{>f=HN@fPeg)sT&%k>m5<;`FsN9Ff%F$o2dqD;^@PaZ8pQw0@-CcJQp5bx- z8_NJ|p$-6oF>3(5nstEJ$qoR19J2=SHDw*(Zn^`2kEg8xygg?f;L=5_0P2R5>?d$p z)DxUEuC*ri5;l9YVlLr~a{m8UWT3XgCP4%OSHwTTbeX0`Zc|zfX6bznGEl~ss*E3U z@yJ9WQZ80vsuol8h0197#?)kKdTKlzQ_J~MaWqU59*&Yz{|-QGj*uRG9=(s5(l!qL uFVN00pDw~?D=W8Q4`DLFFV1ZsT6=2)ErH*zW?+c|tnKANoUn@wZ~F~Qcf%b3 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 00000000..1d26d7ff --- /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 b44e535d..919247d4 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 00000000..3b980ec8 --- /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 00000000..86394235 --- /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 030df06b..cb01dd4f 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; -- GitLab