Skip to content

[Failing Test]: Python PostCommit is continuously failing for tf_inference_it_test #1649

[Failing Test]: Python PostCommit is continuously failing for tf_inference_it_test

[Failing Test]: Python PostCommit is continuously failing for tf_inference_it_test #1649

GitHub Actions / Test Results failed Mar 13, 2024 in 0s

1 fail, 60 skipped, 93 pass in 1h 46m 20s

  3 files    3 suites   1h 46m 20s ⏱️
154 tests  93 ✅ 60 💤 1 ❌
206 runs  140 ✅ 65 💤 1 ❌

Results for commit 289bbc4.

Annotations

Check warning on line 0 in apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests

See this annotation in the file changed.

@github-actions github-actions / Test Results

1 out of 2 runs failed: test_big_query_write_schema_autodetect (apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests)

sdks/python/pytest_postCommitIT-direct-py311.xml [took 11s]
Raw output
google.resumable_media.common.InvalidResponse: (503, 'Expected one of', <HTTPStatus.OK: 200>, <HTTPStatus.CREATED: 201>)
self = <apache_beam.runners.common.DoFnRunner object at 0x7bf31ad788d0>
bundle_method = <bound method DoFnInvoker.invoke_finish_bundle of <apache_beam.runners.common.PerWindowInvoker object at 0x7bf31ad48490>>

    def _invoke_bundle_method(self, bundle_method):
      try:
        self.context.set_element(None)
>       bundle_method()

