Skip to content

Commit 7ea55b6

Browse files
authored
Merge branch 'master' into proc-viz-fix
2 parents 6382a6e + 9b86920 commit 7ea55b6

24 files changed

+51
-37
lines changed

CHANGELOG.md

+14
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,19 @@
11
# Changelog
22

3+
## v2.25.1 (2021-02-20)
4+
5+
### Bug Fixes and Other Changes
6+
7+
* Add tests for visualizer to improve test coverage
8+
9+
### Documentation Changes
10+
11+
* specify correct return type
12+
13+
### Testing and Release Infrastructure
14+
15+
* rename canary_quick pytest mark to release
16+
317
## v2.25.0 (2021-02-19)
418

519
### Features

VERSION

+1-1
Original file line numberDiff line numberDiff line change
@@ -1 +1 @@
1-
2.25.1.dev0
1+
2.25.2.dev0

tests/integ/test_artifact_analytics.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -44,7 +44,7 @@ def generate_artifacts(sagemaker_session):
4444
_delete_resources(artifacts)
4545

4646

47-
@pytest.mark.canary_quick
47+
@pytest.mark.release
4848
@pytest.mark.skip("Failing as restricted to the SageMaker/Pipeline runtimes")
4949
def test_artifact_analytics(sagemaker_session):
5050
with generate_artifacts(sagemaker_session):

tests/integ/test_auto_ml.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -52,7 +52,7 @@
5252
tests.integ.test_region() in tests.integ.NO_AUTO_ML_REGIONS,
5353
reason="AutoML is not supported in the region yet.",
5454
)
55-
@pytest.mark.canary_quick
55+
@pytest.mark.release
5656
def test_auto_ml_fit(sagemaker_session):
5757
auto_ml = AutoML(
5858
role=ROLE,
@@ -260,7 +260,7 @@ def test_best_candidate(sagemaker_session):
260260
tests.integ.test_region() in tests.integ.NO_AUTO_ML_REGIONS,
261261
reason="AutoML is not supported in the region yet.",
262262
)
263-
@pytest.mark.canary_quick
263+
@pytest.mark.release
264264
def test_deploy_best_candidate(sagemaker_session, cpu_instance_type):
265265
auto_ml_utils.create_auto_ml_job_if_not_exist(sagemaker_session)
266266

tests/integ/test_byo_estimator.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -46,7 +46,7 @@ def serialize(self, data):
4646
return json.dumps(js)
4747

4848

