easy-cs-rec-custommodel 0.8.6__py2.py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.

Potentially problematic release.


This version of easy-cs-rec-custommodel might be problematic. Click here for more details.

Files changed (336) hide show
  1. easy_cs_rec_custommodel-0.8.6.dist-info/LICENSE +203 -0
  2. easy_cs_rec_custommodel-0.8.6.dist-info/METADATA +48 -0
  3. easy_cs_rec_custommodel-0.8.6.dist-info/RECORD +336 -0
  4. easy_cs_rec_custommodel-0.8.6.dist-info/WHEEL +6 -0
  5. easy_cs_rec_custommodel-0.8.6.dist-info/top_level.txt +2 -0
  6. easy_rec/__init__.py +114 -0
  7. easy_rec/python/__init__.py +0 -0
  8. easy_rec/python/builders/__init__.py +0 -0
  9. easy_rec/python/builders/hyperparams_builder.py +78 -0
  10. easy_rec/python/builders/loss_builder.py +333 -0
  11. easy_rec/python/builders/optimizer_builder.py +211 -0
  12. easy_rec/python/builders/strategy_builder.py +44 -0
  13. easy_rec/python/compat/__init__.py +0 -0
  14. easy_rec/python/compat/adam_s.py +245 -0
  15. easy_rec/python/compat/array_ops.py +229 -0
  16. easy_rec/python/compat/dynamic_variable.py +542 -0
  17. easy_rec/python/compat/early_stopping.py +653 -0
  18. easy_rec/python/compat/embedding_ops.py +162 -0
  19. easy_rec/python/compat/embedding_parallel_saver.py +316 -0
  20. easy_rec/python/compat/estimator_train.py +116 -0
  21. easy_rec/python/compat/exporter.py +473 -0
  22. easy_rec/python/compat/feature_column/__init__.py +0 -0
  23. easy_rec/python/compat/feature_column/feature_column.py +3675 -0
  24. easy_rec/python/compat/feature_column/feature_column_v2.py +5233 -0
  25. easy_rec/python/compat/feature_column/sequence_feature_column.py +648 -0
  26. easy_rec/python/compat/feature_column/utils.py +154 -0
  27. easy_rec/python/compat/layers.py +329 -0
  28. easy_rec/python/compat/ops.py +14 -0
  29. easy_rec/python/compat/optimizers.py +619 -0
  30. easy_rec/python/compat/queues.py +311 -0
  31. easy_rec/python/compat/regularizers.py +208 -0
  32. easy_rec/python/compat/sok_optimizer.py +440 -0
  33. easy_rec/python/compat/sync_replicas_optimizer.py +528 -0
  34. easy_rec/python/compat/weight_decay_optimizers.py +475 -0
  35. easy_rec/python/core/__init__.py +0 -0
  36. easy_rec/python/core/easyrec_metrics/__init__.py +24 -0
  37. easy_rec/python/core/easyrec_metrics/distribute_metrics_impl_pai.py +3702 -0
  38. easy_rec/python/core/easyrec_metrics/distribute_metrics_impl_tf.py +3768 -0
  39. easy_rec/python/core/learning_schedules.py +228 -0
  40. easy_rec/python/core/metrics.py +402 -0
  41. easy_rec/python/core/sampler.py +844 -0
  42. easy_rec/python/eval.py +102 -0
  43. easy_rec/python/export.py +150 -0
  44. easy_rec/python/feature_column/__init__.py +0 -0
  45. easy_rec/python/feature_column/feature_column.py +664 -0
  46. easy_rec/python/feature_column/feature_group.py +89 -0
  47. easy_rec/python/hpo/__init__.py +0 -0
  48. easy_rec/python/hpo/emr_hpo.py +140 -0
  49. easy_rec/python/hpo/generate_hpo_sql.py +71 -0
  50. easy_rec/python/hpo/pai_hpo.py +297 -0
  51. easy_rec/python/inference/__init__.py +0 -0
  52. easy_rec/python/inference/csv_predictor.py +189 -0
  53. easy_rec/python/inference/hive_parquet_predictor.py +200 -0
  54. easy_rec/python/inference/hive_predictor.py +166 -0
  55. easy_rec/python/inference/odps_predictor.py +70 -0
  56. easy_rec/python/inference/parquet_predictor.py +147 -0
  57. easy_rec/python/inference/parquet_predictor_v2.py +147 -0
  58. easy_rec/python/inference/predictor.py +621 -0
  59. easy_rec/python/inference/processor/__init__.py +0 -0
  60. easy_rec/python/inference/processor/test.py +170 -0
  61. easy_rec/python/inference/vector_retrieve.py +124 -0
  62. easy_rec/python/input/__init__.py +0 -0
  63. easy_rec/python/input/batch_tfrecord_input.py +117 -0
  64. easy_rec/python/input/criteo_binary_reader.py +259 -0
  65. easy_rec/python/input/criteo_input.py +107 -0
  66. easy_rec/python/input/csv_input.py +175 -0
  67. easy_rec/python/input/csv_input_ex.py +72 -0
  68. easy_rec/python/input/csv_input_v2.py +68 -0
  69. easy_rec/python/input/datahub_input.py +320 -0
  70. easy_rec/python/input/dummy_input.py +58 -0
  71. easy_rec/python/input/hive_input.py +123 -0
  72. easy_rec/python/input/hive_parquet_input.py +140 -0
  73. easy_rec/python/input/hive_rtp_input.py +174 -0
  74. easy_rec/python/input/input.py +1064 -0
  75. easy_rec/python/input/kafka_dataset.py +144 -0
  76. easy_rec/python/input/kafka_input.py +235 -0
  77. easy_rec/python/input/load_parquet.py +317 -0
  78. easy_rec/python/input/odps_input.py +101 -0
  79. easy_rec/python/input/odps_input_v2.py +110 -0
  80. easy_rec/python/input/odps_input_v3.py +132 -0
  81. easy_rec/python/input/odps_rtp_input.py +187 -0
  82. easy_rec/python/input/odps_rtp_input_v2.py +104 -0
  83. easy_rec/python/input/parquet_input.py +397 -0
  84. easy_rec/python/input/parquet_input_v2.py +180 -0
  85. easy_rec/python/input/parquet_input_v3.py +203 -0
  86. easy_rec/python/input/rtp_input.py +225 -0
  87. easy_rec/python/input/rtp_input_v2.py +145 -0
  88. easy_rec/python/input/tfrecord_input.py +100 -0
  89. easy_rec/python/layers/__init__.py +0 -0
  90. easy_rec/python/layers/backbone.py +571 -0
  91. easy_rec/python/layers/capsule_layer.py +176 -0
  92. easy_rec/python/layers/cmbf.py +390 -0
  93. easy_rec/python/layers/common_layers.py +192 -0
  94. easy_rec/python/layers/dnn.py +87 -0
  95. easy_rec/python/layers/embed_input_layer.py +25 -0
  96. easy_rec/python/layers/fm.py +26 -0
  97. easy_rec/python/layers/input_layer.py +396 -0
  98. easy_rec/python/layers/keras/__init__.py +34 -0
  99. easy_rec/python/layers/keras/activation.py +114 -0
  100. easy_rec/python/layers/keras/attention.py +267 -0
  101. easy_rec/python/layers/keras/auxiliary_loss.py +47 -0
  102. easy_rec/python/layers/keras/blocks.py +262 -0
  103. easy_rec/python/layers/keras/bst.py +119 -0
  104. easy_rec/python/layers/keras/custom_ops.py +250 -0
  105. easy_rec/python/layers/keras/data_augment.py +133 -0
  106. easy_rec/python/layers/keras/din.py +67 -0
  107. easy_rec/python/layers/keras/einsum_dense.py +598 -0
  108. easy_rec/python/layers/keras/embedding.py +81 -0
  109. easy_rec/python/layers/keras/fibinet.py +251 -0
  110. easy_rec/python/layers/keras/interaction.py +416 -0
  111. easy_rec/python/layers/keras/layer_norm.py +364 -0
  112. easy_rec/python/layers/keras/mask_net.py +166 -0
  113. easy_rec/python/layers/keras/multi_head_attention.py +717 -0
  114. easy_rec/python/layers/keras/multi_task.py +125 -0
  115. easy_rec/python/layers/keras/numerical_embedding.py +376 -0
  116. easy_rec/python/layers/keras/ppnet.py +194 -0
  117. easy_rec/python/layers/keras/transformer.py +192 -0
  118. easy_rec/python/layers/layer_norm.py +51 -0
  119. easy_rec/python/layers/mmoe.py +83 -0
  120. easy_rec/python/layers/multihead_attention.py +162 -0
  121. easy_rec/python/layers/multihead_cross_attention.py +749 -0
  122. easy_rec/python/layers/senet.py +73 -0
  123. easy_rec/python/layers/seq_input_layer.py +134 -0
  124. easy_rec/python/layers/sequence_feature_layer.py +249 -0
  125. easy_rec/python/layers/uniter.py +301 -0
  126. easy_rec/python/layers/utils.py +248 -0
  127. easy_rec/python/layers/variational_dropout_layer.py +130 -0
  128. easy_rec/python/loss/__init__.py +0 -0
  129. easy_rec/python/loss/circle_loss.py +82 -0
  130. easy_rec/python/loss/contrastive_loss.py +79 -0
  131. easy_rec/python/loss/f1_reweight_loss.py +38 -0
  132. easy_rec/python/loss/focal_loss.py +93 -0
  133. easy_rec/python/loss/jrc_loss.py +128 -0
  134. easy_rec/python/loss/listwise_loss.py +161 -0
  135. easy_rec/python/loss/multi_similarity.py +68 -0
  136. easy_rec/python/loss/pairwise_loss.py +307 -0
  137. easy_rec/python/loss/softmax_loss_with_negative_mining.py +110 -0
  138. easy_rec/python/loss/zero_inflated_lognormal.py +76 -0
  139. easy_rec/python/main.py +878 -0
  140. easy_rec/python/model/__init__.py +0 -0
  141. easy_rec/python/model/autoint.py +73 -0
  142. easy_rec/python/model/cmbf.py +47 -0
  143. easy_rec/python/model/collaborative_metric_learning.py +182 -0
  144. easy_rec/python/model/custom_model.py +323 -0
  145. easy_rec/python/model/dat.py +138 -0
  146. easy_rec/python/model/dbmtl.py +116 -0
  147. easy_rec/python/model/dcn.py +70 -0
  148. easy_rec/python/model/deepfm.py +106 -0
  149. easy_rec/python/model/dlrm.py +73 -0
  150. easy_rec/python/model/dropoutnet.py +207 -0
  151. easy_rec/python/model/dssm.py +154 -0
  152. easy_rec/python/model/dssm_senet.py +143 -0
  153. easy_rec/python/model/dummy_model.py +48 -0
  154. easy_rec/python/model/easy_rec_estimator.py +739 -0
  155. easy_rec/python/model/easy_rec_model.py +467 -0
  156. easy_rec/python/model/esmm.py +242 -0
  157. easy_rec/python/model/fm.py +63 -0
  158. easy_rec/python/model/match_model.py +357 -0
  159. easy_rec/python/model/mind.py +445 -0
  160. easy_rec/python/model/mmoe.py +70 -0
  161. easy_rec/python/model/multi_task_model.py +303 -0
  162. easy_rec/python/model/multi_tower.py +62 -0
  163. easy_rec/python/model/multi_tower_bst.py +190 -0
  164. easy_rec/python/model/multi_tower_din.py +130 -0
  165. easy_rec/python/model/multi_tower_recall.py +68 -0
  166. easy_rec/python/model/pdn.py +203 -0
  167. easy_rec/python/model/ple.py +120 -0
  168. easy_rec/python/model/rank_model.py +485 -0
  169. easy_rec/python/model/rocket_launching.py +203 -0
  170. easy_rec/python/model/simple_multi_task.py +54 -0
  171. easy_rec/python/model/uniter.py +46 -0
  172. easy_rec/python/model/wide_and_deep.py +121 -0
  173. easy_rec/python/ops/1.12/incr_record.so +0 -0
  174. easy_rec/python/ops/1.12/kafka.so +0 -0
  175. easy_rec/python/ops/1.12/libcustom_ops.so +0 -0
  176. easy_rec/python/ops/1.12/libembed_op.so +0 -0
  177. easy_rec/python/ops/1.12/libhiredis.so.1.0.0 +0 -0
  178. easy_rec/python/ops/1.12/librdkafka++.so.1 +0 -0
  179. easy_rec/python/ops/1.12/librdkafka.so.1 +0 -0
  180. easy_rec/python/ops/1.12/libredis++.so +0 -0
  181. easy_rec/python/ops/1.12/libredis++.so.1 +0 -0
  182. easy_rec/python/ops/1.12/libredis++.so.1.2.3 +0 -0
  183. easy_rec/python/ops/1.12/libstr_avx_op.so +0 -0
  184. easy_rec/python/ops/1.12/libwrite_sparse_kv.so +0 -0
  185. easy_rec/python/ops/1.15/incr_record.so +0 -0
  186. easy_rec/python/ops/1.15/kafka.so +0 -0
  187. easy_rec/python/ops/1.15/libcustom_ops.so +0 -0
  188. easy_rec/python/ops/1.15/libembed_op.so +0 -0
  189. easy_rec/python/ops/1.15/libhiredis.so.1.0.0 +0 -0
  190. easy_rec/python/ops/1.15/librdkafka++.so +0 -0
  191. easy_rec/python/ops/1.15/librdkafka++.so.1 +0 -0
  192. easy_rec/python/ops/1.15/librdkafka.so +0 -0
  193. easy_rec/python/ops/1.15/librdkafka.so.1 +0 -0
  194. easy_rec/python/ops/1.15/libredis++.so.1 +0 -0
  195. easy_rec/python/ops/1.15/libstr_avx_op.so +0 -0
  196. easy_rec/python/ops/2.12/libcustom_ops.so +0 -0
  197. easy_rec/python/ops/2.12/libload_embed.so +0 -0
  198. easy_rec/python/ops/2.12/libstr_avx_op.so +0 -0
  199. easy_rec/python/ops/__init__.py +0 -0
  200. easy_rec/python/ops/gen_kafka_ops.py +193 -0
  201. easy_rec/python/ops/gen_str_avx_op.py +28 -0
  202. easy_rec/python/ops/incr_record.py +30 -0
  203. easy_rec/python/predict.py +170 -0
  204. easy_rec/python/protos/__init__.py +0 -0
  205. easy_rec/python/protos/autoint_pb2.py +122 -0
  206. easy_rec/python/protos/backbone_pb2.py +1416 -0
  207. easy_rec/python/protos/cmbf_pb2.py +435 -0
  208. easy_rec/python/protos/collaborative_metric_learning_pb2.py +252 -0
  209. easy_rec/python/protos/custom_model_pb2.py +57 -0
  210. easy_rec/python/protos/dat_pb2.py +262 -0
  211. easy_rec/python/protos/data_source_pb2.py +422 -0
  212. easy_rec/python/protos/dataset_pb2.py +1920 -0
  213. easy_rec/python/protos/dbmtl_pb2.py +191 -0
  214. easy_rec/python/protos/dcn_pb2.py +197 -0
  215. easy_rec/python/protos/deepfm_pb2.py +163 -0
  216. easy_rec/python/protos/dlrm_pb2.py +163 -0
  217. easy_rec/python/protos/dnn_pb2.py +329 -0
  218. easy_rec/python/protos/dropoutnet_pb2.py +239 -0
  219. easy_rec/python/protos/dssm_pb2.py +262 -0
  220. easy_rec/python/protos/dssm_senet_pb2.py +282 -0
  221. easy_rec/python/protos/easy_rec_model_pb2.py +1672 -0
  222. easy_rec/python/protos/esmm_pb2.py +133 -0
  223. easy_rec/python/protos/eval_pb2.py +930 -0
  224. easy_rec/python/protos/export_pb2.py +379 -0
  225. easy_rec/python/protos/feature_config_pb2.py +1359 -0
  226. easy_rec/python/protos/fm_pb2.py +90 -0
  227. easy_rec/python/protos/hive_config_pb2.py +138 -0
  228. easy_rec/python/protos/hyperparams_pb2.py +624 -0
  229. easy_rec/python/protos/keras_layer_pb2.py +692 -0
  230. easy_rec/python/protos/layer_pb2.py +1936 -0
  231. easy_rec/python/protos/loss_pb2.py +1713 -0
  232. easy_rec/python/protos/mind_pb2.py +497 -0
  233. easy_rec/python/protos/mmoe_pb2.py +215 -0
  234. easy_rec/python/protos/multi_tower_pb2.py +295 -0
  235. easy_rec/python/protos/multi_tower_recall_pb2.py +198 -0
  236. easy_rec/python/protos/optimizer_pb2.py +2017 -0
  237. easy_rec/python/protos/pdn_pb2.py +293 -0
  238. easy_rec/python/protos/pipeline_pb2.py +516 -0
  239. easy_rec/python/protos/ple_pb2.py +231 -0
  240. easy_rec/python/protos/predict_pb2.py +1140 -0
  241. easy_rec/python/protos/rocket_launching_pb2.py +169 -0
  242. easy_rec/python/protos/seq_encoder_pb2.py +1084 -0
  243. easy_rec/python/protos/simi_pb2.py +54 -0
  244. easy_rec/python/protos/simple_multi_task_pb2.py +97 -0
  245. easy_rec/python/protos/tf_predict_pb2.py +630 -0
  246. easy_rec/python/protos/tower_pb2.py +661 -0
  247. easy_rec/python/protos/train_pb2.py +1197 -0
  248. easy_rec/python/protos/uniter_pb2.py +307 -0
  249. easy_rec/python/protos/variational_dropout_pb2.py +91 -0
  250. easy_rec/python/protos/wide_and_deep_pb2.py +131 -0
  251. easy_rec/python/test/__init__.py +0 -0
  252. easy_rec/python/test/csv_input_test.py +340 -0
  253. easy_rec/python/test/custom_early_stop_func.py +19 -0
  254. easy_rec/python/test/dh_local_run.py +104 -0
  255. easy_rec/python/test/embed_test.py +155 -0
  256. easy_rec/python/test/emr_run.py +119 -0
  257. easy_rec/python/test/eval_metric_test.py +107 -0
  258. easy_rec/python/test/excel_convert_test.py +64 -0
  259. easy_rec/python/test/export_test.py +513 -0
  260. easy_rec/python/test/fg_test.py +70 -0
  261. easy_rec/python/test/hive_input_test.py +311 -0
  262. easy_rec/python/test/hpo_test.py +235 -0
  263. easy_rec/python/test/kafka_test.py +373 -0
  264. easy_rec/python/test/local_incr_test.py +122 -0
  265. easy_rec/python/test/loss_test.py +110 -0
  266. easy_rec/python/test/odps_command.py +61 -0
  267. easy_rec/python/test/odps_local_run.py +86 -0
  268. easy_rec/python/test/odps_run.py +254 -0
  269. easy_rec/python/test/odps_test_cls.py +39 -0
  270. easy_rec/python/test/odps_test_prepare.py +198 -0
  271. easy_rec/python/test/odps_test_util.py +237 -0
  272. easy_rec/python/test/pre_check_test.py +54 -0
  273. easy_rec/python/test/predictor_test.py +394 -0
  274. easy_rec/python/test/rtp_convert_test.py +133 -0
  275. easy_rec/python/test/run.py +138 -0
  276. easy_rec/python/test/train_eval_test.py +1299 -0
  277. easy_rec/python/test/util_test.py +85 -0
  278. easy_rec/python/test/zero_inflated_lognormal_test.py +53 -0
  279. easy_rec/python/tools/__init__.py +0 -0
  280. easy_rec/python/tools/add_boundaries_to_config.py +67 -0
  281. easy_rec/python/tools/add_feature_info_to_config.py +145 -0
  282. easy_rec/python/tools/convert_config_format.py +48 -0
  283. easy_rec/python/tools/convert_rtp_data.py +79 -0
  284. easy_rec/python/tools/convert_rtp_fg.py +106 -0
  285. easy_rec/python/tools/create_config_from_excel.py +427 -0
  286. easy_rec/python/tools/criteo/__init__.py +0 -0
  287. easy_rec/python/tools/criteo/convert_data.py +157 -0
  288. easy_rec/python/tools/edit_lookup_graph.py +134 -0
  289. easy_rec/python/tools/faiss_index_pai.py +116 -0
  290. easy_rec/python/tools/feature_selection.py +316 -0
  291. easy_rec/python/tools/hit_rate_ds.py +223 -0
  292. easy_rec/python/tools/hit_rate_pai.py +138 -0
  293. easy_rec/python/tools/pre_check.py +120 -0
  294. easy_rec/python/tools/predict_and_chk.py +111 -0
  295. easy_rec/python/tools/read_kafka.py +55 -0
  296. easy_rec/python/tools/split_model_pai.py +286 -0
  297. easy_rec/python/tools/split_pdn_model_pai.py +272 -0
  298. easy_rec/python/tools/test_saved_model.py +80 -0
  299. easy_rec/python/tools/view_saved_model.py +39 -0
  300. easy_rec/python/tools/write_kafka.py +65 -0
  301. easy_rec/python/train_eval.py +325 -0
  302. easy_rec/python/utils/__init__.py +15 -0
  303. easy_rec/python/utils/activation.py +120 -0
  304. easy_rec/python/utils/check_utils.py +87 -0
  305. easy_rec/python/utils/compat.py +14 -0
  306. easy_rec/python/utils/config_util.py +652 -0
  307. easy_rec/python/utils/constant.py +43 -0
  308. easy_rec/python/utils/convert_rtp_fg.py +616 -0
  309. easy_rec/python/utils/dag.py +192 -0
  310. easy_rec/python/utils/distribution_utils.py +268 -0
  311. easy_rec/python/utils/ds_util.py +65 -0
  312. easy_rec/python/utils/embedding_utils.py +73 -0
  313. easy_rec/python/utils/estimator_utils.py +1036 -0
  314. easy_rec/python/utils/export_big_model.py +630 -0
  315. easy_rec/python/utils/expr_util.py +118 -0
  316. easy_rec/python/utils/fg_util.py +53 -0
  317. easy_rec/python/utils/hit_rate_utils.py +220 -0
  318. easy_rec/python/utils/hive_utils.py +183 -0
  319. easy_rec/python/utils/hpo_util.py +137 -0
  320. easy_rec/python/utils/hvd_utils.py +56 -0
  321. easy_rec/python/utils/input_utils.py +108 -0
  322. easy_rec/python/utils/io_util.py +282 -0
  323. easy_rec/python/utils/load_class.py +249 -0
  324. easy_rec/python/utils/meta_graph_editor.py +941 -0
  325. easy_rec/python/utils/multi_optimizer.py +62 -0
  326. easy_rec/python/utils/numpy_utils.py +18 -0
  327. easy_rec/python/utils/odps_util.py +79 -0
  328. easy_rec/python/utils/pai_util.py +86 -0
  329. easy_rec/python/utils/proto_util.py +90 -0
  330. easy_rec/python/utils/restore_filter.py +89 -0
  331. easy_rec/python/utils/shape_utils.py +432 -0
  332. easy_rec/python/utils/static_shape.py +71 -0
  333. easy_rec/python/utils/test_utils.py +866 -0
  334. easy_rec/python/utils/tf_utils.py +56 -0
  335. easy_rec/version.py +4 -0
  336. test/__init__.py +0 -0