apache_beam/runners/common.py:1493: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
apache_beam/runners/common.py:579: in invoke_finish_bundle
    self.output_handler.finish_bundle_outputs(
apache_beam/runners/common.py:1770: in finish_bundle_outputs
    for result in results:
apache_beam/io/gcp/bigquery_file_loads.py:276: in finish_bundle
    writer.close()
apache_beam/io/gcp/bigquery_tools.py:1415: in close
    self._file_handle.close()
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/fileio.py:437: in close
    self._upload_chunks_from_buffer(1)
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/fileio.py:405: in _upload_chunks_from_buffer
    self._initiate_upload()
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/fileio.py:389: in _initiate_upload
    self._upload_and_transport = self._blob._initiate_resumable_upload(
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/blob.py:2142: in _initiate_resumable_upload
    upload.initiate(
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/upload.py:420: in initiate
    return _request_helpers.wait_and_retry(
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/_request_helpers.py:178: in wait_and_retry
    raise error
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/_request_helpers.py:155: in wait_and_retry
    response = func()
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/upload.py:416: in retriable_request
    self._process_initiate_response(result)
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/_upload.py:518: in _process_initiate_response
    _helpers.require_status_code(
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

response = <Response [503]>
status_codes = (<HTTPStatus.OK: 200>, <HTTPStatus.CREATED: 201>)
get_status_code = <function RequestsMixin._get_status_code at 0x7bf31e86b560>
callback = <bound method ResumableUpload._make_invalid of <google.resumable_media.requests.upload.ResumableUpload object at 0x7bf31adade90>>

    def require_status_code(response, status_codes, get_status_code, callback=do_nothing):
        """Require a response has a status code among a list.
    
        Args:
            response (object): The HTTP response object.
            status_codes (tuple): The acceptable status codes.
            get_status_code (Callable[Any, int]): Helper to get a status code
                from a response.
            callback (Optional[Callable]): A callback that takes no arguments,
                to be executed when an exception is being raised.
    
        Returns:
            int: The status code.
    
        Raises:
            ~google.resumable_media.common.InvalidResponse: If the status code
                is not one of the values in ``status_codes``.
        """
        status_code = get_status_code(response)
        if status_code not in status_codes:
            if status_code not in common.RETRYABLE:
                callback()
>           raise common.InvalidResponse(
                response,
                "Request failed with status code",
                status_code,
                "Expected one of",
                *status_codes
            )
E           google.resumable_media.common.InvalidResponse: ('Request failed with status code', 503, 'Expected one of', <HTTPStatus.OK: 200>, <HTTPStatus.CREATED: 201>)

../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/_helpers.py:108: InvalidResponse

During handling of the above exception, another exception occurred:

self = <apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests testMethod=test_big_query_write_schema_autodetect>

    @pytest.mark.it_postcommit
    def test_big_query_write_schema_autodetect(self):
      if self.runner_name == 'TestDataflowRunner':
        self.skipTest('DataflowRunner does not support schema autodetection')
    
      table_name = 'python_write_table'
      table_id = '{}.{}'.format(self.dataset_id, table_name)
    
      input_data = [
          {
              'number': 1, 'str': 'abc'
          },
          {
              'number': 2, 'str': 'def'
          },
      ]
    
      pipeline_verifiers = [
          BigqueryFullResultMatcher(
              project=self.project,
              query="SELECT number, str FROM %s" % table_id,
              data=[(
                  1,
                  'abc',
              ), (
                  2,
                  'def',
              )])
      ]
    
      args = self.test_pipeline.get_full_options_as_args(
          on_success_matcher=hc.all_of(*pipeline_verifiers))
    
>     with beam.Pipeline(argv=args) as p:

apache_beam/io/gcp/bigquery_write_it_test.py:209: 
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 
apache_beam/pipeline.py:612: in __exit__
    self.result = self.run()
apache_beam/pipeline.py:562: in run
    self._options).run(False)
apache_beam/pipeline.py:586: in run
    return self.runner.run_pipeline(self, self._options)
apache_beam/runners/direct/test_direct_runner.py:42: in run_pipeline
    self.result = super().run_pipeline(pipeline, options)
apache_beam/runners/direct/direct_runner.py:128: in run_pipeline
    return runner.run_pipeline(pipeline, options)
apache_beam/runners/portability/fn_api_runner/fn_runner.py:203: in run_pipeline
    self._latest_run_result = self.run_via_runner_api(
apache_beam/runners/portability/fn_api_runner/fn_runner.py:226: in run_via_runner_api
    return self.run_stages(stage_context, stages)
apache_beam/runners/portability/fn_api_runner/fn_runner.py:481: in run_stages
    bundle_results = self._execute_bundle(
apache_beam/runners/portability/fn_api_runner/fn_runner.py:809: in _execute_bundle
    self._run_bundle(
apache_beam/runners/portability/fn_api_runner/fn_runner.py:1046: in _run_bundle
    result, splits = bundle_manager.process_bundle(
apache_beam/runners/portability/fn_api_runner/fn_runner.py:1382: in process_bundle
    result_future = self._worker_handler.control_conn.push(process_bundle_req)
apache_beam/runners/portability/fn_api_runner/worker_handlers.py:384: in push
    response = self.worker.do_instruction(request)
apache_beam/runners/worker/sdk_worker.py:650: in do_instruction
    return getattr(self, request_type)(
apache_beam/runners/worker/sdk_worker.py:688: in process_bundle
    bundle_processor.process_bundle(instruction_id))
apache_beam/runners/worker/bundle_processor.py:1119: in process_bundle
    op.finish()
apache_beam/runners/worker/operations.py:989: in finish
    self.dofn_runner.finish()
apache_beam/runners/common.py:1514: in finish
    self._invoke_bundle_method(self.do_fn_invoker.invoke_finish_bundle)
apache_beam/runners/common.py:1495: in _invoke_bundle_method
    self._reraise_augmented(exn)
apache_beam/runners/common.py:1547: in _reraise_augmented
    raise new_exn
apache_beam/runners/common.py:1493: in _invoke_bundle_method
    bundle_method()
apache_beam/runners/common.py:579: in invoke_finish_bundle
    self.output_handler.finish_bundle_outputs(
apache_beam/runners/common.py:1770: in finish_bundle_outputs
    for result in results:
apache_beam/io/gcp/bigquery_file_loads.py:276: in finish_bundle
    writer.close()
apache_beam/io/gcp/bigquery_tools.py:1415: in close
    self._file_handle.close()
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/fileio.py:437: in close
    self._upload_chunks_from_buffer(1)
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/fileio.py:405: in _upload_chunks_from_buffer
    self._initiate_upload()
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/fileio.py:389: in _initiate_upload
    self._upload_and_transport = self._blob._initiate_resumable_upload(
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/cloud/storage/blob.py:2142: in _initiate_resumable_upload
    upload.initiate(
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/upload.py:420: in initiate
    return _request_helpers.wait_and_retry(
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/_request_helpers.py:178: in wait_and_retry
    raise error
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/_request_helpers.py:155: in wait_and_retry
    response = func()
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/requests/upload.py:416: in retriable_request
    self._process_initiate_response(result)
../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/_upload.py:518: in _process_initiate_response
    _helpers.require_status_code(
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ 

response = <Response [503]>
status_codes = (<HTTPStatus.OK: 200>, <HTTPStatus.CREATED: 201>)
get_status_code = <function RequestsMixin._get_status_code at 0x7bf31e86b560>
callback = <bound method ResumableUpload._make_invalid of <google.resumable_media.requests.upload.ResumableUpload object at 0x7bf31adade90>>

    def require_status_code(response, status_codes, get_status_code, callback=do_nothing):
        """Require a response has a status code among a list.
    
        Args:
            response (object): The HTTP response object.
            status_codes (tuple): The acceptable status codes.
            get_status_code (Callable[Any, int]): Helper to get a status code
                from a response.
            callback (Optional[Callable]): A callback that takes no arguments,
                to be executed when an exception is being raised.
    
        Returns:
            int: The status code.
    
        Raises:
            ~google.resumable_media.common.InvalidResponse: If the status code
                is not one of the values in ``status_codes``.
        """
        status_code = get_status_code(response)
        if status_code not in status_codes:
            if status_code not in common.RETRYABLE:
                callback()
>           raise common.InvalidResponse(
                response,
                "Request failed with status code",
                status_code,
                "Expected one of",
                *status_codes
            )
E           google.resumable_media.common.InvalidResponse: (503, 'Expected one of', <HTTPStatus.OK: 200>, <HTTPStatus.CREATED: 201>)

../../build/gradleenv/417525524/lib/python3.11/site-packages/google/resumable_media/_helpers.py:108: InvalidResponse

Check notice on line 0 in .github

See this annotation in the file changed.

@github-actions github-actions / Test Results

60 skipped tests found

There are 60 skipped tests, see "Raw output" for the full list of skipped tests.
Raw output
apache_beam.examples.inference.tfx_bsl.tfx_bsl_inference_it_test.TFXRunInferenceTests ‑ test_tfx_run_inference_mobilenetv2
apache_beam.examples.ml_transform.ml_transform_it_test
apache_beam.examples.snippets.transforms.elementwise.enrichment_test
apache_beam.examples.snippets.transforms.elementwise.mltransform_test
apache_beam.examples.snippets.transforms.elementwise.runinference_test
apache_beam.examples.streaming_wordcount_debugging_it_test.StreamingWordcountDebuggingIT ‑ test_streaming_wordcount_debugging_it
apache_beam.io.external.xlang_kafkaio_it_test.CrossLanguageKafkaIOTest ‑ test_hosted_kafkaio_null_key
apache_beam.io.external.xlang_kafkaio_it_test.CrossLanguageKafkaIOTest ‑ test_hosted_kafkaio_populated_key
apache_beam.io.external.xlang_kinesisio_it_test.CrossLanguageKinesisIOTest ‑ test_kinesis_io_roundtrip
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_bqfl_streaming
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_bqfl_streaming_with_copy_jobs
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_bqfl_streaming_with_dynamic_destinations
apache_beam.io.requestresponse_it_test
apache_beam.io.requestresponse_test
apache_beam.ml.gcp.naturallanguageml_test_it.NaturalLanguageMlTestIT ‑ test_analyzing_syntax
apache_beam.ml.gcp.videointelligenceml_test_it.VideoIntelligenceMlTestIT ‑ test_label_detection_with_video_context
apache_beam.ml.inference.base_test.RunInferenceBaseTest ‑ test_run_inference_with_side_inputin_streaming
apache_beam.ml.inference.huggingface_inference_it_test
apache_beam.ml.inference.huggingface_inference_test
apache_beam.ml.inference.onnx_inference_it_test.OnnxInference ‑ test_onnx_run_inference_roberta_sentiment_classification
apache_beam.ml.inference.onnx_inference_test
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_bert_for_masked_lm
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_bert_for_masked_lm_large_model
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_coco_maskrcnn_resnet50_fpn
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_coco_maskrcnn_resnet50_fpn_v1_and_v2
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_imagenet_mobilenetv2
apache_beam.ml.inference.pytorch_inference_test
apache_beam.ml.inference.sklearn_inference_it_test.SklearnInference ‑ test_sklearn_regression
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_imagenet_image_segmentation
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_mnist_classification
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_mnist_classification_large_model
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_mnist_with_weights_classification
apache_beam.ml.inference.tensorrt_inference_test
apache_beam.ml.inference.vertex_ai_inference_it_test
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_datatable_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_datatable_single_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_numpy_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_numpy_single_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_numpy_single_batch_large_model
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_pandas_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_pandas_single_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_scipy_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_scipy_single_batch
apache_beam.ml.inference.xgboost_inference_test
apache_beam.ml.transforms.handlers_test
apache_beam.ml.transforms.tft_test
apache_beam.runners.dask.dask_runner_test
apache_beam.runners.dataflow.dataflow_exercise_metrics_pipeline_test.ExerciseMetricsPipelineTest ‑ test_metrics_it
apache_beam.testing.analyzers.perf_analysis_test
apache_beam.testing.benchmarks.cloudml.cloudml_benchmark_test
apache_beam.testing.test_stream_it_test.TestStreamIntegrationTests ‑ test_basic_execution
apache_beam.testing.test_stream_it_test.TestStreamIntegrationTests ‑ test_multiple_outputs
apache_beam.testing.test_stream_it_test.TestStreamIntegrationTests ‑ test_multiple_outputs_with_watermark_advancement
apache_beam.transforms.enrichment_handlers.bigtable_it_test
apache_beam.transforms.enrichment_handlers.vertex_ai_feature_store_it_test
apache_beam.transforms.enrichment_handlers.vertex_ai_feature_store_test
apache_beam.transforms.enrichment_it_test
apache_beam.transforms.enrichment_test
apache_beam.transforms.periodicsequence_it_test.PeriodicSequenceIT ‑ test_periodicsequence_outputs_valid_watermarks_it
apache_beam.typehints.pytorch_type_compatibility_test

Check notice on line 0 in .github

See this annotation in the file changed.

@github-actions github-actions / Test Results

154 tests found

There are 154 tests, see "Raw output" for the full list of tests.
Raw output
apache_beam.dataframe.io_it_test.ReadUsingReadGbqTests ‑ test_ReadGbq
apache_beam.dataframe.io_it_test.ReadUsingReadGbqTests ‑ test_ReadGbq_direct_read
apache_beam.dataframe.io_it_test.ReadUsingReadGbqTests ‑ test_ReadGbq_direct_read_with_project
apache_beam.dataframe.io_it_test.ReadUsingReadGbqTests ‑ test_ReadGbq_export_with_project
apache_beam.dataframe.io_it_test.ReadUsingReadGbqTests ‑ test_ReadGbq_with_computation
apache_beam.examples.complete.autocomplete_test.AutocompleteTest ‑ test_autocomplete_it
apache_beam.examples.complete.game.game_stats_it_test.GameStatsIT ‑ test_game_stats_it
apache_beam.examples.complete.game.hourly_team_score_it_test.HourlyTeamScoreIT ‑ test_hourly_team_score_it
apache_beam.examples.complete.game.leader_board_it_test.LeaderBoardIT ‑ test_leader_board_it
apache_beam.examples.complete.game.user_score_it_test.UserScoreIT ‑ test_user_score_it
apache_beam.examples.complete.juliaset.juliaset.juliaset_test_it.JuliaSetTestIT ‑ test_run_example_with_setup_file
apache_beam.examples.cookbook.bigquery_tornadoes_it_test.BigqueryTornadoesIT ‑ test_bigquery_tornadoes_it
apache_beam.examples.cookbook.datastore_wordcount_it_test.DatastoreWordCountIT ‑ test_datastore_wordcount_it
apache_beam.examples.dataframe.flight_delays_it_test.FlightDelaysTest ‑ test_flight_delays
apache_beam.examples.dataframe.taxiride_it_test.TaxirideIT ‑ test_aggregation
apache_beam.examples.dataframe.taxiride_it_test.TaxirideIT ‑ test_enrich
apache_beam.examples.fastavro_it_test.FastavroIT ‑ test_avro_it
apache_beam.examples.inference.tfx_bsl.tfx_bsl_inference_it_test.TFXRunInferenceTests ‑ test_tfx_run_inference_mobilenetv2
apache_beam.examples.ml_transform.ml_transform_it_test
apache_beam.examples.snippets.transforms.elementwise.enrichment_test
apache_beam.examples.snippets.transforms.elementwise.mltransform_test
apache_beam.examples.snippets.transforms.elementwise.runinference_test
apache_beam.examples.streaming_wordcount_debugging_it_test.StreamingWordcountDebuggingIT ‑ test_streaming_wordcount_debugging_it
apache_beam.examples.streaming_wordcount_it_test.StreamingWordCountIT ‑ test_streaming_wordcount_it
apache_beam.examples.wordcount_it_test.WordCountIT ‑ test_wordcount_impersonation_it
apache_beam.examples.wordcount_it_test.WordCountIT ‑ test_wordcount_it
apache_beam.io.external.xlang_debeziumio_it_test.CrossLanguageDebeziumIOTest ‑ test_xlang_debezium_read
apache_beam.io.external.xlang_jdbcio_it_test.CrossLanguageJdbcIOTest ‑ test_xlang_jdbc_write_read_0_postgres
apache_beam.io.external.xlang_jdbcio_it_test.CrossLanguageJdbcIOTest ‑ test_xlang_jdbc_write_read_1_mysql
apache_beam.io.external.xlang_kafkaio_it_test.CrossLanguageKafkaIOTest ‑ test_hosted_kafkaio_null_key
apache_beam.io.external.xlang_kafkaio_it_test.CrossLanguageKafkaIOTest ‑ test_hosted_kafkaio_populated_key
apache_beam.io.external.xlang_kafkaio_it_test.CrossLanguageKafkaIOTest ‑ test_local_kafkaio_null_key
apache_beam.io.external.xlang_kafkaio_it_test.CrossLanguageKafkaIOTest ‑ test_local_kafkaio_populated_key
apache_beam.io.external.xlang_kinesisio_it_test.CrossLanguageKinesisIOTest ‑ test_kinesis_io_roundtrip
apache_beam.io.external.xlang_kinesisio_it_test.CrossLanguageKinesisIOTest ‑ test_kinesis_write
apache_beam.io.fileio_test.MatchIntegrationTest ‑ test_transform_on_gcs
apache_beam.io.gcp.big_query_query_to_table_it_test.BigQueryQueryToTableIT ‑ test_big_query_legacy_sql
apache_beam.io.gcp.big_query_query_to_table_it_test.BigQueryQueryToTableIT ‑ test_big_query_new_types
apache_beam.io.gcp.big_query_query_to_table_it_test.BigQueryQueryToTableIT ‑ test_big_query_new_types_avro
apache_beam.io.gcp.big_query_query_to_table_it_test.BigQueryQueryToTableIT ‑ test_big_query_standard_sql
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_batch_copy_jobs_with_no_input_schema
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_bqfl_streaming
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_bqfl_streaming_with_copy_jobs
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_bqfl_streaming_with_dynamic_destinations
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_multiple_destinations_transform
apache_beam.io.gcp.bigquery_file_loads_test.BigQueryFileLoadsIT ‑ test_one_job_fails_all_jobs_fail
apache_beam.io.gcp.bigquery_io_read_it_test.BigqueryIOReadIT ‑ test_bigquery_read_1M_python
apache_beam.io.gcp.bigquery_io_read_it_test.BigqueryIOReadIT ‑ test_bigquery_read_custom_1M_python
apache_beam.io.gcp.bigquery_json_it_test.BigQueryJsonIT ‑ test_direct_read
apache_beam.io.gcp.bigquery_json_it_test.BigQueryJsonIT ‑ test_export_read
apache_beam.io.gcp.bigquery_json_it_test.BigQueryJsonIT ‑ test_file_loads_write
apache_beam.io.gcp.bigquery_json_it_test.BigQueryJsonIT ‑ test_query_read
apache_beam.io.gcp.bigquery_json_it_test.BigQueryJsonIT ‑ test_streaming_inserts
apache_beam.io.gcp.bigquery_read_it_test.ReadAllBQTests ‑ test_read_queries
apache_beam.io.gcp.bigquery_read_it_test.ReadInteractiveRunnerTests ‑ test_read_in_interactive_runner
apache_beam.io.gcp.bigquery_read_it_test.ReadNewTypesTests ‑ test_iobase_source
apache_beam.io.gcp.bigquery_read_it_test.ReadNewTypesTests ‑ test_native_source
apache_beam.io.gcp.bigquery_read_it_test.ReadTests ‑ test_iobase_source
apache_beam.io.gcp.bigquery_read_it_test.ReadTests ‑ test_native_source
apache_beam.io.gcp.bigquery_read_it_test.ReadTests ‑ test_table_schema_retrieve
apache_beam.io.gcp.bigquery_read_it_test.ReadTests ‑ test_table_schema_retrieve_specifying_only_table
apache_beam.io.gcp.bigquery_read_it_test.ReadTests ‑ test_table_schema_retrieve_with_direct_read
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_column_selection
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_column_selection_and_row_restriction
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_column_selection_and_row_restriction_rows
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_native_datetime
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_query
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_query_and_filters
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_row_restriction
apache_beam.io.gcp.bigquery_read_it_test.ReadUsingStorageApiTests ‑ test_iobase_source_with_very_selective_filters
apache_beam.io.gcp.bigquery_test.BigQueryFileLoadsIntegrationTests ‑ test_avro_file_load
apache_beam.io.gcp.bigquery_test.BigQueryStreamingInsertTransformIntegrationTests ‑ test_multiple_destinations_transform
apache_beam.io.gcp.bigquery_test.BigQueryStreamingInsertTransformIntegrationTests ‑ test_value_provider_transform
apache_beam.io.gcp.bigquery_test.PubSubBigQueryIT ‑ test_file_loads
apache_beam.io.gcp.bigquery_test.PubSubBigQueryIT ‑ test_streaming_inserts
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_insert_errors_reporting
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_insert_non_transient_api_call_error
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_new_types
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_schema_autodetect
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_temp_table_append_schema_update
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_temp_table_append_schema_update_0
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_temp_table_append_schema_update_1
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_temp_table_append_schema_update_2
apache_beam.io.gcp.bigquery_write_it_test.BigQueryWriteIntegrationTests ‑ test_big_query_write_without_schema
apache_beam.io.gcp.datastore.v1new.datastore_write_it_test.DatastoreWriteIT ‑ test_datastore_write_limit
apache_beam.io.gcp.gcsfilesystem_integration_test.GcsFileSystemIntegrationTest ‑ test_copy
apache_beam.io.gcp.gcsfilesystem_integration_test.GcsFileSystemIntegrationTest ‑ test_rename
apache_beam.io.gcp.gcsfilesystem_integration_test.GcsFileSystemIntegrationTest ‑ test_rename_error
apache_beam.io.gcp.gcsio_integration_test.GcsIOIntegrationTest ‑ test_batch_copy_and_delete
apache_beam.io.gcp.gcsio_integration_test.GcsIOIntegrationTest ‑ test_copy
apache_beam.io.gcp.healthcare.dicomio_integration_test.DICOMIoIntegrationTest ‑ test_dicom_search_instances
apache_beam.io.gcp.healthcare.dicomio_integration_test.DICOMIoIntegrationTest ‑ test_dicom_store_instance_from_gcs
apache_beam.io.gcp.pubsub_integration_test.PubSubIntegrationTest ‑ test_streaming_data_only
apache_beam.io.gcp.pubsub_integration_test.PubSubIntegrationTest ‑ test_streaming_with_attributes
apache_beam.io.parquetio_it_test.TestParquetIT ‑ test_parquetio_it
apache_beam.io.requestresponse_it_test
apache_beam.io.requestresponse_test
apache_beam.ml.gcp.cloud_dlp_it_test.CloudDLPIT ‑ test_deidentification
apache_beam.ml.gcp.cloud_dlp_it_test.CloudDLPIT ‑ test_inspection
apache_beam.ml.gcp.naturallanguageml_test_it.NaturalLanguageMlTestIT ‑ test_analyzing_syntax
apache_beam.ml.gcp.recommendations_ai_test_it.RecommendationAIIT ‑ test_create_catalog_item
apache_beam.ml.gcp.recommendations_ai_test_it.RecommendationAIIT ‑ test_create_user_event
apache_beam.ml.gcp.recommendations_ai_test_it.RecommendationAIIT ‑ test_predict
apache_beam.ml.gcp.videointelligenceml_test_it.VideoIntelligenceMlTestIT ‑ test_label_detection_with_video_context
apache_beam.ml.gcp.visionml_test_it.VisionMlTestIT ‑ test_text_detection_with_language_hint
apache_beam.ml.inference.base_test.RunInferenceBaseTest ‑ test_run_inference_with_side_inputin_streaming
apache_beam.ml.inference.huggingface_inference_it_test
apache_beam.ml.inference.huggingface_inference_test
apache_beam.ml.inference.onnx_inference_it_test.OnnxInference ‑ test_onnx_run_inference_roberta_sentiment_classification
apache_beam.ml.inference.onnx_inference_test
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_bert_for_masked_lm
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_bert_for_masked_lm_large_model
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_coco_maskrcnn_resnet50_fpn
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_coco_maskrcnn_resnet50_fpn_v1_and_v2
apache_beam.ml.inference.pytorch_inference_it_test.PyTorchInference ‑ test_torch_run_inference_imagenet_mobilenetv2
apache_beam.ml.inference.pytorch_inference_test
apache_beam.ml.inference.sklearn_inference_it_test.SklearnInference ‑ test_sklearn_mnist_classification
apache_beam.ml.inference.sklearn_inference_it_test.SklearnInference ‑ test_sklearn_mnist_classification_large_model
apache_beam.ml.inference.sklearn_inference_it_test.SklearnInference ‑ test_sklearn_regression
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_imagenet_image_segmentation
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_mnist_classification
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_mnist_classification_large_model
apache_beam.ml.inference.tensorflow_inference_it_test.TensorflowInference ‑ test_tf_mnist_with_weights_classification
apache_beam.ml.inference.tensorrt_inference_test
apache_beam.ml.inference.vertex_ai_inference_it_test
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_datatable_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_datatable_single_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_numpy_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_numpy_single_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_numpy_single_batch_large_model
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_pandas_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_pandas_single_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_scipy_multi_batch
apache_beam.ml.inference.xgboost_inference_it_test.XGBoostInference ‑ test_iris_classification_scipy_single_batch
apache_beam.ml.inference.xgboost_inference_test
apache_beam.ml.transforms.handlers_test
apache_beam.ml.transforms.tft_test
apache_beam.runners.dask.dask_runner_test
apache_beam.runners.dataflow.dataflow_exercise_metrics_pipeline_test.ExerciseMetricsPipelineTest ‑ test_metrics_it
apache_beam.testing.analyzers.perf_analysis_test
apache_beam.testing.benchmarks.cloudml.cloudml_benchmark_test
apache_beam.testing.test_stream_it_test.TestStreamIntegrationTests ‑ test_basic_execution
apache_beam.testing.test_stream_it_test.TestStreamIntegrationTests ‑ test_multiple_outputs
apache_beam.testing.test_stream_it_test.TestStreamIntegrationTests ‑ test_multiple_outputs_with_watermark_advancement
apache_beam.transforms.enrichment_handlers.bigtable_it_test
apache_beam.transforms.enrichment_handlers.vertex_ai_feature_store_it_test
apache_beam.transforms.enrichment_handlers.vertex_ai_feature_store_test
apache_beam.transforms.enrichment_it_test
apache_beam.transforms.enrichment_test
apache_beam.transforms.external_it_test.ExternalTransformIT ‑ test_job_python_from_python_it
apache_beam.transforms.periodicsequence_it_test.PeriodicSequenceIT ‑ test_periodicsequence_outputs_valid_watermarks_it
apache_beam.typehints.pytorch_type_compatibility_test