49-
@pytest.mark.canary_quick
49+
@pytest.mark.release
5050
def test_byo_estimator(sagemaker_session, region, cpu_instance_type, training_set):
5151
"""Use Factorization Machines algorithm as an example here.
5252

tests/integ/test_experiments_analytics.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -108,7 +108,7 @@ def experiment_with_artifacts(sagemaker_session):
108108
_delete_resources(sm, experiment_name, trials)
109109

110110

111-
@pytest.mark.canary_quick
111+
@pytest.mark.release
112112
def test_experiment_analytics_artifacts(sagemaker_session):
113113
with experiment_with_artifacts(sagemaker_session) as experiment_name:
114114
analytics = ExperimentAnalytics(

tests/integ/test_horovod.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@
2828
horovod_dir = os.path.join(os.path.dirname(__file__), "..", "data", "horovod")
2929

3030

31-
@pytest.mark.canary_quick
31+
@pytest.mark.release
3232
def test_hvd_cpu(
3333
sagemaker_session,
3434
tensorflow_training_latest_version,
@@ -45,7 +45,7 @@ def test_hvd_cpu(
4545
)
4646

4747

48-
@pytest.mark.canary_quick
48+
@pytest.mark.release
4949
@pytest.mark.skipif(
5050
integ.test_region() in integ.TRAINING_NO_P2_REGIONS, reason="no ml.p2 instances in this region"
5151
)

tests/integ/test_horovod_mx.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@
2828
horovod_dir = os.path.join(os.path.dirname(__file__), "..", "data", "horovod")
2929

3030

31-
@pytest.mark.canary_quick
31+
@pytest.mark.release
3232
def test_hvd_cpu(
3333
mxnet_training_latest_version,
3434
mxnet_training_latest_py_version,
@@ -45,7 +45,7 @@ def test_hvd_cpu(
4545
)
4646

4747

48-
@pytest.mark.canary_quick
48+
@pytest.mark.release
4949
@pytest.mark.skipif(
5050
integ.test_region() in integ.TRAINING_NO_P2_REGIONS, reason="no ml.p2 instances in this region"
5151
)

tests/integ/test_inference_pipeline.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -90,7 +90,7 @@ def test_inference_pipeline_batch_transform(sagemaker_session, cpu_instance_type
9090
transformer.wait()
9191

9292

93-
@pytest.mark.canary_quick
93+
@pytest.mark.release
9494
@pytest.mark.skip(
9595
reason="This test has always failed, but the failure was masked by a bug. "
9696
"This test should be fixed. Details in https://github.com/aws/sagemaker-python-sdk/pull/968"

tests/integ/test_linear_learner.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -28,7 +28,7 @@ def training_set():
2828
return datasets.one_p_mnist()
2929

3030

31-
@pytest.mark.canary_quick
31+
@pytest.mark.release
3232
def test_linear_learner(sagemaker_session, cpu_instance_type, training_set):
3333
job_name = unique_name_from_base("linear-learner")
3434

tests/integ/test_marketplace.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -51,7 +51,7 @@
5151
)
5252

5353

54-
@pytest.mark.canary_quick
54+
@pytest.mark.release
5555
@pytest.mark.skipif(
5656
tests.integ.test_region() in tests.integ.NO_MARKET_PLACE_REGIONS,
5757
reason="Marketplace is not available in {}".format(tests.integ.test_region()),
@@ -150,7 +150,7 @@ def test_marketplace_attach(sagemaker_session, cpu_instance_type):
150150
print(predictor.predict(test_x.values).decode("utf-8"))
151151

152152

153-
@pytest.mark.canary_quick
153+
@pytest.mark.release
154154
@pytest.mark.skipif(
155155
tests.integ.test_region() in tests.integ.NO_MARKET_PLACE_REGIONS,
156156
reason="Marketplace is not available in {}".format(tests.integ.test_region()),

tests/integ/test_model_monitor.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -271,7 +271,7 @@ def updated_output_kms_key(sagemaker_session):
271271
tests.integ.test_region() in tests.integ.NO_MODEL_MONITORING_REGIONS,
272272
reason="ModelMonitoring is not yet supported in this region.",
273273
)
274-
@pytest.mark.canary_quick
274+
@pytest.mark.release
275275
def test_default_monitor_suggest_baseline_and_create_monitoring_schedule_with_customizations(
276276
sagemaker_session, output_kms_key, volume_kms_key, predictor
277277
):

tests/integ/test_mxnet.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -65,7 +65,7 @@ def mxnet_training_job(
6565
return mx.latest_training_job.name
6666

6767

68-
@pytest.mark.canary_quick
68+
@pytest.mark.release
6969
def test_attach_deploy(mxnet_training_job, sagemaker_session, cpu_instance_type):
7070
endpoint_name = "test-mxnet-attach-deploy-{}".format(sagemaker_timestamp())
7171

tests/integ/test_neo_mxnet.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -57,7 +57,7 @@ def mxnet_training_job(
5757
return mx.latest_training_job.name
5858

5959

60-
@pytest.mark.canary_quick
60+
@pytest.mark.release
6161
@pytest.mark.skip(
6262
reason="This test is failing because the image uri and the training script format has changed."
6363
)

tests/integ/test_ntm.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -25,7 +25,7 @@
2525
from tests.integ.record_set import prepare_record_set_from_local_files
2626

2727

28-
@pytest.mark.canary_quick
28+
@pytest.mark.release
2929
@pytest.mark.skip(
3030
reason="This test has always failed, but the failure was masked by a bug. "
3131
"This test should be fixed. Details in https://github.com/aws/sagemaker-python-sdk/pull/968"

tests/integ/test_processing.py

+3-3
Original file line numberDiff line numberDiff line change
@@ -153,7 +153,7 @@ def test_sklearn(sagemaker_session, sklearn_latest_version, cpu_instance_type):
153153
assert ROLE in job_description["RoleArn"]
154154

155155

156-
@pytest.mark.canary_quick
156+
@pytest.mark.release
157157
def test_sklearn_with_customizations(
158158
sagemaker_session, image_uri, sklearn_latest_version, cpu_instance_type, output_kms_key
159159
):
@@ -369,7 +369,7 @@ def test_sklearn_with_no_inputs_or_outputs(
369369
assert job_description["StoppingCondition"] == {"MaxRuntimeInSeconds": 3600}
370370

371371

372-
@pytest.mark.canary_quick
372+
@pytest.mark.release
373373
def test_script_processor(sagemaker_session, image_uri, cpu_instance_type, output_kms_key):
374374
input_file_path = os.path.join(DATA_DIR, "dummy_input.txt")
375375

@@ -528,7 +528,7 @@ def test_script_processor_with_no_inputs_or_outputs(
528528
assert job_description["StoppingCondition"] == {"MaxRuntimeInSeconds": 3600}
529529

530530

531-
@pytest.mark.canary_quick
531+
@pytest.mark.release
532532
def test_processor(sagemaker_session, image_uri, cpu_instance_type, output_kms_key):
533533
script_path = os.path.join(DATA_DIR, "dummy_script.py")
534534

tests/integ/test_pytorch.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -95,7 +95,7 @@ def fixture_training_job_with_latest_inference_version(
9595
return pytorch.latest_training_job.name
9696

9797

98-
@pytest.mark.canary_quick
98+
@pytest.mark.release
9999
def test_fit_deploy(
100100
pytorch_training_job_with_latest_infernce_version, sagemaker_session, cpu_instance_type
101101
):

tests/integ/test_rl.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -23,7 +23,7 @@
2323
from tests.integ.timeout import timeout, timeout_and_delete_endpoint_by_name
2424

2525

26-
@pytest.mark.canary_quick
26+
@pytest.mark.release
2727
def test_coach_mxnet(sagemaker_session, coach_mxnet_latest_version, cpu_instance_type):
2828
estimator = _test_coach(
2929
sagemaker_session, RLFramework.MXNET, coach_mxnet_latest_version, cpu_instance_type
@@ -106,7 +106,7 @@ def _test_coach(sagemaker_session, rl_framework, rl_coach_version, cpu_instance_
106106
test_region() not in RL_SUPPORTED_REGIONS,
107107
reason="Updated RL images aren't in {}".format(test_region()),
108108
)
109-
@pytest.mark.canary_quick
109+
@pytest.mark.release
110110
def test_ray_tf(sagemaker_session, ray_tensorflow_latest_version, cpu_instance_type):
111111
source_dir = os.path.join(DATA_DIR, "ray_cartpole")
112112
cartpole = "train_ray.py"

tests/integ/test_sklearn.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -111,7 +111,7 @@ def test_training_with_network_isolation(
111111
]
112112

113113

114-
@pytest.mark.canary_quick
114+
@pytest.mark.release
115115
@pytest.mark.skip(
116116
reason="This test has always failed, but the failure was masked by a bug. "
117117
"This test should be fixed. Details in https://github.com/aws/sagemaker-python-sdk/pull/968"

tests/integ/test_sparkml_serving.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -25,7 +25,7 @@
2525
from tests.integ.timeout import timeout_and_delete_endpoint_by_name
2626

2727

28-
@pytest.mark.canary_quick
28+
@pytest.mark.release
2929
def test_sparkml_model_deploy(sagemaker_session, cpu_instance_type):
3030
# Uploads an MLeap serialized MLeap model to S3 and use that to deploy
3131
# a SparkML model to perform inference

tests/integ/test_tf.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -125,7 +125,7 @@ def test_server_side_encryption(sagemaker_session, tf_full_version, tf_full_py_v
125125
)
126126

127127

128-
@pytest.mark.canary_quick
128+
@pytest.mark.release
129129
def test_mnist_distributed(
130130
sagemaker_session,
131131
instance_type,

tests/integ/test_tfs.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -138,7 +138,7 @@ def tfs_predictor_with_accelerator(
138138
yield predictor
139139

140140

141-
@pytest.mark.canary_quick
141+
@pytest.mark.release
142142
def test_predict(tfs_predictor):
143143
input_data = {"instances": [1.0, 2.0, 5.0]}
144144
expected_result = {"predictions": [3.5, 4.0, 5.5]}
@@ -151,7 +151,7 @@ def test_predict(tfs_predictor):
151151
tests.integ.test_region() not in tests.integ.EI_SUPPORTED_REGIONS,
152152
reason="EI is not supported in region {}".format(tests.integ.test_region()),
153153
)
154-
@pytest.mark.canary_quick
154+
@pytest.mark.release
155155
def test_predict_with_accelerator(tfs_predictor_with_accelerator):
156156
input_data = {"instances": [1.0, 2.0, 5.0]}
157157
expected_result = {"predictions": [3.5, 4.0, 5.5]}

tests/integ/test_transformer.py

+2-2
Original file line numberDiff line numberDiff line change
@@ -78,7 +78,7 @@ def mxnet_transform_input(sagemaker_session):
7878
)
7979

8080

81-
@pytest.mark.canary_quick
81+
@pytest.mark.release
8282
def test_transform_mxnet(
8383
mxnet_estimator, mxnet_transform_input, sagemaker_session, cpu_instance_type
8484
):
@@ -108,7 +108,7 @@ def test_transform_mxnet(
108108
assert input_filter == job_desc["DataProcessing"]["InputFilter"]
109109

110110

111-
@pytest.mark.canary_quick
111+
@pytest.mark.release
112112
def test_attach_transform_kmeans(sagemaker_session, cpu_instance_type):
113113
kmeans = KMeans(
114114
role="SageMakerRole",

tests/integ/test_tuner.py

+6-6
Original file line numberDiff line numberDiff line change
@@ -158,7 +158,7 @@ def _tune(
158158
return tuner
159159

160160

161-
@pytest.mark.canary_quick
161+
@pytest.mark.release
162162
def test_tuning_kmeans(
163163
sagemaker_session, kmeans_train_set, kmeans_estimator, hyperparameter_ranges, cpu_instance_type
164164
):
@@ -525,7 +525,7 @@ def test_stop_tuning_job(sagemaker_session, cpu_instance_type):
525525

526526

527527
@pytest.mark.slow_test
528-
@pytest.mark.canary_quick
528+
@pytest.mark.release
529529
def test_tuning_mxnet(
530530
sagemaker_session,
531531
mxnet_training_latest_version,
@@ -578,7 +578,7 @@ def test_tuning_mxnet(
578578
predictor.predict(data)
579579

580580

581-
@pytest.mark.canary_quick
581+
@pytest.mark.release
582582
def test_tuning_tf(
583583
sagemaker_session,
584584
cpu_instance_type,
@@ -675,7 +675,7 @@ def test_tuning_tf_vpc_multi(
675675
tuner.fit(inputs, job_name=tuning_job_name)
676676

677677

678-
@pytest.mark.canary_quick
678+
@pytest.mark.release
679679
def test_tuning_chainer(
680680
sagemaker_session, chainer_latest_version, chainer_latest_py_version, cpu_instance_type
681681
):
@@ -742,7 +742,7 @@ def test_tuning_chainer(
742742
assert len(output) == batch_size
743743

744744

745-
@pytest.mark.canary_quick
745+
@pytest.mark.release
746746
@pytest.mark.skip(
747747
reason="This test has always failed, but the failure was masked by a bug. "
748748
"This test should be fixed. Details in https://github.com/aws/sagemaker-python-sdk/pull/968"
@@ -817,7 +817,7 @@ def test_attach_tuning_pytorch(
817817
_assert_model_name_match(sagemaker_session.sagemaker_client, endpoint_name, model_name)
818818

819819

820-
@pytest.mark.canary_quick
820+
@pytest.mark.release
821821
def test_tuning_byo_estimator(sagemaker_session, cpu_instance_type):
822822
"""Use Factorization Machines algorithm as an example here.
823823

0 commit comments

Comments
 (0)