@@ -0,0 +1,930 @@
1
+ # Generated by the protocol buffer compiler. DO NOT EDIT!
2
+ # source: easy_rec/python/protos/eval.proto
3
+
4
+ import sys
5
+
6
+ from google.protobuf import descriptor as _descriptor
7
+ from google.protobuf import descriptor_pb2
8
+ from google.protobuf import message as _message
9
+ from google.protobuf import reflection as _reflection
10
+ from google.protobuf import symbol_database as _symbol_database
11
+
12
+ _b = sys.version_info[0] < 3 and (lambda x: x) or (lambda x: x.encode('latin1'))
13
+ # @@protoc_insertion_point(imports)
14
+
15
+ _sym_db = _symbol_database.Default()
16
+
17
+ DESCRIPTOR = _descriptor.FileDescriptor(
18
+ name='easy_rec/python/protos/eval.proto',
19
+ package='protos',
20
+ syntax='proto2',
21
+ serialized_pb=_b(
22
+ '\n!easy_rec/python/protos/eval.proto\x12\x06protos\"\"\n\x03\x41UC\x12\x1b\n\x0enum_thresholds\x18\x01 \x01(\r:\x03\x32\x30\x30\"\x1f\n\x0cRecallAtTopK\x12\x0f\n\x04topk\x18\x01 \x01(\r:\x01\x35\"%\n\x12\x41vgPrecisionAtTopK\x12\x0f\n\x04topk\x18\x01 \x01(\r:\x01\x35\"\x13\n\x11MeanAbsoluteError\"\x12\n\x10MeanSquaredError\"\n\n\x08\x41\x63\x63uracy\"\x0b\n\tPrecision\"\x08\n\x06Recall\"\x08\n\x06Max_F1\"\x16\n\x14RootMeanSquaredError\"2\n\x04GAUC\x12\x11\n\tuid_field\x18\x01 \x02(\t\x12\x17\n\treduction\x18\x02 \x01(\t:\x04mean\"?\n\nSessionAUC\x12\x18\n\x10session_id_field\x18\x01 \x02(\t\x12\x17\n\treduction\x18\x02 \x01(\t:\x04mean\"\xaa\x04\n\x0b\x45valMetrics\x12\x1a\n\x03\x61uc\x18\x01 \x01(\x0b\x32\x0b.protos.AUCH\x00\x12.\n\x0erecall_at_topk\x18\x02 \x01(\x0b\x32\x14.protos.RecallAtTopKH\x00\x12\x38\n\x13mean_absolute_error\x18\x03 \x01(\x0b\x32\x19.protos.MeanAbsoluteErrorH\x00\x12\x36\n\x12mean_squared_error\x18\x04 \x01(\x0b\x32\x18.protos.MeanSquaredErrorH\x00\x12$\n\x08\x61\x63\x63uracy\x18\x05 \x01(\x0b\x32\x10.protos.AccuracyH\x00\x12 \n\x06max_f1\x18\x06 \x01(\x0b\x32\x0e.protos.Max_F1H\x00\x12?\n\x17root_mean_squared_error\x18\x07 \x01(\x0b\x32\x1c.protos.RootMeanSquaredErrorH\x00\x12\x1c\n\x04gauc\x18\x08 \x01(\x0b\x32\x0c.protos.GAUCH\x00\x12)\n\x0bsession_auc\x18\t \x01(\x0b\x32\x12.protos.SessionAUCH\x00\x12 \n\x06recall\x18\n \x01(\x0b\x32\x0e.protos.RecallH\x00\x12&\n\tprecision\x18\x0b \x01(\x0b\x32\x11.protos.PrecisionH\x00\x12\x37\n\x11precision_at_topk\x18\x0c \x01(\x0b\x32\x1a.protos.AvgPrecisionAtTopKH\x00\x42\x08\n\x06metric\"\xbd\x01\n\nEvalConfig\x12\x17\n\x0cnum_examples\x18\x01 \x01(\r:\x01\x30\x12\x1f\n\x12\x65val_interval_secs\x18\x02 \x01(\r:\x03\x33\x30\x30\x12\x14\n\tmax_evals\x18\x03 \x01(\r:\x01\x30\x12\x19\n\nsave_graph\x18\x04 \x01(\x08:\x05\x66\x61lse\x12(\n\x0bmetrics_set\x18\x05 \x03(\x0b\x32\x13.protos.EvalMetrics\x12\x1a\n\x0b\x65val_online\x18\x06 \x01(\x08:\x05\x66\x61lse'
23
+ ))
24
+
25
+ _AUC = _descriptor.Descriptor(
26
+ name='AUC',
27
+ full_name='protos.AUC',
28
+ filename=None,
29
+ file=DESCRIPTOR,
30
+ containing_type=None,
31
+ fields=[
32
+ _descriptor.FieldDescriptor(
33
+ name='num_thresholds',
34
+ full_name='protos.AUC.num_thresholds',
35
+ index=0,
36
+ number=1,
37
+ type=13,
38
+ cpp_type=3,
39
+ label=1,
40
+ has_default_value=True,
41
+ default_value=200,
42
+ message_type=None,
43
+ enum_type=None,
44
+ containing_type=None,
45
+ is_extension=False,
46
+ extension_scope=None,
47
+ options=None),
48
+ ],
49
+ extensions=[],
50
+ nested_types=[],
51
+ enum_types=[],
52
+ options=None,
53
+ is_extendable=False,
54
+ syntax='proto2',
55
+ extension_ranges=[],
56
+ oneofs=[],
57
+ serialized_start=45,
58
+ serialized_end=79,
59
+ )
60
+
61
+ _RECALLATTOPK = _descriptor.Descriptor(
62
+ name='RecallAtTopK',
63
+ full_name='protos.RecallAtTopK',
64
+ filename=None,
65
+ file=DESCRIPTOR,
66
+ containing_type=None,
67
+ fields=[
68
+ _descriptor.FieldDescriptor(
69
+ name='topk',
70
+ full_name='protos.RecallAtTopK.topk',
71
+ index=0,
72
+ number=1,
73
+ type=13,
74
+ cpp_type=3,
75
+ label=1,
76
+ has_default_value=True,
77
+ default_value=5,
78
+ message_type=None,
79
+ enum_type=None,
80
+ containing_type=None,
81
+ is_extension=False,
82
+ extension_scope=None,
83
+ options=None),
84
+ ],
85
+ extensions=[],
86
+ nested_types=[],
87
+ enum_types=[],
88
+ options=None,
89
+ is_extendable=False,
90
+ syntax='proto2',
91
+ extension_ranges=[],
92
+ oneofs=[],
93
+ serialized_start=81,
94
+ serialized_end=112,
95
+ )
96
+
97
+ _AVGPRECISIONATTOPK = _descriptor.Descriptor(
98
+ name='AvgPrecisionAtTopK',
99
+ full_name='protos.AvgPrecisionAtTopK',
100
+ filename=None,
101
+ file=DESCRIPTOR,
102
+ containing_type=None,
103
+ fields=[
104
+ _descriptor.FieldDescriptor(
105
+ name='topk',
106
+ full_name='protos.AvgPrecisionAtTopK.topk',
107
+ index=0,
108
+ number=1,
109
+ type=13,
110
+ cpp_type=3,
111
+ label=1,
112
+ has_default_value=True,
113
+ default_value=5,
114
+ message_type=None,
115
+ enum_type=None,
116
+ containing_type=None,
117
+ is_extension=False,
118
+ extension_scope=None,
119
+ options=None),
120
+ ],
121
+ extensions=[],
122
+ nested_types=[],
123
+ enum_types=[],
124
+ options=None,
125
+ is_extendable=False,
126
+ syntax='proto2',
127
+ extension_ranges=[],
128
+ oneofs=[],
129
+ serialized_start=114,
130
+ serialized_end=151,
131
+ )
132
+
133
+ _MEANABSOLUTEERROR = _descriptor.Descriptor(
134
+ name='MeanAbsoluteError',
135
+ full_name='protos.MeanAbsoluteError',
136
+ filename=None,
137
+ file=DESCRIPTOR,
138
+ containing_type=None,
139
+ fields=[],
140
+ extensions=[],
141
+ nested_types=[],
142
+ enum_types=[],
143
+ options=None,
144
+ is_extendable=False,
145
+ syntax='proto2',
146
+ extension_ranges=[],
147
+ oneofs=[],
148
+ serialized_start=153,
149
+ serialized_end=172,
150
+ )
151
+
152
+ _MEANSQUAREDERROR = _descriptor.Descriptor(
153
+ name='MeanSquaredError',
154
+ full_name='protos.MeanSquaredError',
155
+ filename=None,
156
+ file=DESCRIPTOR,
157
+ containing_type=None,
158
+ fields=[],
159
+ extensions=[],
160
+ nested_types=[],
161
+ enum_types=[],
162
+ options=None,
163
+ is_extendable=False,
164
+ syntax='proto2',
165
+ extension_ranges=[],
166
+ oneofs=[],
167
+ serialized_start=174,
168
+ serialized_end=192,
169
+ )
170
+
171
+ _ACCURACY = _descriptor.Descriptor(
172
+ name='Accuracy',
173
+ full_name='protos.Accuracy',
174
+ filename=None,
175
+ file=DESCRIPTOR,
176
+ containing_type=None,
177
+ fields=[],
178
+ extensions=[],
179
+ nested_types=[],
180
+ enum_types=[],
181
+ options=None,
182
+ is_extendable=False,
183
+ syntax='proto2',
184
+ extension_ranges=[],
185
+ oneofs=[],
186
+ serialized_start=194,
187
+ serialized_end=204,
188
+ )
189
+
190
+ _PRECISION = _descriptor.Descriptor(
191
+ name='Precision',
192
+ full_name='protos.Precision',
193
+ filename=None,
194
+ file=DESCRIPTOR,
195
+ containing_type=None,
196
+ fields=[],
197
+ extensions=[],
198
+ nested_types=[],
199
+ enum_types=[],
200
+ options=None,
201
+ is_extendable=False,
202
+ syntax='proto2',
203
+ extension_ranges=[],
204
+ oneofs=[],
205
+ serialized_start=206,
206
+ serialized_end=217,
207
+ )
208
+
209
+ _RECALL = _descriptor.Descriptor(
210
+ name='Recall',
211
+ full_name='protos.Recall',
212
+ filename=None,
213
+ file=DESCRIPTOR,
214
+ containing_type=None,
215
+ fields=[],
216
+ extensions=[],
217
+ nested_types=[],
218
+ enum_types=[],
219
+ options=None,
220
+ is_extendable=False,
221
+ syntax='proto2',
222
+ extension_ranges=[],
223
+ oneofs=[],
224
+ serialized_start=219,
225
+ serialized_end=227,
226
+ )
227
+
228
+ _MAX_F1 = _descriptor.Descriptor(
229
+ name='Max_F1',
230
+ full_name='protos.Max_F1',
231
+ filename=None,
232
+ file=DESCRIPTOR,
233
+ containing_type=None,
234
+ fields=[],
235
+ extensions=[],
236
+ nested_types=[],
237
+ enum_types=[],
238
+ options=None,
239
+ is_extendable=False,
240
+ syntax='proto2',
241
+ extension_ranges=[],
242
+ oneofs=[],
243
+ serialized_start=229,
244
+ serialized_end=237,
245
+ )
246
+
247
+ _ROOTMEANSQUAREDERROR = _descriptor.Descriptor(
248
+ name='RootMeanSquaredError',
249
+ full_name='protos.RootMeanSquaredError',
250
+ filename=None,
251
+ file=DESCRIPTOR,
252
+ containing_type=None,
253
+ fields=[],
254
+ extensions=[],
255
+ nested_types=[],
256
+ enum_types=[],
257
+ options=None,
258
+ is_extendable=False,
259
+ syntax='proto2',
260
+ extension_ranges=[],
261
+ oneofs=[],
262
+ serialized_start=239,
263
+ serialized_end=261,
264
+ )
265
+
266
+ _GAUC = _descriptor.Descriptor(
267
+ name='GAUC',
268
+ full_name='protos.GAUC',
269
+ filename=None,
270
+ file=DESCRIPTOR,
271
+ containing_type=None,
272
+ fields=[
273
+ _descriptor.FieldDescriptor(
274
+ name='uid_field',
275
+ full_name='protos.GAUC.uid_field',
276
+ index=0,
277
+ number=1,
278
+ type=9,
279
+ cpp_type=9,
280
+ label=2,
281
+ has_default_value=False,
282
+ default_value=_b('').decode('utf-8'),
283
+ message_type=None,
284
+ enum_type=None,
285
+ containing_type=None,
286
+ is_extension=False,
287
+ extension_scope=None,
288
+ options=None),
289
+ _descriptor.FieldDescriptor(
290
+ name='reduction',
291
+ full_name='protos.GAUC.reduction',
292
+ index=1,
293
+ number=2,
294
+ type=9,
295
+ cpp_type=9,
296
+ label=1,
297
+ has_default_value=True,
298
+ default_value=_b('mean').decode('utf-8'),
299
+ message_type=None,
300
+ enum_type=None,
301
+ containing_type=None,
302
+ is_extension=False,
303
+ extension_scope=None,
304
+ options=None),
305
+ ],
306
+ extensions=[],
307
+ nested_types=[],
308
+ enum_types=[],
309
+ options=None,
310
+ is_extendable=False,
311
+ syntax='proto2',
312
+ extension_ranges=[],
313
+ oneofs=[],
314
+ serialized_start=263,
315
+ serialized_end=313,
316
+ )
317
+
318
+ _SESSIONAUC = _descriptor.Descriptor(
319
+ name='SessionAUC',
320
+ full_name='protos.SessionAUC',
321
+ filename=None,
322
+ file=DESCRIPTOR,
323
+ containing_type=None,
324
+ fields=[
325
+ _descriptor.FieldDescriptor(
326
+ name='session_id_field',
327
+ full_name='protos.SessionAUC.session_id_field',
328
+ index=0,
329
+ number=1,
330
+ type=9,
331
+ cpp_type=9,
332
+ label=2,
333
+ has_default_value=False,
334
+ default_value=_b('').decode('utf-8'),
335
+ message_type=None,
336
+ enum_type=None,
337
+ containing_type=None,
338
+ is_extension=False,
339
+ extension_scope=None,
340
+ options=None),
341
+ _descriptor.FieldDescriptor(
342
+ name='reduction',
343
+ full_name='protos.SessionAUC.reduction',
344
+ index=1,
345
+ number=2,
346
+ type=9,
347
+ cpp_type=9,
348
+ label=1,
349
+ has_default_value=True,
350
+ default_value=_b('mean').decode('utf-8'),
351
+ message_type=None,
352
+ enum_type=None,
353
+ containing_type=None,
354
+ is_extension=False,
355
+ extension_scope=None,
356
+ options=None),
357
+ ],
358
+ extensions=[],
359
+ nested_types=[],
360
+ enum_types=[],
361
+ options=None,
362
+ is_extendable=False,
363
+ syntax='proto2',
364
+ extension_ranges=[],
365
+ oneofs=[],
366
+ serialized_start=315,
367
+ serialized_end=378,
368
+ )
369
+
370
+ _EVALMETRICS = _descriptor.Descriptor(
371
+ name='EvalMetrics',
372
+ full_name='protos.EvalMetrics',
373
+ filename=None,
374
+ file=DESCRIPTOR,
375
+ containing_type=None,
376
+ fields=[
377
+ _descriptor.FieldDescriptor(
378
+ name='auc',
379
+ full_name='protos.EvalMetrics.auc',
380
+ index=0,
381
+ number=1,
382
+ type=11,
383
+ cpp_type=10,
384
+ label=1,
385
+ has_default_value=False,
386
+ default_value=None,
387
+ message_type=None,
388
+ enum_type=None,
389
+ containing_type=None,
390
+ is_extension=False,
391
+ extension_scope=None,
392
+ options=None),
393
+ _descriptor.FieldDescriptor(
394
+ name='recall_at_topk',
395
+ full_name='protos.EvalMetrics.recall_at_topk',
396
+ index=1,
397
+ number=2,
398
+ type=11,
399
+ cpp_type=10,
400
+ label=1,
401
+ has_default_value=False,
402
+ default_value=None,
403
+ message_type=None,
404
+ enum_type=None,
405
+ containing_type=None,
406
+ is_extension=False,
407
+ extension_scope=None,
408
+ options=None),
409
+ _descriptor.FieldDescriptor(
410
+ name='mean_absolute_error',
411
+ full_name='protos.EvalMetrics.mean_absolute_error',
412
+ index=2,
413
+ number=3,
414
+ type=11,
415
+ cpp_type=10,
416
+ label=1,
417
+ has_default_value=False,
418
+ default_value=None,
419
+ message_type=None,
420
+ enum_type=None,
421
+ containing_type=None,
422
+ is_extension=False,
423
+ extension_scope=None,
424
+ options=None),
425
+ _descriptor.FieldDescriptor(
426
+ name='mean_squared_error',
427
+ full_name='protos.EvalMetrics.mean_squared_error',
428
+ index=3,
429
+ number=4,
430
+ type=11,
431
+ cpp_type=10,
432
+ label=1,
433
+ has_default_value=False,
434
+ default_value=None,
435
+ message_type=None,
436
+ enum_type=None,
437
+ containing_type=None,
438
+ is_extension=False,
439
+ extension_scope=None,
440
+ options=None),
441
+ _descriptor.FieldDescriptor(
442
+ name='accuracy',
443
+ full_name='protos.EvalMetrics.accuracy',
444
+ index=4,
445
+ number=5,
446
+ type=11,
447
+ cpp_type=10,
448
+ label=1,
449
+ has_default_value=False,
450
+ default_value=None,
451
+ message_type=None,
452
+ enum_type=None,
453
+ containing_type=None,
454
+ is_extension=False,
455
+ extension_scope=None,
456
+ options=None),
457
+ _descriptor.FieldDescriptor(
458
+ name='max_f1',
459
+ full_name='protos.EvalMetrics.max_f1',
460
+ index=5,
461
+ number=6,
462
+ type=11,
463
+ cpp_type=10,
464
+ label=1,
465
+ has_default_value=False,
466
+ default_value=None,
467
+ message_type=None,
468
+ enum_type=None,
469
+ containing_type=None,
470
+ is_extension=False,
471
+ extension_scope=None,
472
+ options=None),
473
+ _descriptor.FieldDescriptor(
474
+ name='root_mean_squared_error',
475
+ full_name='protos.EvalMetrics.root_mean_squared_error',
476
+ index=6,
477
+ number=7,
478
+ type=11,
479
+ cpp_type=10,
480
+ label=1,
481
+ has_default_value=False,
482
+ default_value=None,
483
+ message_type=None,
484
+ enum_type=None,
485
+ containing_type=None,
486
+ is_extension=False,
487
+ extension_scope=None,
488
+ options=None),
489
+ _descriptor.FieldDescriptor(
490
+ name='gauc',
491
+ full_name='protos.EvalMetrics.gauc',
492
+ index=7,
493
+ number=8,
494
+ type=11,
495
+ cpp_type=10,
496
+ label=1,
497
+ has_default_value=False,
498
+ default_value=None,
499
+ message_type=None,
500
+ enum_type=None,
501
+ containing_type=None,
502
+ is_extension=False,
503
+ extension_scope=None,
504
+ options=None),
505
+ _descriptor.FieldDescriptor(
506
+ name='session_auc',
507
+ full_name='protos.EvalMetrics.session_auc',
508
+ index=8,
509
+ number=9,
510
+ type=11,
511
+ cpp_type=10,
512
+ label=1,
513
+ has_default_value=False,
514
+ default_value=None,
515
+ message_type=None,
516
+ enum_type=None,
517
+ containing_type=None,
518
+ is_extension=False,
519
+ extension_scope=None,
520
+ options=None),
521
+ _descriptor.FieldDescriptor(
522
+ name='recall',
523
+ full_name='protos.EvalMetrics.recall',
524
+ index=9,
525
+ number=10,
526
+ type=11,
527
+ cpp_type=10,
528
+ label=1,
529
+ has_default_value=False,
530
+ default_value=None,
531
+ message_type=None,
532
+ enum_type=None,
533
+ containing_type=None,
534
+ is_extension=False,
535
+ extension_scope=None,
536
+ options=None),
537
+ _descriptor.FieldDescriptor(
538
+ name='precision',
539
+ full_name='protos.EvalMetrics.precision',
540
+ index=10,
541
+ number=11,
542
+ type=11,
543
+ cpp_type=10,
544
+ label=1,
545
+ has_default_value=False,
546
+ default_value=None,
547
+ message_type=None,
548
+ enum_type=None,
549
+ containing_type=None,
550
+ is_extension=False,
551
+ extension_scope=None,
552
+ options=None),
553
+ _descriptor.FieldDescriptor(
554
+ name='precision_at_topk',
555
+ full_name='protos.EvalMetrics.precision_at_topk',
556
+ index=11,
557
+ number=12,
558
+ type=11,
559
+ cpp_type=10,
560
+ label=1,
561
+ has_default_value=False,
562
+ default_value=None,
563
+ message_type=None,
564
+ enum_type=None,
565
+ containing_type=None,
566
+ is_extension=False,
567
+ extension_scope=None,
568
+ options=None),
569
+ ],
570
+ extensions=[],
571
+ nested_types=[],
572
+ enum_types=[],
573
+ options=None,
574
+ is_extendable=False,
575
+ syntax='proto2',
576
+ extension_ranges=[],
577
+ oneofs=[
578
+ _descriptor.OneofDescriptor(
579
+ name='metric',
580
+ full_name='protos.EvalMetrics.metric',
581
+ index=0,
582
+ containing_type=None,
583
+ fields=[]),
584
+ ],
585
+ serialized_start=381,
586
+ serialized_end=935,
587
+ )
588
+
589
+ _EVALCONFIG = _descriptor.Descriptor(
590
+ name='EvalConfig',
591
+ full_name='protos.EvalConfig',
592
+ filename=None,
593
+ file=DESCRIPTOR,
594
+ containing_type=None,
595
+ fields=[
596
+ _descriptor.FieldDescriptor(
597
+ name='num_examples',
598
+ full_name='protos.EvalConfig.num_examples',
599
+ index=0,
600
+ number=1,
601
+ type=13,
602
+ cpp_type=3,
603
+ label=1,
604
+ has_default_value=True,
605
+ default_value=0,
606
+ message_type=None,
607
+ enum_type=None,
608
+ containing_type=None,
609
+ is_extension=False,
610
+ extension_scope=None,
611
+ options=None),
612
+ _descriptor.FieldDescriptor(
613
+ name='eval_interval_secs',
614
+ full_name='protos.EvalConfig.eval_interval_secs',
615
+ index=1,
616
+ number=2,
617
+ type=13,
618
+ cpp_type=3,
619
+ label=1,
620
+ has_default_value=True,
621
+ default_value=300,
622
+ message_type=None,
623
+ enum_type=None,
624
+ containing_type=None,
625
+ is_extension=False,
626
+ extension_scope=None,
627
+ options=None),
628
+ _descriptor.FieldDescriptor(
629
+ name='max_evals',
630
+ full_name='protos.EvalConfig.max_evals',
631
+ index=2,
632
+ number=3,
633
+ type=13,
634
+ cpp_type=3,
635
+ label=1,
636
+ has_default_value=True,
637
+ default_value=0,
638
+ message_type=None,
639
+ enum_type=None,
640
+ containing_type=None,
641
+ is_extension=False,
642
+ extension_scope=None,
643
+ options=None),
644
+ _descriptor.FieldDescriptor(
645
+ name='save_graph',
646
+ full_name='protos.EvalConfig.save_graph',
647
+ index=3,
648
+ number=4,
649
+ type=8,
650
+ cpp_type=7,
651
+ label=1,
652
+ has_default_value=True,
653
+ default_value=False,
654
+ message_type=None,
655
+ enum_type=None,
656
+ containing_type=None,
657
+ is_extension=False,
658
+ extension_scope=None,
659
+ options=None),
660
+ _descriptor.FieldDescriptor(
661
+ name='metrics_set',
662
+ full_name='protos.EvalConfig.metrics_set',
663
+ index=4,
664
+ number=5,
665
+ type=11,
666
+ cpp_type=10,
667
+ label=3,
668
+ has_default_value=False,
669
+ default_value=[],
670
+ message_type=None,
671
+ enum_type=None,
672
+ containing_type=None,
673
+ is_extension=False,
674
+ extension_scope=None,
675
+ options=None),
676
+ _descriptor.FieldDescriptor(
677
+ name='eval_online',
678
+ full_name='protos.EvalConfig.eval_online',
679
+ index=5,
680
+ number=6,
681
+ type=8,
682
+ cpp_type=7,
683
+ label=1,
684
+ has_default_value=True,
685
+ default_value=False,
686
+ message_type=None,
687
+ enum_type=None,
688
+ containing_type=None,
689
+ is_extension=False,
690
+ extension_scope=None,
691
+ options=None),
692
+ ],
693
+ extensions=[],
694
+ nested_types=[],
695
+ enum_types=[],
696
+ options=None,
697
+ is_extendable=False,
698
+ syntax='proto2',
699
+ extension_ranges=[],
700
+ oneofs=[],
701
+ serialized_start=938,
702
+ serialized_end=1127,
703
+ )
704
+
705
+ _EVALMETRICS.fields_by_name['auc'].message_type = _AUC
706
+ _EVALMETRICS.fields_by_name['recall_at_topk'].message_type = _RECALLATTOPK
707
+ _EVALMETRICS.fields_by_name[
708
+ 'mean_absolute_error'].message_type = _MEANABSOLUTEERROR
709
+ _EVALMETRICS.fields_by_name[
710
+ 'mean_squared_error'].message_type = _MEANSQUAREDERROR
711
+ _EVALMETRICS.fields_by_name['accuracy'].message_type = _ACCURACY
712
+ _EVALMETRICS.fields_by_name['max_f1'].message_type = _MAX_F1
713
+ _EVALMETRICS.fields_by_name[
714
+ 'root_mean_squared_error'].message_type = _ROOTMEANSQUAREDERROR
715
+ _EVALMETRICS.fields_by_name['gauc'].message_type = _GAUC
716
+ _EVALMETRICS.fields_by_name['session_auc'].message_type = _SESSIONAUC
717
+ _EVALMETRICS.fields_by_name['recall'].message_type = _RECALL
718
+ _EVALMETRICS.fields_by_name['precision'].message_type = _PRECISION
719
+ _EVALMETRICS.fields_by_name[
720
+ 'precision_at_topk'].message_type = _AVGPRECISIONATTOPK
721
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
722
+ _EVALMETRICS.fields_by_name['auc'])
723
+ _EVALMETRICS.fields_by_name[
724
+ 'auc'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
725
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
726
+ _EVALMETRICS.fields_by_name['recall_at_topk'])
727
+ _EVALMETRICS.fields_by_name[
728
+ 'recall_at_topk'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
729
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
730
+ _EVALMETRICS.fields_by_name['mean_absolute_error'])
731
+ _EVALMETRICS.fields_by_name[
732
+ 'mean_absolute_error'].containing_oneof = _EVALMETRICS.oneofs_by_name[
733
+ 'metric']
734
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
735
+ _EVALMETRICS.fields_by_name['mean_squared_error'])
736
+ _EVALMETRICS.fields_by_name[
737
+ 'mean_squared_error'].containing_oneof = _EVALMETRICS.oneofs_by_name[
738
+ 'metric']
739
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
740
+ _EVALMETRICS.fields_by_name['accuracy'])
741
+ _EVALMETRICS.fields_by_name[
742
+ 'accuracy'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
743
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
744
+ _EVALMETRICS.fields_by_name['max_f1'])
745
+ _EVALMETRICS.fields_by_name[
746
+ 'max_f1'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
747
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
748
+ _EVALMETRICS.fields_by_name['root_mean_squared_error'])
749
+ _EVALMETRICS.fields_by_name[
750
+ 'root_mean_squared_error'].containing_oneof = _EVALMETRICS.oneofs_by_name[
751
+ 'metric']
752
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
753
+ _EVALMETRICS.fields_by_name['gauc'])
754
+ _EVALMETRICS.fields_by_name[
755
+ 'gauc'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
756
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
757
+ _EVALMETRICS.fields_by_name['session_auc'])
758
+ _EVALMETRICS.fields_by_name[
759
+ 'session_auc'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
760
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
761
+ _EVALMETRICS.fields_by_name['recall'])
762
+ _EVALMETRICS.fields_by_name[
763
+ 'recall'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
764
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
765
+ _EVALMETRICS.fields_by_name['precision'])
766
+ _EVALMETRICS.fields_by_name[
767
+ 'precision'].containing_oneof = _EVALMETRICS.oneofs_by_name['metric']
768
+ _EVALMETRICS.oneofs_by_name['metric'].fields.append(
769
+ _EVALMETRICS.fields_by_name['precision_at_topk'])
770
+ _EVALMETRICS.fields_by_name[
771
+ 'precision_at_topk'].containing_oneof = _EVALMETRICS.oneofs_by_name[
772
+ 'metric']
773
+ _EVALCONFIG.fields_by_name['metrics_set'].message_type = _EVALMETRICS
774
+ DESCRIPTOR.message_types_by_name['AUC'] = _AUC
775
+ DESCRIPTOR.message_types_by_name['RecallAtTopK'] = _RECALLATTOPK
776
+ DESCRIPTOR.message_types_by_name['AvgPrecisionAtTopK'] = _AVGPRECISIONATTOPK
777
+ DESCRIPTOR.message_types_by_name['MeanAbsoluteError'] = _MEANABSOLUTEERROR
778
+ DESCRIPTOR.message_types_by_name['MeanSquaredError'] = _MEANSQUAREDERROR
779
+ DESCRIPTOR.message_types_by_name['Accuracy'] = _ACCURACY
780
+ DESCRIPTOR.message_types_by_name['Precision'] = _PRECISION
781
+ DESCRIPTOR.message_types_by_name['Recall'] = _RECALL
782
+ DESCRIPTOR.message_types_by_name['Max_F1'] = _MAX_F1
783
+ DESCRIPTOR.message_types_by_name['RootMeanSquaredError'] = _ROOTMEANSQUAREDERROR
784
+ DESCRIPTOR.message_types_by_name['GAUC'] = _GAUC
785
+ DESCRIPTOR.message_types_by_name['SessionAUC'] = _SESSIONAUC
786
+ DESCRIPTOR.message_types_by_name['EvalMetrics'] = _EVALMETRICS
787
+ DESCRIPTOR.message_types_by_name['EvalConfig'] = _EVALCONFIG
788
+ _sym_db.RegisterFileDescriptor(DESCRIPTOR)
789
+
790
+ AUC = _reflection.GeneratedProtocolMessageType(
791
+ 'AUC',
792
+ (_message.Message,),
793
+ dict(
794
+ DESCRIPTOR=_AUC,
795
+ __module__='easy_rec.python.protos.eval_pb2'
796
+ # @@protoc_insertion_point(class_scope:protos.AUC)
797
+ ))
798
+ _sym_db.RegisterMessage(AUC)
799
+
800
+ RecallAtTopK = _reflection.GeneratedProtocolMessageType(
801
+ 'RecallAtTopK',
802
+ (_message.Message,),
803
+ dict(
804
+ DESCRIPTOR=_RECALLATTOPK,
805
+ __module__='easy_rec.python.protos.eval_pb2'
806
+ # @@protoc_insertion_point(class_scope:protos.RecallAtTopK)
807
+ ))
808
+ _sym_db.RegisterMessage(RecallAtTopK)
809
+
810
+ AvgPrecisionAtTopK = _reflection.GeneratedProtocolMessageType(
811
+ 'AvgPrecisionAtTopK',
812
+ (_message.Message,),
813
+ dict(
814
+ DESCRIPTOR=_AVGPRECISIONATTOPK,
815
+ __module__='easy_rec.python.protos.eval_pb2'
816
+ # @@protoc_insertion_point(class_scope:protos.AvgPrecisionAtTopK)
817
+ ))
818
+ _sym_db.RegisterMessage(AvgPrecisionAtTopK)
819
+
820
+ MeanAbsoluteError = _reflection.GeneratedProtocolMessageType(
821
+ 'MeanAbsoluteError',
822
+ (_message.Message,),
823
+ dict(
824
+ DESCRIPTOR=_MEANABSOLUTEERROR,
825
+ __module__='easy_rec.python.protos.eval_pb2'
826
+ # @@protoc_insertion_point(class_scope:protos.MeanAbsoluteError)
827
+ ))
828
+ _sym_db.RegisterMessage(MeanAbsoluteError)
829
+
830
+ MeanSquaredError = _reflection.GeneratedProtocolMessageType(
831
+ 'MeanSquaredError',
832
+ (_message.Message,),
833
+ dict(
834
+ DESCRIPTOR=_MEANSQUAREDERROR,
835
+ __module__='easy_rec.python.protos.eval_pb2'
836
+ # @@protoc_insertion_point(class_scope:protos.MeanSquaredError)
837
+ ))
838
+ _sym_db.RegisterMessage(MeanSquaredError)
839
+
840
+ Accuracy = _reflection.GeneratedProtocolMessageType(
841
+ 'Accuracy',
842
+ (_message.Message,),
843
+ dict(
844
+ DESCRIPTOR=_ACCURACY,
845
+ __module__='easy_rec.python.protos.eval_pb2'
846
+ # @@protoc_insertion_point(class_scope:protos.Accuracy)
847
+ ))
848
+ _sym_db.RegisterMessage(Accuracy)
849
+
850
+ Precision = _reflection.GeneratedProtocolMessageType(
851
+ 'Precision',
852
+ (_message.Message,),
853
+ dict(
854
+ DESCRIPTOR=_PRECISION,
855
+ __module__='easy_rec.python.protos.eval_pb2'
856
+ # @@protoc_insertion_point(class_scope:protos.Precision)
857
+ ))
858
+ _sym_db.RegisterMessage(Precision)
859
+
860
+ Recall = _reflection.GeneratedProtocolMessageType(
861
+ 'Recall',
862
+ (_message.Message,),
863
+ dict(
864
+ DESCRIPTOR=_RECALL,
865
+ __module__='easy_rec.python.protos.eval_pb2'
866
+ # @@protoc_insertion_point(class_scope:protos.Recall)
867
+ ))
868
+ _sym_db.RegisterMessage(Recall)
869
+
870
+ Max_F1 = _reflection.GeneratedProtocolMessageType(
871
+ 'Max_F1',
872
+ (_message.Message,),
873
+ dict(
874
+ DESCRIPTOR=_MAX_F1,
875
+ __module__='easy_rec.python.protos.eval_pb2'
876
+ # @@protoc_insertion_point(class_scope:protos.Max_F1)
877
+ ))
878
+ _sym_db.RegisterMessage(Max_F1)
879
+
880
+ RootMeanSquaredError = _reflection.GeneratedProtocolMessageType(
881
+ 'RootMeanSquaredError',
882
+ (_message.Message,),
883
+ dict(
884
+ DESCRIPTOR=_ROOTMEANSQUAREDERROR,
885
+ __module__='easy_rec.python.protos.eval_pb2'
886
+ # @@protoc_insertion_point(class_scope:protos.RootMeanSquaredError)
887
+ ))
888
+ _sym_db.RegisterMessage(RootMeanSquaredError)
889
+
890
+ GAUC = _reflection.GeneratedProtocolMessageType(
891
+ 'GAUC',
892
+ (_message.Message,),
893
+ dict(
894
+ DESCRIPTOR=_GAUC,
895
+ __module__='easy_rec.python.protos.eval_pb2'
896
+ # @@protoc_insertion_point(class_scope:protos.GAUC)
897
+ ))
898
+ _sym_db.RegisterMessage(GAUC)
899
+
900
+ SessionAUC = _reflection.GeneratedProtocolMessageType(
901
+ 'SessionAUC',
902
+ (_message.Message,),
903
+ dict(
904
+ DESCRIPTOR=_SESSIONAUC,
905
+ __module__='easy_rec.python.protos.eval_pb2'
906
+ # @@protoc_insertion_point(class_scope:protos.SessionAUC)
907
+ ))
908
+ _sym_db.RegisterMessage(SessionAUC)
909
+
910
+ EvalMetrics = _reflection.GeneratedProtocolMessageType(
911
+ 'EvalMetrics',
912
+ (_message.Message,),
913
+ dict(
914
+ DESCRIPTOR=_EVALMETRICS,
915
+ __module__='easy_rec.python.protos.eval_pb2'
916
+ # @@protoc_insertion_point(class_scope:protos.EvalMetrics)
917
+ ))
918
+ _sym_db.RegisterMessage(EvalMetrics)
919
+
920
+ EvalConfig = _reflection.GeneratedProtocolMessageType(
921
+ 'EvalConfig',
922
+ (_message.Message,),
923
+ dict(
924
+ DESCRIPTOR=_EVALCONFIG,
925
+ __module__='easy_rec.python.protos.eval_pb2'
926
+ # @@protoc_insertion_point(class_scope:protos.EvalConfig)
927
+ ))
928
+ _sym_db.RegisterMessage(EvalConfig)
929
+
930
+ # @@protoc_insertion_point(module_scope)