Skip to content

Conversation

@sararb
Copy link
Contributor

@sararb sararb commented Aug 5, 2022

Fixes #393

Goals ⚽

  • Refactor the prediction block related to multi-classification and next item prediction task.
  • The new prediction block also supports contrastive learning for sampled softmax support.

Implementation Details 🚧

  • Add CategoricalPrediction layer : This new class allows the definition of multi-classification tasks from a schema, with either a dense layer or an embedding table as an output layer (weight-tying use-case).

  • The class also supports negative sampling strategies (also known as sampled softmax) during training/evaluation to obtain top-k logits over a small subset of vocabulary.

  • The negative sampling is handled by the new class ContrastiveLookUps. From a list of samples, it samples items ids and looks up their weights or embeddings.

  • Weight-tying is handled via the new class EmbeddingTablePrediction. The logits are computed by multiplying the embedding weights by the hidden representations given by the neural network (inputs).

  • Add a popularity-based sampler. It uses tf.random.log_uniform_candidate_sampler to approximate item probabilities using log_uniform (zipfisan). The only requirement is that the item ids are decreasingly sorted by their count frequency (which is the default in the NVTabular Categorify op).

Testing Details 🔍

  • Testing new PopularityBasedSamplerV2
  • Testing model with multi-classification task
  • Testing model with next item prediction task
  • Testing setting different negative sampling strategies: None, PopularitySampler, PopularitySampler + In-batch sampling

@sararb sararb added enhancement New feature or request status/work-in-progress labels Aug 5, 2022
@sararb sararb self-assigned this Aug 5, 2022
@sararb sararb mentioned this pull request Aug 5, 2022
@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit 16ebcb13e1f76982de220a0e8e92a63d546757d8, no merge conflicts.
Running as SYSTEM
Setting status of 16ebcb13e1f76982de220a0e8e92a63d546757d8 to PENDING with url https://10.20.13.93:8080/job/merlin_models/837/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse 16ebcb13e1f76982de220a0e8e92a63d546757d8^{commit} # timeout=10
Checking out Revision 16ebcb13e1f76982de220a0e8e92a63d546757d8 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f 16ebcb13e1f76982de220a0e8e92a63d546757d8 # timeout=10
Commit message: "Add first implementation of CategoricalPrediction with/without negatives"
 > git rev-list --no-walk ec1ef5ae2d1fcd829111d6d2ea758330dc01cf22 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins1916846082306198148.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 573 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 1%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 8%]
tests/unit/tf/test_public_api.py . [ 8%]
tests/unit/tf/blocks/test_cross.py ........... [ 10%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 11%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 17%]
tests/unit/tf/blocks/test_multi_optimizers.py s.................... [ 21%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 21%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 23%]
tests/unit/tf/core/test_aggregation.py ......... [ 25%]
tests/unit/tf/core/test_base.py .. [ 25%]
tests/unit/tf/core/test_combinators.py .................. [ 28%]
tests/unit/tf/core/test_index.py ... [ 29%]
tests/unit/tf/core/test_prediction.py .. [ 29%]
tests/unit/tf/core/test_tabular.py .... [ 30%]
tests/unit/tf/core/test_transformations.py s............................ [ 35%]
... [ 35%]
tests/unit/tf/data_augmentation/test_misc.py . [ 35%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 37%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 38%]
tests/unit/tf/examples/test_01_getting_started.py . [ 38%]
tests/unit/tf/examples/test_02_dataschema.py . [ 38%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 39%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 39%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 39%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 39%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 39%]
tests/unit/tf/inputs/test_continuous.py ..... [ 40%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 45%]
tests/unit/tf/inputs/test_tabular.py .................. [ 48%]
tests/unit/tf/layers/test_queue.py .............. [ 50%]
tests/unit/tf/losses/test_losses.py ....................... [ 54%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 55%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 58%]
tests/unit/tf/models/test_base.py ........... [ 60%]
tests/unit/tf/models/test_benchmark.py .. [ 61%]
tests/unit/tf/models/test_ranking.py ................ [ 63%]
tests/unit/tf/models/test_retrieval.py ............................... [ 69%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 69%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 72%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 73%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 73%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 74%]
tests/unit/tf/predictions/test_base.py ..... [ 75%]
tests/unit/tf/predictions/test_classification.py .... [ 76%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 77%]
tests/unit/tf/predictions/test_regression.py .. [ 78%]
tests/unit/tf/predictions/test_sampling.py .. [ 78%]
tests/unit/tf/utils/test_batch.py .... [ 79%]
tests/unit/tf/utils/test_tf_utils.py .. [ 79%]
tests/unit/torch/test_dataset.py ......... [ 80%]
tests/unit/torch/test_public_api.py . [ 81%]
tests/unit/torch/block/test_base.py .... [ 81%]
tests/unit/torch/block/test_mlp.py . [ 82%]
tests/unit/torch/features/test_continuous.py .. [ 82%]
tests/unit/torch/features/test_embedding.py .............. [ 84%]
tests/unit/torch/features/test_tabular.py .... [ 85%]
tests/unit/torch/model/test_head.py ............ [ 87%]
tests/unit/torch/model/test_model.py .. [ 87%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 89%]
tests/unit/torch/tabular/test_tabular.py ... [ 89%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:768: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 2 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filecxi1x8nk.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [2] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 564 passed, 11 skipped, 101 warnings in 778.98s (0:12:58) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins17036210875810367654.sh

@github-actions
Copy link

github-actions bot commented Aug 5, 2022

Documentation preview

https://nvidia-merlin.github.io/models/review/pr-625

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit 2f5d9f8e8a9422eaf4a1067bbbee09d4b31f231f, no merge conflicts.
Running as SYSTEM
Setting status of 2f5d9f8e8a9422eaf4a1067bbbee09d4b31f231f to PENDING with url https://10.20.13.93:8080/job/merlin_models/838/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse 2f5d9f8e8a9422eaf4a1067bbbee09d4b31f231f^{commit} # timeout=10
Checking out Revision 2f5d9f8e8a9422eaf4a1067bbbee09d4b31f231f (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f 2f5d9f8e8a9422eaf4a1067bbbee09d4b31f231f # timeout=10
Commit message: "add unit tests"
 > git rev-list --no-walk 16ebcb13e1f76982de220a0e8e92a63d546757d8 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins1205556655397018862.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 574 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 1%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 8%]
tests/unit/tf/test_public_api.py . [ 8%]
tests/unit/tf/blocks/test_cross.py ........... [ 10%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 11%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 17%]
tests/unit/tf/blocks/test_multi_optimizers.py s.................... [ 21%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 21%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 23%]
tests/unit/tf/core/test_aggregation.py ......... [ 25%]
tests/unit/tf/core/test_base.py .. [ 25%]
tests/unit/tf/core/test_combinators.py .................. [ 28%]
tests/unit/tf/core/test_index.py ... [ 29%]
tests/unit/tf/core/test_prediction.py .. [ 29%]
tests/unit/tf/core/test_tabular.py .... [ 30%]
tests/unit/tf/core/test_transformations.py s............................ [ 35%]
... [ 35%]
tests/unit/tf/data_augmentation/test_misc.py . [ 35%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 37%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 38%]
tests/unit/tf/examples/test_01_getting_started.py . [ 38%]
tests/unit/tf/examples/test_02_dataschema.py . [ 38%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 39%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 39%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 39%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 39%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 39%]
tests/unit/tf/inputs/test_continuous.py ..... [ 40%]
tests/unit/tf/inputs/test_embedding.py ...F.......FF............. [ 45%]
tests/unit/tf/inputs/test_tabular.py ........F.F....... [ 48%]
tests/unit/tf/layers/test_queue.py .............. [ 50%]
tests/unit/tf/losses/test_losses.py ....................... [ 54%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 55%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 58%]
tests/unit/tf/models/test_base.py ........... [ 60%]
tests/unit/tf/models/test_benchmark.py .. [ 60%]
tests/unit/tf/models/test_ranking.py ................ [ 63%]
tests/unit/tf/models/test_retrieval.py ............................... [ 69%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 69%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 72%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 73%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 73%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 74%]
tests/unit/tf/predictions/test_base.py ..... [ 75%]
tests/unit/tf/predictions/test_classification.py ..... [ 76%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 77%]
tests/unit/tf/predictions/test_regression.py .. [ 78%]
tests/unit/tf/predictions/test_sampling.py .. [ 78%]
tests/unit/tf/utils/test_batch.py .... [ 79%]
tests/unit/tf/utils/test_tf_utils.py .. [ 79%]
tests/unit/torch/test_dataset.py ......... [ 81%]
tests/unit/torch/test_public_api.py . [ 81%]
tests/unit/torch/block/test_base.py .... [ 81%]
tests/unit/torch/block/test_mlp.py . [ 82%]
tests/unit/torch/features/test_continuous.py .. [ 82%]
tests/unit/torch/features/test_embedding.py .............. [ 84%]
tests/unit/torch/features/test_tabular.py .... [ 85%]
tests/unit/torch/model/test_head.py ............ [ 87%]
tests/unit/torch/model/test_model.py .. [ 87%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 89%]
tests/unit/torch/tabular/test_tabular.py ... [ 89%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=================================== FAILURES ===================================
___ TestEmbeddingTable.test_layer[32-kwargs0-inputs0-expected_output_shape0] ___

self = <tests.unit.tf.inputs.test_embedding.TestEmbeddingTable object at 0x7f2c47c255b0>
dim = 32, kwargs = {}
inputs = <tf.Tensor: shape=(1, 1), dtype=int32, numpy=array([[1]], dtype=int32)>
expected_output_shape = [1, 32]

@pytest.mark.parametrize(
    ["dim", "kwargs", "inputs", "expected_output_shape"],
    [
        (32, {}, tf.constant([[1]]), [1, 32]),
        (16, {}, tf.ragged.constant([[1, 2, 3], [4, 5]]), [2, None, 16]),
        (16, {"combiner": "mean"}, tf.ragged.constant([[1, 2, 3], [4, 5]]), [2, 16]),
        (16, {"combiner": "mean"}, tf.sparse.from_dense(tf.constant([[1, 2, 3]])), [1, 16]),
    ],
)
def test_layer(self, dim, kwargs, inputs, expected_output_shape):
    column_schema = self.sample_column_schema
    layer = mm.EmbeddingTable(dim, column_schema, **kwargs)

    output = layer(inputs)
  assert list(output.shape) == expected_output_shape

E assert [32] == [1, 32]
E At index 0 diff: 32 != 1
E Right contains one more item: 32
E Full diff:
E - [1, 32]
E + [32]

tests/unit/tf/inputs/test_embedding.py:84: AssertionError
________________ TestEmbeddingTable.test_from_pretrained[True] _________________

self = <tests.unit.tf.inputs.test_embedding.TestEmbeddingTable object at 0x7f2c47c25e80>
trainable = True
music_streaming_data = <merlin.io.dataset.Dataset object at 0x7f2de332aaf0>

@pytest.mark.parametrize("trainable", [True, False])
def test_from_pretrained(self, trainable, music_streaming_data: Dataset):
    vocab_size = music_streaming_data.schema.column_schemas["item_id"].int_domain.max + 1
    embedding_dim = 32
    weights = np.random.rand(vocab_size, embedding_dim)
    pre_trained_weights_df = pd.DataFrame(weights)

    embedding_table = mm.EmbeddingTable.from_pretrained(
        pre_trained_weights_df, name="item_id", trainable=trainable
    )

    assert embedding_table.input_dim == vocab_size

    inputs = tf.constant([[1]])
    output = embedding_table(inputs)
  assert list(output.shape) == [1, embedding_dim]

E assert [32] == [1, 32]
E At index 0 diff: 32 != 1
E Right contains one more item: 32
E Full diff:
E - [1, 32]
E + [32]

tests/unit/tf/inputs/test_embedding.py:174: AssertionError
________________ TestEmbeddingTable.test_from_pretrained[False] ________________

self = <tests.unit.tf.inputs.test_embedding.TestEmbeddingTable object at 0x7f2c47c25f10>
trainable = False
music_streaming_data = <merlin.io.dataset.Dataset object at 0x7f2d442f46d0>

@pytest.mark.parametrize("trainable", [True, False])
def test_from_pretrained(self, trainable, music_streaming_data: Dataset):
    vocab_size = music_streaming_data.schema.column_schemas["item_id"].int_domain.max + 1
    embedding_dim = 32
    weights = np.random.rand(vocab_size, embedding_dim)
    pre_trained_weights_df = pd.DataFrame(weights)

    embedding_table = mm.EmbeddingTable.from_pretrained(
        pre_trained_weights_df, name="item_id", trainable=trainable
    )

    assert embedding_table.input_dim == vocab_size

    inputs = tf.constant([[1]])
    output = embedding_table(inputs)
  assert list(output.shape) == [1, embedding_dim]

E assert [32] == [1, 32]
E At index 0 diff: 32 != 1
E Right contains one more item: 32
E Full diff:
E - [1, 32]
E + [32]

tests/unit/tf/inputs/test_embedding.py:174: AssertionError
________ test_tabular_features_yoochoose_model_inputblockv2[None-False] ________

music_streaming_data = <merlin.io.dataset.Dataset object at 0x7f2d48dcd820>
run_eagerly = False, continuous_projection = None

@testing_utils.mark_run_eagerly_modes
@pytest.mark.parametrize("continuous_projection", [None, 128])
def test_tabular_features_yoochoose_model_inputblockv2(
    music_streaming_data: Dataset, run_eagerly, continuous_projection
):
    if continuous_projection:
        continuous_projection = ml.MLPBlock([continuous_projection])
    inputs = ml.InputBlockV2(
        music_streaming_data.schema,
        continuous_projection=continuous_projection,
        aggregation="concat",
    )

    body = ml.SequentialBlock([inputs, ml.MLPBlock([64])])
    model = ml.Model(body, ml.BinaryClassificationTask("click"))
  testing_utils.model_test(model, music_streaming_data, run_eagerly=run_eagerly)

tests/unit/tf/inputs/test_tabular.py:92:


merlin/models/tf/utils/testing_utils.py:89: in model_test
losses = model.fit(dataset, batch_size=50, epochs=epochs, steps_per_epoch=1)
merlin/models/tf/models/base.py:713: in fit
return super().fit(**fit_kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:1409: in fit
tmp_logs = self.train_function(iterator)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/traceback_utils.py:141: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:915: in call
result = self.call(*args, **kwds)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:963: in call
self.initialize(args, kwds, add_initializers_to=initializers)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:785: in initialize
self.stateful_fn.get_concrete_function_internal_garbage_collected( # pylint: disable=protected-access
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/function.py:2480: in get_concrete_function_internal_garbage_collected
graph_function, _ = self.maybe_define_function(args, kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/function.py:2711: in maybe_define_function
graph_function = self.create_graph_function(args, kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/function.py:2627: in create_graph_function
func_graph_module.func_graph_from_py_func(
/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/func_graph.py:1141: in func_graph_from_py_func
func_outputs = python_func(*func_args, **func_kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:677: in wrapped_fn
out = weak_wrapped_fn().wrapped(*args, **kwds)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/func_graph.py:1127: in autograph_handler
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/func_graph.py:1116: in autograph_handler
return autograph.converted_call(
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file353vo209.py:15: in tf__train_function
retval
= ag
.converted_call(ag
.ld(step_function), (ag
.ld(self), ag
.ld(iterator)), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:377: in converted_call
return call_unconverted(f, args, kwargs, options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:459: in call_unconverted
return f(*args)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:1040: in step_function
outputs = model.distribute_strategy.run(run_step, args=(data,))
/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py:1312: in run
return self.extended.call_for_each_replica(fn, args=args, kwargs=kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py:2888: in call_for_each_replica
return self.call_for_each_replica(fn, args, kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py:3689: in call_for_each_replica
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:377: in converted_call
return call_unconverted(f, args, kwargs, options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:1030: in run_step
outputs = model.train_step(data)
merlin/models/tf/models/base.py:572: in train_step
outputs = self.call_train_test(x, y, sample_weight=sample_weight, training=True)
merlin/models/tf/models/base.py:502: in call_train_test
forward = self(
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:490: in call
return super().call(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filet6lcqlfk.py:42: in tf__call
ag
.for_stmt(ag
.ld(self).blocks, None, loop_body, get_state_1, set_state_1, ('context', 'outputs'), {'iterate_names': 'block'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_filet6lcqlfk.py:40: in loop_body
(outputs, context) = ag
.converted_call(ag
.ld(self).call_child, (ag
.ld(block), ag
.ld(outputs), ag
.ld(context)), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_file8kc7i77b.py:25: in tf___call_child
outputs = ag
.converted_call(ag
.ld(call_layer), (ag
_.ld(child), ag__.ld(inputs)), dict(**ag__.ld(call_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file0tct_b70.py:50: in tf__call_layer
retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filed7_sfq_3.py:14: in tf____call
retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:331: in converted_call
return call_unconverted(f, args, kwargs, options, False)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_fileuqbfrzgu.py:25: in tf__call
ag
.for_stmt(ag
.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_fileuqbfrzgu.py:22: in loop_body
outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file0tct_b70.py:50: in tf__call_layer
retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filed7_sfq_3.py:14: in tf____call
retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:331: in converted_call
return call_unconverted(f, args, kwargs, options, False)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_fileuqbfrzgu.py:25: in tf__call
ag
.for_stmt(ag
.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_fileuqbfrzgu.py:22: in loop_body
outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file0tct_b70.py:50: in tf__call_layer
retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filet1vjqdcw.py:28: in tf___tabular_call
ag
.if_stmt(ag__.converted_call(ag__.ld(isinstance), (ag__.ld(outputs), ag__.ld(dict)), None, fscope), if_body, else_body, get_state, set_state, ('outputs',), 1)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1341: in if_stmt
py_if_stmt(cond, body, orelse)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1394: in py_if_stmt
return body() if cond else orelse()
/tmp/autograph_generated_filet1vjqdcw.py:23: in if_body
outputs = ag
.converted_call(ag
.ld(self).post_call, (ag__.ld(outputs),), dict(transformations=ag__.ld(post), merge_with=ag__.ld(merge_with), aggregation=ag__.ld(aggregation)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filesrt4gshp.py:116: in tf__post_call
ag
.if_stmt(ag__.ld(aggregation), if_body_4, else_body_4, get_state_5, set_state_5, ('do_return', 'retval'), 2)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1341: in if_stmt
py_if_stmt(cond, body, orelse)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1394: in py_if_stmt
return body() if cond else orelse()
/tmp/autograph_generated_filesrt4gshp.py:103: in if_body_4
retval
= ag
.converted_call(ag
_.ld(aggregation), (ag_.ld(outputs),), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_filed7_sfq_3.py:14: in tf____call
retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:331: in converted_call
return call_unconverted(f, args, kwargs, options, False)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filehbd2tjn.py:10: in tf__call
ag
.converted_call(ag
_.ld(self).expand_non_sequential_features, (ag_.ld(inputs),), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_file8c6u5c65.py:11: in tf___expand_non_sequential_features
(seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_file5i3t4fm.py:35: in tf___get_seq_features_shapes
ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_file5i3t4fm.py:32: in loop_body
ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:371: in converted_call
return py_builtins.overload_of(f)(*args)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py:242: in len_
return _py_len(s)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py:307: in _py_len
return len(s)


self = TensorShape(None)

def __len__(self):
  """Returns the rank of this shape, or raises ValueError if unspecified."""
  if self._dims is None:
  raise ValueError("Cannot take the length of shape with unknown rank.")

E ValueError: in user code:
E
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 1051, in train_function *
E return step_function(self, iterator)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 1040, in step_function **
E outputs = model.distribute_strategy.run(run_step, args=(data,))
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 1312, in run
E return self.extended.call_for_each_replica(fn, args=args, kwargs=kwargs)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 2888, in call_for_each_replica
E return self.call_for_each_replica(fn, args, kwargs)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 3689, in call_for_each_replica
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 1030, in run_step **
E outputs = model.train_step(data)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 572, in train_step
E outputs = self.call_train_test(x, y, sample_weight=sample_weight, training=True)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 502, in call_train_test
E forward = self(
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 490, in call
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filet6lcqlfk.py", line 42, in tf__call **
E ag
.for_stmt(ag
.ld(self).blocks, None, loop_body, get_state_1, set_state_1, ('context', 'outputs'), {'iterate_names': 'block'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_filet6lcqlfk.py", line 40, in loop_body
E (outputs, context) = ag
.converted_call(ag
.ld(self).call_child, (ag_.ld(block), ag__.ld(outputs), ag__.ld(context)), None, fscope)
E File "/tmp/autograph_generated_file8kc7i77b.py", line 25, in tf___call_child **
E outputs = ag
.converted_call(ag__.ld(call_layer), (ag__.ld(child), ag__.ld(inputs)), dict(**ag__.ld(call_kwargs)), fscope)
E File "/tmp/autograph_generated_file0tct_b70.py", line 50, in tf__call_layer **
E retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
E File "/tmp/autograph_generated_filed7_sfq_3.py", line 14, in tf____call **
E retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 25, in tf__call **
E ag
.for_stmt(ag__.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 22, in loop_body
E outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
E File "/tmp/autograph_generated_file0tct_b70.py", line 50, in tf__call_layer **
E retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
E File "/tmp/autograph_generated_filed7_sfq_3.py", line 14, in tf____call **
E retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 25, in tf__call **
E ag
.for_stmt(ag__.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 22, in loop_body
E outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
E File "/tmp/autograph_generated_file0tct_b70.py", line 50, in tf__call_layer **
E retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
E File "/tmp/autograph_generated_filet1vjqdcw.py", line 28, in tf___tabular_call **
E ag
.if_stmt(ag__.converted_call(ag__.ld(isinstance), (ag__.ld(outputs), ag__.ld(dict)), None, fscope), if_body, else_body, get_state, set_state, ('outputs',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1341, in if_stmt
E py_if_stmt(cond, body, orelse)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1394, in py_if_stmt
E return body() if cond else orelse()
E File "/tmp/autograph_generated_filet1vjqdcw.py", line 23, in if_body
E outputs = ag
.converted_call(ag
.ld(self).post_call, (ag__.ld(outputs),), dict(transformations=ag__.ld(post), merge_with=ag__.ld(merge_with), aggregation=ag__.ld(aggregation)), fscope)
E File "/tmp/autograph_generated_filesrt4gshp.py", line 116, in tf__post_call **
E ag
.if_stmt(ag__.ld(aggregation), if_body_4, else_body_4, get_state_5, set_state_5, ('do_return', 'retval'), 2)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1341, in if_stmt
E py_if_stmt(cond, body, orelse)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1394, in py_if_stmt
E return body() if cond else orelse()
E File "/tmp/autograph_generated_filesrt4gshp.py", line 103, in if_body_4
E retval
= ag
.converted_call(ag
_.ld(aggregation), (ag_.ld(outputs),), None, fscope)
E File "/tmp/autograph_generated_filed7_sfq_3.py", line 14, in tf____call **
E retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
_.converted_call(ag__.ld(self).expand_non_sequential_features, (ag_.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "model" (type Model).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 910, in call *
E outputs, context = self.call_child(block, outputs, context)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 939, in call_child *
E outputs = call_layer(child, inputs, **call_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/utils/tf_utils.py", line 362, in call_layer *
E return layer(inputs, *args, **filtered_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/config/schema.py", line 58, in call *
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
.converted_call(ag
.ld(self).expand_non_sequential_features, (ag
.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "sequential_block_2" (type SequentialBlock).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/combinators.py", line 283, in call *
E outputs = call_layer(layer, outputs, training=training, **kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/utils/tf_utils.py", line 362, in call_layer *
E return layer(inputs, *args, **filtered_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/config/schema.py", line 58, in call *
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
.converted_call(ag
_.ld(self).expand_non_sequential_features, (ag_.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "sequential_block" (type SequentialBlock).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/combinators.py", line 283, in call *
E outputs = call_layer(layer, outputs, training=training, **kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/utils/tf_utils.py", line 362, in call_layer *
E return layer(inputs, *args, **filtered_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 486, in tabular_call *
E outputs = self.post_call(
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 269, in post_call *
E return aggregation(outputs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/config/schema.py", line 58, in call *
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
.converted_call(ag
.ld(self).expand_non_sequential_features, (ag
.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return _py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in _py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "concat_features" (type ConcatFeatures).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/aggregation.py", line 56, in call *
E self._expand_non_sequential_features(inputs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 31, in _expand_non_sequential_features *
E seq_features_shapes, sequence_length = self._get_seq_features_shapes(inputs_sizes)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 45, in get_seq_features_shapes *
E if len(fshape) >= 3:
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len
**
E return _py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in _py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Cannot take the length of shape with unknown rank.
E
E
E Call arguments received by layer "concat_features" (type ConcatFeatures):
E • inputs={'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)', 'session_id': 'tf.Tensor(shape=, dtype=float32)', 'item_id': 'tf.Tensor(shape=, dtype=float32)', 'item_category': 'tf.Tensor(shape=, dtype=float32)', 'item_genres': 'tf.Tensor(shape=(None, 8), dtype=float32)', 'user_id': 'tf.Tensor(shape=, dtype=float32)', 'country': 'tf.Tensor(shape=, dtype=float32)', 'user_genres': 'tf.Tensor(shape=(None, 8), dtype=float32)'}
E • kwargs={'training': 'True'}
E
E
E Call arguments received by layer "sequential_block" (type SequentialBlock):
E • inputs={'item_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'user_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}
E • training=True
E • kwargs={'features': {'item_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths/control_dependency:0", shape=(None,), dtype=int32))', 'user_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice_2:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths_1/control_dependency:0", shape=(None,), dtype=int32))', 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}, 'testing': 'False', 'mask': ('None',), 'targets': {'click': 'tf.Tensor(shape=(None, None), dtype=float64)', 'like': 'tf.Tensor(shape=(None, None), dtype=float64)', 'play_percentage': 'tf.Tensor(shape=(None, None), dtype=float64)'}}
E
E
E Call arguments received by layer "sequential_block_2" (type SequentialBlock):
E • inputs={'item_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'user_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}
E • training=True
E • kwargs={'features': {'item_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths/control_dependency:0", shape=(None,), dtype=int32))', 'user_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice_2:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths_1/control_dependency:0", shape=(None,), dtype=int32))', 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}, 'testing': 'False', 'mask': ('None',), 'targets': {'click': 'tf.Tensor(shape=(None, None), dtype=float64)', 'like': 'tf.Tensor(shape=(None, None), dtype=float64)', 'play_percentage': 'tf.Tensor(shape=(None, None), dtype=float64)'}}
E
E
E Call arguments received by layer "model" (type Model):
E • inputs={'item_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'user_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}
E • targets={'click': 'tf.Tensor(shape=(None, None), dtype=float64)', 'like': 'tf.Tensor(shape=(None, None), dtype=float64)', 'play_percentage': 'tf.Tensor(shape=(None, None), dtype=float64)'}
E • training=True
E • testing=False
E • output_context=False

/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py:868: ValueError
________ test_tabular_features_yoochoose_model_inputblockv2[128-False] _________

music_streaming_data = <merlin.io.dataset.Dataset object at 0x7f2de35ad0d0>
run_eagerly = False
continuous_projection = MLPBlock(
(layers): List(
(0): _Dense(
(dense): Dense(
128, activation=relu, use_bias=True
...nt64
(country): tf.int64
(item_recency): tf.float32
(user_age): tf.float32
(position): tf.float32
)
)

@testing_utils.mark_run_eagerly_modes
@pytest.mark.parametrize("continuous_projection", [None, 128])
def test_tabular_features_yoochoose_model_inputblockv2(
    music_streaming_data: Dataset, run_eagerly, continuous_projection
):
    if continuous_projection:
        continuous_projection = ml.MLPBlock([continuous_projection])
    inputs = ml.InputBlockV2(
        music_streaming_data.schema,
        continuous_projection=continuous_projection,
        aggregation="concat",
    )

    body = ml.SequentialBlock([inputs, ml.MLPBlock([64])])
    model = ml.Model(body, ml.BinaryClassificationTask("click"))
  testing_utils.model_test(model, music_streaming_data, run_eagerly=run_eagerly)

tests/unit/tf/inputs/test_tabular.py:92:


merlin/models/tf/utils/testing_utils.py:89: in model_test
losses = model.fit(dataset, batch_size=50, epochs=epochs, steps_per_epoch=1)
merlin/models/tf/models/base.py:713: in fit
return super().fit(**fit_kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:1409: in fit
tmp_logs = self.train_function(iterator)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/traceback_utils.py:141: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:915: in call
result = self.call(*args, **kwds)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:963: in call
self.initialize(args, kwds, add_initializers_to=initializers)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:785: in initialize
self.stateful_fn.get_concrete_function_internal_garbage_collected( # pylint: disable=protected-access
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/function.py:2480: in get_concrete_function_internal_garbage_collected
graph_function, _ = self.maybe_define_function(args, kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/function.py:2711: in maybe_define_function
graph_function = self.create_graph_function(args, kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/function.py:2627: in create_graph_function
func_graph_module.func_graph_from_py_func(
/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/func_graph.py:1141: in func_graph_from_py_func
func_outputs = python_func(*func_args, **func_kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/eager/def_function.py:677: in wrapped_fn
out = weak_wrapped_fn().wrapped(*args, **kwds)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/func_graph.py:1127: in autograph_handler
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/func_graph.py:1116: in autograph_handler
return autograph.converted_call(
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file353vo209.py:15: in tf__train_function
retval
= ag
.converted_call(ag
.ld(step_function), (ag
.ld(self), ag
.ld(iterator)), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:377: in converted_call
return call_unconverted(f, args, kwargs, options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:459: in call_unconverted
return f(*args)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:1040: in step_function
outputs = model.distribute_strategy.run(run_step, args=(data,))
/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py:1312: in run
return self.extended.call_for_each_replica(fn, args=args, kwargs=kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py:2888: in call_for_each_replica
return self.call_for_each_replica(fn, args, kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py:3689: in call_for_each_replica
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:377: in converted_call
return call_unconverted(f, args, kwargs, options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:1030: in run_step
outputs = model.train_step(data)
merlin/models/tf/models/base.py:572: in train_step
outputs = self.call_train_test(x, y, sample_weight=sample_weight, training=True)
merlin/models/tf/models/base.py:502: in call_train_test
forward = self(
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/training.py:490: in call
return super().call(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filet6lcqlfk.py:42: in tf__call
ag
.for_stmt(ag
.ld(self).blocks, None, loop_body, get_state_1, set_state_1, ('context', 'outputs'), {'iterate_names': 'block'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_filet6lcqlfk.py:40: in loop_body
(outputs, context) = ag
.converted_call(ag
.ld(self).call_child, (ag
.ld(block), ag
.ld(outputs), ag
.ld(context)), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_file8kc7i77b.py:25: in tf___call_child
outputs = ag
.converted_call(ag
.ld(call_layer), (ag
_.ld(child), ag__.ld(inputs)), dict(**ag__.ld(call_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file0tct_b70.py:50: in tf__call_layer
retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filed7_sfq_3.py:14: in tf____call
retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:331: in converted_call
return call_unconverted(f, args, kwargs, options, False)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_fileuqbfrzgu.py:25: in tf__call
ag
.for_stmt(ag
.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_fileuqbfrzgu.py:22: in loop_body
outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file0tct_b70.py:50: in tf__call_layer
retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filed7_sfq_3.py:14: in tf____call
retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:331: in converted_call
return call_unconverted(f, args, kwargs, options, False)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_fileuqbfrzgu.py:25: in tf__call
ag
.for_stmt(ag
.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_fileuqbfrzgu.py:22: in loop_body
outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_file0tct_b70.py:50: in tf__call_layer
retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filet1vjqdcw.py:28: in tf___tabular_call
ag
.if_stmt(ag__.converted_call(ag__.ld(isinstance), (ag__.ld(outputs), ag__.ld(dict)), None, fscope), if_body, else_body, get_state, set_state, ('outputs',), 1)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1341: in if_stmt
py_if_stmt(cond, body, orelse)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1394: in py_if_stmt
return body() if cond else orelse()
/tmp/autograph_generated_filet1vjqdcw.py:23: in if_body
outputs = ag
.converted_call(ag
.ld(self).post_call, (ag__.ld(outputs),), dict(transformations=ag__.ld(post), merge_with=ag__.ld(merge_with), aggregation=ag__.ld(aggregation)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filesrt4gshp.py:116: in tf__post_call
ag
.if_stmt(ag__.ld(aggregation), if_body_4, else_body_4, get_state_5, set_state_5, ('do_return', 'retval'), 2)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1341: in if_stmt
py_if_stmt(cond, body, orelse)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:1394: in py_if_stmt
return body() if cond else orelse()
/tmp/autograph_generated_filesrt4gshp.py:103: in if_body_4
retval
= ag
.converted_call(ag
_.ld(aggregation), (ag_.ld(outputs),), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_filed7_sfq_3.py:14: in tf____call
retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:331: in converted_call
return call_unconverted(f, args, kwargs, options, False)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:458: in call_unconverted
return f(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:60: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py:1014: in call
outputs = call_fn(inputs, *args, **kwargs)
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:146: in error_handler
raise new_e.with_traceback(e.traceback) from None
/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py:92: in error_handler
return fn(*args, **kwargs)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:692: in wrapper
raise e.ag_error_metadata.to_exception(e)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:689: in wrapper
return converted_call(f, args, kwargs, options=options)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:439: in converted_call
result = converted_f(*effective_args, **kwargs)
/tmp/autograph_generated_filehbd2tjn.py:10: in tf__call
ag
.converted_call(ag
_.ld(self).expand_non_sequential_features, (ag_.ld(inputs),), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_file8c6u5c65.py:11: in tf___expand_non_sequential_features
(seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:441: in converted_call
result = converted_f(*effective_args)
/tmp/autograph_generated_file5i3t4fm.py:35: in tf___get_seq_features_shapes
ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:449: in for_stmt
py_for_stmt(iter, extra_test, body, None, None)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:498: in py_for_stmt
body(target)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py:464: in protected_body
original_body(protected_iter)
/tmp/autograph_generated_file5i3t4fm.py:32: in loop_body
ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/impl/api.py:371: in converted_call
return py_builtins.overload_of(f)(*args)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py:242: in len_
return _py_len(s)
/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py:307: in _py_len
return len(s)


self = TensorShape(None)

def __len__(self):
  """Returns the rank of this shape, or raises ValueError if unspecified."""
  if self._dims is None:
  raise ValueError("Cannot take the length of shape with unknown rank.")

E ValueError: in user code:
E
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 1051, in train_function *
E return step_function(self, iterator)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 1040, in step_function **
E outputs = model.distribute_strategy.run(run_step, args=(data,))
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 1312, in run
E return self.extended.call_for_each_replica(fn, args=args, kwargs=kwargs)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 2888, in call_for_each_replica
E return self.call_for_each_replica(fn, args, kwargs)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/distribute/distribute_lib.py", line 3689, in call_for_each_replica
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 1030, in run_step **
E outputs = model.train_step(data)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 572, in train_step
E outputs = self.call_train_test(x, y, sample_weight=sample_weight, training=True)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 502, in call_train_test
E forward = self(
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/training.py", line 490, in call
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filet6lcqlfk.py", line 42, in tf__call **
E ag
.for_stmt(ag
.ld(self).blocks, None, loop_body, get_state_1, set_state_1, ('context', 'outputs'), {'iterate_names': 'block'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_filet6lcqlfk.py", line 40, in loop_body
E (outputs, context) = ag
.converted_call(ag
.ld(self).call_child, (ag_.ld(block), ag__.ld(outputs), ag__.ld(context)), None, fscope)
E File "/tmp/autograph_generated_file8kc7i77b.py", line 25, in tf___call_child **
E outputs = ag
.converted_call(ag__.ld(call_layer), (ag__.ld(child), ag__.ld(inputs)), dict(**ag__.ld(call_kwargs)), fscope)
E File "/tmp/autograph_generated_file0tct_b70.py", line 50, in tf__call_layer **
E retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
E File "/tmp/autograph_generated_filed7_sfq_3.py", line 14, in tf____call **
E retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 25, in tf__call **
E ag
.for_stmt(ag__.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 22, in loop_body
E outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
E File "/tmp/autograph_generated_file0tct_b70.py", line 50, in tf__call_layer **
E retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
E File "/tmp/autograph_generated_filed7_sfq_3.py", line 14, in tf____call **
E retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 25, in tf__call **
E ag
.for_stmt(ag__.converted_call(ag__.ld(enumerate), (ag__.ld(self).layers,), None, fscope), None, loop_body, get_state, set_state, ('outputs',), {'iterate_names': '(i, layer)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_fileuqbfrzgu.py", line 22, in loop_body
E outputs = ag
.converted_call(ag
_.ld(call_layer), (ag__.ld(layer), ag__.ld(outputs)), dict(training=ag__.ld(training), **ag__.ld(kwargs)), fscope)
E File "/tmp/autograph_generated_file0tct_b70.py", line 50, in tf__call_layer **
E retval
= ag
_.converted_call(ag__.ld(layer), ((ag__.ld(inputs),) + tuple(ag__.ld(args))), dict(**ag__.ld(filtered_kwargs)), fscope)
E File "/tmp/autograph_generated_filet1vjqdcw.py", line 28, in tf___tabular_call **
E ag
.if_stmt(ag__.converted_call(ag__.ld(isinstance), (ag__.ld(outputs), ag__.ld(dict)), None, fscope), if_body, else_body, get_state, set_state, ('outputs',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1341, in if_stmt
E py_if_stmt(cond, body, orelse)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1394, in py_if_stmt
E return body() if cond else orelse()
E File "/tmp/autograph_generated_filet1vjqdcw.py", line 23, in if_body
E outputs = ag
.converted_call(ag
.ld(self).post_call, (ag__.ld(outputs),), dict(transformations=ag__.ld(post), merge_with=ag__.ld(merge_with), aggregation=ag__.ld(aggregation)), fscope)
E File "/tmp/autograph_generated_filesrt4gshp.py", line 116, in tf__post_call **
E ag
.if_stmt(ag__.ld(aggregation), if_body_4, else_body_4, get_state_5, set_state_5, ('do_return', 'retval'), 2)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1341, in if_stmt
E py_if_stmt(cond, body, orelse)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 1394, in py_if_stmt
E return body() if cond else orelse()
E File "/tmp/autograph_generated_filesrt4gshp.py", line 103, in if_body_4
E retval
= ag
.converted_call(ag
_.ld(aggregation), (ag_.ld(outputs),), None, fscope)
E File "/tmp/autograph_generated_filed7_sfq_3.py", line 14, in tf____call **
E retval_ = ag__.converted_call(ag__.converted_call(ag__.ld(super), (), None, fscope).call, tuple(ag__.ld(args)), dict(**ag__.ld(kwargs)), fscope)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
_.converted_call(ag__.ld(self).expand_non_sequential_features, (ag_.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "model" (type Model).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 910, in call *
E outputs, context = self.call_child(block, outputs, context)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/models/base.py", line 939, in call_child *
E outputs = call_layer(child, inputs, **call_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/utils/tf_utils.py", line 362, in call_layer *
E return layer(inputs, *args, **filtered_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/config/schema.py", line 58, in call *
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
.converted_call(ag
.ld(self).expand_non_sequential_features, (ag
.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "sequential_block_4" (type SequentialBlock).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/combinators.py", line 283, in call *
E outputs = call_layer(layer, outputs, training=training, **kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/utils/tf_utils.py", line 362, in call_layer *
E return layer(inputs, *args, **filtered_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/config/schema.py", line 58, in call *
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
.converted_call(ag
_.ld(self).expand_non_sequential_features, (ag_.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "sequential_block_2" (type SequentialBlock).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/combinators.py", line 283, in call *
E outputs = call_layer(layer, outputs, training=training, **kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/utils/tf_utils.py", line 362, in call_layer *
E return layer(inputs, *args, **filtered_kwargs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 486, in tabular_call *
E outputs = self.post_call(
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 269, in post_call *
E return aggregation(outputs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/config/schema.py", line 58, in call *
E return super().call(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 60, in error_handler **
E return fn(*args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/engine/base_layer.py", line 1014, in call
E outputs = call_fn(inputs, *args, **kwargs)
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 146, in error_handler
E raise new_e.with_traceback(e.traceback) from None
E File "/usr/local/lib/python3.8/dist-packages/keras/utils/traceback_utils.py", line 92, in error_handler
E return fn(*args, **kwargs)
E File "/tmp/autograph_generated_filehbd2tjn.py", line 10, in tf__call **
E ag
.converted_call(ag
.ld(self).expand_non_sequential_features, (ag
.ld(inputs),), None, fscope)
E File "/tmp/autograph_generated_file8c6u5c65.py", line 11, in tf___expand_non_sequential_features **
E (seq_features_shapes, sequence_length) = ag
.converted_call(ag__.ld(self).get_seq_features_shapes, (ag_.ld(inputs_sizes),), None, fscope)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 35, in tf___get_seq_features_shapes **
E ag
_.for_stmt(ag__.converted_call(ag__.ld(inputs_sizes).items, (), None, fscope), None, loop_body, get_state_1, set_state_1, (), {'iterate_names': '(fname, fshape)'})
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 449, in for_stmt
E py_for_stmt(iter, extra_test, body, None, None)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 498, in py_for_stmt
E body(target)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/control_flow.py", line 464, in protected_body
E original_body(protected_iter)
E File "/tmp/autograph_generated_file5i3t4fm.py", line 32, in loop_body
E ag
.if_stmt((ag__.converted_call(ag__.ld(len), (ag__.ld(fshape),), None, fscope) >= 3), if_body, else_body, get_state, set_state, ('seq_features_shapes[fname]',), 1)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len_ **
E return _py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in _py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Exception encountered when calling layer "concat_features_1" (type ConcatFeatures).
E
E in user code:
E
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/aggregation.py", line 56, in call *
E self._expand_non_sequential_features(inputs)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 31, in _expand_non_sequential_features *
E seq_features_shapes, sequence_length = self._get_seq_features_shapes(inputs_sizes)
E File "/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/core/tabular.py", line 45, in get_seq_features_shapes *
E if len(fshape) >= 3:
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 242, in len
**
E return _py_len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/autograph/operators/py_builtins.py", line 307, in _py_len
E return len(s)
E File "/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py", line 868, in len
E raise ValueError("Cannot take the length of shape with unknown rank.")
E
E ValueError: Cannot take the length of shape with unknown rank.
E
E
E Call arguments received by layer "concat_features_1" (type ConcatFeatures):
E • inputs={'continuous': 'tf.Tensor(shape=(None, 128), dtype=float32)', 'session_id': 'tf.Tensor(shape=, dtype=float32)', 'item_id': 'tf.Tensor(shape=, dtype=float32)', 'item_category': 'tf.Tensor(shape=, dtype=float32)', 'item_genres': 'tf.Tensor(shape=(None, 8), dtype=float32)', 'user_id': 'tf.Tensor(shape=, dtype=float32)', 'country': 'tf.Tensor(shape=, dtype=float32)', 'user_genres': 'tf.Tensor(shape=(None, 8), dtype=float32)'}
E • kwargs={'training': 'True'}
E
E
E Call arguments received by layer "sequential_block_2" (type SequentialBlock):
E • inputs={'item_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'user_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}
E • training=True
E • kwargs={'features': {'item_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths/control_dependency:0", shape=(None,), dtype=int32))', 'user_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice_2:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths_1/control_dependency:0", shape=(None,), dtype=int32))', 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}, 'testing': 'False', 'mask': ('None',), 'targets': {'click': 'tf.Tensor(shape=(None, None), dtype=float64)', 'like': 'tf.Tensor(shape=(None, None), dtype=float64)', 'play_percentage': 'tf.Tensor(shape=(None, None), dtype=float64)'}}
E
E
E Call arguments received by layer "sequential_block_4" (type SequentialBlock):
E • inputs={'item_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'user_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}
E • training=True
E • kwargs={'features': {'item_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths/control_dependency:0", shape=(None,), dtype=int32))', 'user_genres': 'tf.RaggedTensor(values=Tensor("model/as_ragged_features/strided_slice_2:0", shape=(None,), dtype=int64), row_splits=Tensor("model/as_ragged_features/RaggedFromRowLengths_1/control_dependency:0", shape=(None,), dtype=int32))', 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}, 'testing': 'False', 'mask': ('None',), 'targets': {'click': 'tf.Tensor(shape=(None, None), dtype=float64)', 'like': 'tf.Tensor(shape=(None, None), dtype=float64)', 'play_percentage': 'tf.Tensor(shape=(None, None), dtype=float64)'}}
E
E
E Call arguments received by layer "model" (type Model):
E • inputs={'item_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'user_genres': ('tf.Tensor(shape=(None, None), dtype=int64)', 'tf.Tensor(shape=(None, None), dtype=int32)'), 'session_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_category': 'tf.Tensor(shape=(None, None), dtype=int64)', 'user_id': 'tf.Tensor(shape=(None, None), dtype=int64)', 'country': 'tf.Tensor(shape=(None, None), dtype=int64)', 'item_recency': 'tf.Tensor(shape=(None, None), dtype=float32)', 'user_age': 'tf.Tensor(shape=(None, None), dtype=float32)', 'position': 'tf.Tensor(shape=(None, None), dtype=float32)'}
E • targets={'click': 'tf.Tensor(shape=(None, None), dtype=float64)', 'like': 'tf.Tensor(shape=(None, None), dtype=float64)', 'play_percentage': 'tf.Tensor(shape=(None, None), dtype=float64)'}
E • training=True
E • testing=False
E • output_context=False

/usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/tensor_shape.py:868: ValueError
=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 2 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_fileiubjh73i.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [2] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
===== 5 failed, 560 passed, 11 skipped, 101 warnings in 782.55s (0:13:02) ======
Build step 'Execute shell' marked build as failure
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins11301010499332442967.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit e3a06baecacb79082996af59230348db5ceb17b9, no merge conflicts.
Running as SYSTEM
Setting status of e3a06baecacb79082996af59230348db5ceb17b9 to PENDING with url https://10.20.13.93:8080/job/merlin_models/843/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse e3a06baecacb79082996af59230348db5ceb17b9^{commit} # timeout=10
Checking out Revision e3a06baecacb79082996af59230348db5ceb17b9 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f e3a06baecacb79082996af59230348db5ceb17b9 # timeout=10
Commit message: "add more test"
 > git rev-list --no-walk 71a064b28fd8fb563372ffd6f2d558cb88fd21df # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins1725060374784401780.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 578 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 1%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 8%]
tests/unit/tf/test_public_api.py . [ 8%]
tests/unit/tf/blocks/test_cross.py ........... [ 10%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 11%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 17%]
tests/unit/tf/blocks/test_multi_optimizers.py s.................... [ 21%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 21%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 23%]
tests/unit/tf/core/test_aggregation.py ......... [ 24%]
tests/unit/tf/core/test_base.py .. [ 25%]
tests/unit/tf/core/test_combinators.py .................. [ 28%]
tests/unit/tf/core/test_index.py ... [ 28%]
tests/unit/tf/core/test_prediction.py .. [ 29%]
tests/unit/tf/core/test_tabular.py .... [ 29%]
tests/unit/tf/core/test_transformations.py s............................ [ 34%]
... [ 35%]
tests/unit/tf/data_augmentation/test_misc.py . [ 35%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 37%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 38%]
tests/unit/tf/examples/test_01_getting_started.py . [ 38%]
tests/unit/tf/examples/test_02_dataschema.py . [ 38%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 38%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 38%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 39%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 39%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 39%]
tests/unit/tf/inputs/test_continuous.py ..... [ 40%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 44%]
tests/unit/tf/inputs/test_tabular.py .................. [ 47%]
tests/unit/tf/layers/test_queue.py .............. [ 50%]
tests/unit/tf/losses/test_losses.py ....................... [ 54%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 55%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 58%]
tests/unit/tf/models/test_base.py ........... [ 60%]
tests/unit/tf/models/test_benchmark.py .. [ 60%]
tests/unit/tf/models/test_ranking.py ................ [ 63%]
tests/unit/tf/models/test_retrieval.py ............................... [ 68%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 69%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 71%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 72%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 73%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 74%]
tests/unit/tf/predictions/test_base.py ..... [ 74%]
tests/unit/tf/predictions/test_classification.py ....... [ 76%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 77%]
tests/unit/tf/predictions/test_regression.py .. [ 77%]
tests/unit/tf/predictions/test_sampling.py .... [ 78%]
tests/unit/tf/utils/test_batch.py .... [ 79%]
tests/unit/tf/utils/test_tf_utils.py .. [ 79%]
tests/unit/torch/test_dataset.py ......... [ 81%]
tests/unit/torch/test_public_api.py . [ 81%]
tests/unit/torch/block/test_base.py .... [ 82%]
tests/unit/torch/block/test_mlp.py . [ 82%]
tests/unit/torch/features/test_continuous.py .. [ 82%]
tests/unit/torch/features/test_embedding.py .............. [ 84%]
tests/unit/torch/features/test_tabular.py .... [ 85%]
tests/unit/torch/model/test_head.py ............ [ 87%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 89%]
tests/unit/torch/tabular/test_tabular.py ... [ 89%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_fileaps1x6ha.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [2] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 569 passed, 11 skipped, 111 warnings in 816.82s (0:13:36) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins9243190670825037299.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit 64c2eeb5b45ec2605968eeb8698102977afb2ccb, no merge conflicts.
Running as SYSTEM
Setting status of 64c2eeb5b45ec2605968eeb8698102977afb2ccb to PENDING with url https://10.20.13.93:8080/job/merlin_models/850/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse 64c2eeb5b45ec2605968eeb8698102977afb2ccb^{commit} # timeout=10
Checking out Revision 64c2eeb5b45ec2605968eeb8698102977afb2ccb (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f 64c2eeb5b45ec2605968eeb8698102977afb2ccb # timeout=10
Commit message: "update docstrings"
 > git rev-list --no-walk b7dcbddb382bd7d7363ef6b94b2fcdcc411b62cb # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins5505567526724406498.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 578 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 1%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 8%]
tests/unit/tf/test_public_api.py . [ 8%]
tests/unit/tf/blocks/test_cross.py ........... [ 10%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 11%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 17%]
tests/unit/tf/blocks/test_multi_optimizers.py s.................... [ 21%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 21%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 23%]
tests/unit/tf/core/test_aggregation.py ......... [ 24%]
tests/unit/tf/core/test_base.py .. [ 25%]
tests/unit/tf/core/test_combinators.py .................. [ 28%]
tests/unit/tf/core/test_index.py ... [ 28%]
tests/unit/tf/core/test_prediction.py .. [ 29%]
tests/unit/tf/core/test_tabular.py .... [ 29%]
tests/unit/tf/core/test_transformations.py s............................ [ 34%]
... [ 35%]
tests/unit/tf/data_augmentation/test_misc.py . [ 35%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 37%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 38%]
tests/unit/tf/examples/test_01_getting_started.py . [ 38%]
tests/unit/tf/examples/test_02_dataschema.py . [ 38%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 38%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 38%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 39%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 39%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 39%]
tests/unit/tf/inputs/test_continuous.py ..... [ 40%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 44%]
tests/unit/tf/inputs/test_tabular.py .................. [ 47%]
tests/unit/tf/layers/test_queue.py .............. [ 50%]
tests/unit/tf/losses/test_losses.py ....................... [ 54%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 55%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 58%]
tests/unit/tf/models/test_base.py ........... [ 60%]
tests/unit/tf/models/test_benchmark.py .. [ 60%]
tests/unit/tf/models/test_ranking.py ................ [ 63%]
tests/unit/tf/models/test_retrieval.py ............................... [ 68%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 69%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 71%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 72%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 73%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 74%]
tests/unit/tf/predictions/test_base.py ..... [ 74%]
tests/unit/tf/predictions/test_classification.py ....... [ 76%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 77%]
tests/unit/tf/predictions/test_regression.py .. [ 77%]
tests/unit/tf/predictions/test_sampling.py .... [ 78%]
tests/unit/tf/utils/test_batch.py .... [ 79%]
tests/unit/tf/utils/test_tf_utils.py .. [ 79%]
tests/unit/torch/test_dataset.py ......... [ 81%]
tests/unit/torch/test_public_api.py . [ 81%]
tests/unit/torch/block/test_base.py .... [ 82%]
tests/unit/torch/block/test_mlp.py . [ 82%]
tests/unit/torch/features/test_continuous.py .. [ 82%]
tests/unit/torch/features/test_embedding.py .............. [ 84%]
tests/unit/torch/features/test_tabular.py .... [ 85%]
tests/unit/torch/model/test_head.py ............ [ 87%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 89%]
tests/unit/torch/tabular/test_tabular.py ... [ 89%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_file6slpixu8.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [2] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 569 passed, 11 skipped, 111 warnings in 814.99s (0:13:34) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins82921715684040139.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed, no merge conflicts.
Running as SYSTEM
Setting status of ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed to PENDING with url https://10.20.13.93:8080/job/merlin_models/851/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed^{commit} # timeout=10
Checking out Revision ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed # timeout=10
Commit message: "Merge branch 'main' into tf/categorical-prediction-2"
 > git rev-list --no-walk 64c2eeb5b45ec2605968eeb8698102977afb2ccb # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins14555445815761240689.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filervwlrtlu.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 837.00s (0:13:57) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins5492334808704023329.sh

@sararb
Copy link
Contributor Author

sararb commented Aug 9, 2022

rerun tests

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed, no merge conflicts.
Running as SYSTEM
Setting status of ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed to PENDING with url https://10.20.13.93:8080/job/merlin_models/852/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed^{commit} # timeout=10
Checking out Revision ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed # timeout=10
Commit message: "Merge branch 'main' into tf/categorical-prediction-2"
 > git rev-list --no-walk ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins6475670367860342318.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filefyknbws3.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 834.41s (0:13:54) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins12306454863319543234.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed, no merge conflicts.
Running as SYSTEM
Setting status of ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed to PENDING with url https://10.20.13.93:8080/job/merlin_models/853/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed^{commit} # timeout=10
Checking out Revision ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed # timeout=10
Commit message: "Merge branch 'main' into tf/categorical-prediction-2"
 > git rev-list --no-walk ccc8cebc32c192988cbf5846ae9fe1a8dc1f56ed # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins3406547211847404296.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filexmur2di0.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 832.80s (0:13:52) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins6439935715916448561.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/855/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk 38fd558a581d2408e234fc9924ac41887a9cbc34 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins10249374160865177995.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_file8opf2fef.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 920.73s (0:15:20) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins13960471435324813383.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/856/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins11109984657815565845.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filepvk660zo.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 933.86s (0:15:33) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins14321276230699397204.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/857/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins15677529379600562254.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filezwcs1nsl.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 841.01s (0:14:01) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins16056746947702995954.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/858/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins1980222087167111110.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_file0zyjg4lu.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 837.88s (0:13:57) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins14987328476595370330.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/859/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins15260164571773930103.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filersx9t4wz.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

tests/unit/xgb/test_xgboost.py::TestXGBoost::test_unsupported_objective
/usr/local/lib/python3.8/dist-packages/distributed/node.py:180: UserWarning: Port 8787 is already in use.
Perhaps you already have a cluster running?
Hosting the HTTP server on port 44145 instead
warnings.warn(

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 112 warnings in 843.69s (0:14:03) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins4609653061132393115.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/862/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins2391974775671916305.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filek31pi9py.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 864.87s (0:14:24) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins1721382703621921023.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/864/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins12243748769918631413.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_file2musrzhy.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 834.15s (0:13:54) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins5114382901522279544.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/866/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins9139359239801695113.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_file6hi7euv0.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 838.28s (0:13:58) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins8935264223530832345.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/868/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins11199934283558958083.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filemytgndau.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 842.21s (0:14:02) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins18117869706371100216.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/869/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins14125514192656839488.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filesi6cc3n2.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

tests/unit/xgb/test_xgboost.py::TestXGBoost::test_unsupported_objective
/usr/local/lib/python3.8/dist-packages/distributed/node.py:180: UserWarning: Port 8787 is already in use.
Perhaps you already have a cluster running?
Hosting the HTTP server on port 40701 instead
warnings.warn(

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 112 warnings in 927.94s (0:15:27) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins2137350412449514388.sh

@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/870/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins18269872357605996627.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_filet1kl_l_x.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 1024.15s (0:17:04) ==========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins10669841815373096207.sh

@sararb
Copy link
Contributor Author

sararb commented Aug 9, 2022

close this PR to create a new one because Jenkins tests are re-running indefinitely

@sararb sararb closed this Aug 9, 2022
@nvidia-merlin-bot
Copy link

Click to view CI Results
GitHub pull request #625 of commit acc253f95bfba633687da51c6567dd8f153a4b13, no merge conflicts.
Running as SYSTEM
Setting status of acc253f95bfba633687da51c6567dd8f153a4b13 to PENDING with url https://10.20.13.93:8080/job/merlin_models/873/console and message: 'Pending'
Using context: Jenkins
Building on master in workspace /var/jenkins_home/workspace/merlin_models
using credential nvidia-merlin-bot
 > git rev-parse --is-inside-work-tree # timeout=10
Fetching changes from the remote Git repository
 > git config remote.origin.url https://github.com/NVIDIA-Merlin/models/ # timeout=10
Fetching upstream changes from https://github.com/NVIDIA-Merlin/models/
 > git --version # timeout=10
using GIT_ASKPASS to set credentials This is the bot credentials for our CI/CD
 > git fetch --tags --force --progress -- https://github.com/NVIDIA-Merlin/models/ +refs/pull/625/*:refs/remotes/origin/pr/625/* # timeout=10
 > git rev-parse acc253f95bfba633687da51c6567dd8f153a4b13^{commit} # timeout=10
Checking out Revision acc253f95bfba633687da51c6567dd8f153a4b13 (detached)
 > git config core.sparsecheckout # timeout=10
 > git checkout -f acc253f95bfba633687da51c6567dd8f153a4b13 # timeout=10
Commit message: "small commit to re-run tests"
 > git rev-list --no-walk d85b48424cb36e7de3dfb425add3182701b34721 # timeout=10
[merlin_models] $ /bin/bash /tmp/jenkins18282171802104054261.sh
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: testbook in /usr/local/lib/python3.8/dist-packages (0.4.2)
Requirement already satisfied: nbformat>=5.0.4 in /usr/local/lib/python3.8/dist-packages (from testbook) (5.4.0)
Requirement already satisfied: nbclient>=0.4.0 in /usr/local/lib/python3.8/dist-packages (from testbook) (0.6.5)
Requirement already satisfied: traitlets>=5.1 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (5.3.0)
Requirement already satisfied: jsonschema>=2.6 in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.6.1)
Requirement already satisfied: jupyter-core in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (4.10.0)
Requirement already satisfied: fastjsonschema in /usr/local/lib/python3.8/dist-packages (from nbformat>=5.0.4->testbook) (2.15.3)
Requirement already satisfied: jupyter-client>=6.1.5 in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (7.3.4)
Requirement already satisfied: nest-asyncio in /usr/local/lib/python3.8/dist-packages (from nbclient>=0.4.0->testbook) (1.5.5)
Requirement already satisfied: attrs>=17.4.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (21.4.0)
Requirement already satisfied: importlib-resources>=1.4.0; python_version < "3.9" in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (5.8.0)
Requirement already satisfied: pyrsistent!=0.17.0,!=0.17.1,!=0.17.2,>=0.14.0 in /usr/local/lib/python3.8/dist-packages (from jsonschema>=2.6->nbformat>=5.0.4->testbook) (0.18.1)
Requirement already satisfied: entrypoints in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (0.4)
Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (2.8.2)
Requirement already satisfied: pyzmq>=23.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (23.2.0)
Requirement already satisfied: tornado>=6.0 in /usr/local/lib/python3.8/dist-packages (from jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (6.1)
Requirement already satisfied: zipp>=3.1.0; python_version < "3.10" in /usr/local/lib/python3.8/dist-packages (from importlib-resources>=1.4.0; python_version < "3.9"->jsonschema>=2.6->nbformat>=5.0.4->testbook) (3.8.0)
Requirement already satisfied: six>=1.5 in /var/jenkins_home/.local/lib/python3.8/site-packages (from python-dateutil>=2.8.2->jupyter-client>=6.1.5->nbclient>=0.4.0->testbook) (1.15.0)
============================= test session starts ==============================
platform linux -- Python 3.8.10, pytest-7.1.2, pluggy-1.0.0
rootdir: /var/jenkins_home/workspace/merlin_models/models, configfile: pyproject.toml
plugins: anyio-3.6.1, xdist-2.5.0, forked-1.4.0, cov-3.0.0
collected 613 items / 2 skipped

tests/unit/config/test_schema.py .... [ 0%]
tests/unit/datasets/test_advertising.py .s [ 0%]
tests/unit/datasets/test_ecommerce.py ..sss [ 1%]
tests/unit/datasets/test_entertainment.py ....sss. [ 3%]
tests/unit/datasets/test_social.py . [ 3%]
tests/unit/datasets/test_synthetic.py ..... [ 4%]
tests/unit/tf/test_core.py ...... [ 5%]
tests/unit/tf/test_dataset.py ................ [ 7%]
tests/unit/tf/test_public_api.py . [ 7%]
tests/unit/tf/blocks/test_cross.py ........... [ 9%]
tests/unit/tf/blocks/test_dlrm.py ........ [ 10%]
tests/unit/tf/blocks/test_interactions.py . [ 11%]
tests/unit/tf/blocks/test_mlp.py ................................. [ 16%]
tests/unit/tf/blocks/test_optimizer.py s................................ [ 21%]
..................... [ 25%]
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py .. [ 25%]
tests/unit/tf/blocks/retrieval/test_two_tower.py ........... [ 27%]
tests/unit/tf/core/test_aggregation.py ......... [ 28%]
tests/unit/tf/core/test_base.py .. [ 29%]
tests/unit/tf/core/test_combinators.py s................... [ 32%]
tests/unit/tf/core/test_index.py ... [ 32%]
tests/unit/tf/core/test_prediction.py .. [ 33%]
tests/unit/tf/core/test_tabular.py .... [ 33%]
tests/unit/tf/core/test_transformations.py s............................ [ 38%]
... [ 39%]
tests/unit/tf/data_augmentation/test_misc.py . [ 39%]
tests/unit/tf/data_augmentation/test_negative_sampling.py .......... [ 40%]
tests/unit/tf/data_augmentation/test_noise.py ..... [ 41%]
tests/unit/tf/examples/test_01_getting_started.py . [ 41%]
tests/unit/tf/examples/test_02_dataschema.py . [ 42%]
tests/unit/tf/examples/test_03_exploring_different_models.py . [ 42%]
tests/unit/tf/examples/test_04_export_ranking_models.py . [ 42%]
tests/unit/tf/examples/test_05_export_retrieval_model.py . [ 42%]
tests/unit/tf/examples/test_06_advanced_own_architecture.py . [ 42%]
tests/unit/tf/examples/test_usecase_pretrained_embeddings.py . [ 42%]
tests/unit/tf/inputs/test_continuous.py ..... [ 43%]
tests/unit/tf/inputs/test_embedding.py .......................... [ 47%]
tests/unit/tf/inputs/test_tabular.py .................. [ 50%]
tests/unit/tf/layers/test_queue.py .............. [ 53%]
tests/unit/tf/losses/test_losses.py ....................... [ 56%]
tests/unit/tf/metrics/test_metrics_popularity.py ..... [ 57%]
tests/unit/tf/metrics/test_metrics_topk.py .................. [ 60%]
tests/unit/tf/models/test_base.py ........... [ 62%]
tests/unit/tf/models/test_benchmark.py .. [ 62%]
tests/unit/tf/models/test_ranking.py ................ [ 65%]
tests/unit/tf/models/test_retrieval.py ............................... [ 70%]
tests/unit/tf/prediction_tasks/test_classification.py .. [ 70%]
tests/unit/tf/prediction_tasks/test_multi_task.py ................ [ 73%]
tests/unit/tf/prediction_tasks/test_next_item.py ..... [ 74%]
tests/unit/tf/prediction_tasks/test_regression.py .. [ 74%]
tests/unit/tf/prediction_tasks/test_sampling.py ...... [ 75%]
tests/unit/tf/predictions/test_base.py ..... [ 76%]
tests/unit/tf/predictions/test_classification.py ....... [ 77%]
tests/unit/tf/predictions/test_dot_product.py ........ [ 78%]
tests/unit/tf/predictions/test_regression.py .. [ 79%]
tests/unit/tf/predictions/test_sampling.py .... [ 79%]
tests/unit/tf/utils/test_batch.py .... [ 80%]
tests/unit/tf/utils/test_tf_utils.py .. [ 80%]
tests/unit/torch/test_dataset.py ......... [ 82%]
tests/unit/torch/test_public_api.py . [ 82%]
tests/unit/torch/block/test_base.py .... [ 83%]
tests/unit/torch/block/test_mlp.py . [ 83%]
tests/unit/torch/features/test_continuous.py .. [ 83%]
tests/unit/torch/features/test_embedding.py .............. [ 85%]
tests/unit/torch/features/test_tabular.py .... [ 86%]
tests/unit/torch/model/test_head.py ............ [ 88%]
tests/unit/torch/model/test_model.py .. [ 88%]
tests/unit/torch/tabular/test_aggregation.py ........ [ 90%]
tests/unit/torch/tabular/test_tabular.py ... [ 90%]
tests/unit/torch/tabular/test_transformations.py ....... [ 91%]
tests/unit/utils/test_schema_utils.py ................................ [ 96%]
tests/unit/xgb/test_xgboost.py ................... [100%]

=============================== warnings summary ===============================
../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:36: DeprecationWarning: NEAREST is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.NEAREST or Dither.NONE instead.
'nearest': pil_image.NEAREST,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:37: DeprecationWarning: BILINEAR is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BILINEAR instead.
'bilinear': pil_image.BILINEAR,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:38: DeprecationWarning: BICUBIC is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BICUBIC instead.
'bicubic': pil_image.BICUBIC,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:39: DeprecationWarning: HAMMING is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.HAMMING instead.
'hamming': pil_image.HAMMING,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:40: DeprecationWarning: BOX is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.BOX instead.
'box': pil_image.BOX,

../../../../../usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41
/usr/local/lib/python3.8/dist-packages/keras/utils/image_utils.py:41: DeprecationWarning: LANCZOS is deprecated and will be removed in Pillow 10 (2023-07-01). Use Resampling.LANCZOS instead.
'lanczos': pil_image.LANCZOS,

tests/unit/datasets/test_ecommerce.py::test_synthetic_aliccp_raw_data
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-True-8]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-10]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-9]
tests/unit/tf/test_dataset.py::test_tf_drp_reset[100-False-8]
tests/unit/tf/test_dataset.py::test_tf_catname_ordering
tests/unit/tf/test_dataset.py::test_tf_map
/usr/local/lib/python3.8/dist-packages/cudf/core/frame.py:384: UserWarning: The deep parameter is ignored and is only included for pandas compatibility.
warnings.warn(

tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_matrix_factorization.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/blocks/retrieval/test_two_tower.py::test_matrix_factorization_embedding_export
tests/unit/tf/inputs/test_embedding.py::test_embedding_features_exporting_and_loading_pretrained_initializer
/var/jenkins_home/workspace/merlin_models/models/merlin/models/tf/inputs/embedding.py:770: DeprecationWarning: This function is deprecated in favor of cupy.from_dlpack
embeddings_cupy = cupy.fromDlpack(to_dlpack(tf.convert_to_tensor(embeddings)))

tests/unit/tf/core/test_index.py: 4 warnings
tests/unit/tf/models/test_retrieval.py: 53 warnings
tests/unit/tf/prediction_tasks/test_next_item.py: 3 warnings
tests/unit/tf/predictions/test_classification.py: 12 warnings
tests/unit/tf/predictions/test_dot_product.py: 2 warnings
tests/unit/tf/utils/test_batch.py: 2 warnings
/tmp/autograph_generated_fileodt0sydh.py:8: DeprecationWarning: The 'warn' method is deprecated, use 'warning' instead
ag
.converted_call(ag__.ld(warnings).warn, ("The 'warn' method is deprecated, use 'warning' instead", ag__.ld(DeprecationWarning), 2), None, fscope)

tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.1]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.3]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.5]
tests/unit/tf/data_augmentation/test_noise.py::test_stochastic_swap_noise[0.7]
tests/unit/tf/models/test_base.py::test_model_pre_post[True]
tests/unit/tf/models/test_base.py::test_model_pre_post[False]
/usr/local/lib/python3.8/dist-packages/tensorflow/python/util/dispatch.py:1082: UserWarning: tf.keras.backend.random_binomial is deprecated, and will be removed in a future version.Please use tf.keras.backend.random_bernoulli instead.
return dispatch_target(*args, **kwargs)

tests/unit/torch/block/test_mlp.py::test_mlp_block
/var/jenkins_home/workspace/merlin_models/models/tests/unit/torch/_conftest.py:151: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)
return {key: torch.tensor(value) for key, value in data.items()}

tests/unit/xgb/test_xgboost.py::test_without_dask_client
tests/unit/xgb/test_xgboost.py::TestXGBoost::test_music_regression
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs0-DaskDeviceQuantileDMatrix]
tests/unit/xgb/test_xgboost.py::test_gpu_hist_dmatrix[fit_kwargs1-DaskDMatrix]
tests/unit/xgb/test_xgboost.py::TestEvals::test_multiple
tests/unit/xgb/test_xgboost.py::TestEvals::test_default
tests/unit/xgb/test_xgboost.py::TestEvals::test_train_and_valid
tests/unit/xgb/test_xgboost.py::TestEvals::test_invalid_data
/var/jenkins_home/workspace/merlin_models/models/merlin/models/xgb/init.py:264: UserWarning: Ignoring list columns as inputs to XGBoost model: ['item_genres', 'user_genres'].
warnings.warn(f"Ignoring list columns as inputs to XGBoost model: {list_column_names}.")

-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html
=========================== short test summary info ============================
SKIPPED [1] tests/unit/implicit/init.py:18: could not import 'implicit': No module named 'implicit'
SKIPPED [1] tests/unit/lightfm/init.py:18: could not import 'lightfm': No module named 'lightfm'
SKIPPED [1] tests/unit/datasets/test_advertising.py:20: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:62: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:78: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [1] tests/unit/datasets/test_ecommerce.py:92: ALI-CCP data is not available, pass it through env variable $DATA_PATH_ALICCP
SKIPPED [3] tests/unit/datasets/test_entertainment.py:44: No data-dir available, pass it through env variable $INPUT_DATA_DIR
SKIPPED [3] ../../../../../usr/local/lib/python3.8/dist-packages/tensorflow/python/framework/test_util.py:2746: Not a test.
========== 603 passed, 12 skipped, 111 warnings in 926.85s (0:15:26) ===========
Performing Post build task...
Match found for : : True
Logical operation result is TRUE
Running script : #!/bin/bash
cd /var/jenkins_home/
CUDA_VISIBLE_DEVICES=1 python test_res_push.py "https://api.GitHub.com/repos/NVIDIA-Merlin/models/issues/$ghprbPullId/comments" "/var/jenkins_home/jobs/$JOB_NAME/builds/$BUILD_NUMBER/log"
[merlin_models] $ /bin/bash /tmp/jenkins12711742312266879509.sh

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment

Projects

None yet

Development

Successfully merging this pull request may close these issues.

Improve the design of negative-sampling

4 participants