snowflake-ml-python 1.8.1__py3-none-any.whl → 1.8.3__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Files changed (170) hide show
  1. snowflake/cortex/_classify_text.py +3 -3
  2. snowflake/cortex/_complete.py +64 -31
  3. snowflake/cortex/_embed_text_1024.py +4 -4
  4. snowflake/cortex/_embed_text_768.py +4 -4
  5. snowflake/cortex/_finetune.py +8 -8
  6. snowflake/cortex/_util.py +8 -12
  7. snowflake/ml/_internal/env.py +4 -3
  8. snowflake/ml/_internal/env_utils.py +63 -34
  9. snowflake/ml/_internal/file_utils.py +10 -21
  10. snowflake/ml/_internal/human_readable_id/hrid_generator_base.py +5 -7
  11. snowflake/ml/_internal/init_utils.py +2 -3
  12. snowflake/ml/_internal/lineage/lineage_utils.py +6 -6
  13. snowflake/ml/_internal/platform_capabilities.py +41 -5
  14. snowflake/ml/_internal/telemetry.py +39 -52
  15. snowflake/ml/_internal/type_utils.py +3 -3
  16. snowflake/ml/_internal/utils/db_utils.py +2 -2
  17. snowflake/ml/_internal/utils/identifier.py +8 -8
  18. snowflake/ml/_internal/utils/import_utils.py +2 -2
  19. snowflake/ml/_internal/utils/parallelize.py +7 -7
  20. snowflake/ml/_internal/utils/pkg_version_utils.py +11 -11
  21. snowflake/ml/_internal/utils/query_result_checker.py +4 -4
  22. snowflake/ml/_internal/utils/snowflake_env.py +28 -6
  23. snowflake/ml/_internal/utils/snowpark_dataframe_utils.py +2 -2
  24. snowflake/ml/_internal/utils/sql_identifier.py +3 -3
  25. snowflake/ml/_internal/utils/table_manager.py +9 -9
  26. snowflake/ml/data/_internal/arrow_ingestor.py +7 -7
  27. snowflake/ml/data/data_connector.py +40 -36
  28. snowflake/ml/data/data_ingestor.py +4 -15
  29. snowflake/ml/data/data_source.py +2 -2
  30. snowflake/ml/data/ingestor_utils.py +3 -3
  31. snowflake/ml/data/torch_utils.py +5 -5
  32. snowflake/ml/dataset/dataset.py +11 -11
  33. snowflake/ml/dataset/dataset_metadata.py +8 -8
  34. snowflake/ml/dataset/dataset_reader.py +12 -8
  35. snowflake/ml/feature_store/__init__.py +1 -1
  36. snowflake/ml/feature_store/access_manager.py +7 -7
  37. snowflake/ml/feature_store/entity.py +6 -6
  38. snowflake/ml/feature_store/examples/airline_features/entities.py +1 -3
  39. snowflake/ml/feature_store/examples/airline_features/features/plane_features.py +1 -3
  40. snowflake/ml/feature_store/examples/airline_features/features/weather_features.py +1 -3
  41. snowflake/ml/feature_store/examples/citibike_trip_features/entities.py +1 -3
  42. snowflake/ml/feature_store/examples/citibike_trip_features/features/station_feature.py +1 -3
  43. snowflake/ml/feature_store/examples/citibike_trip_features/features/trip_feature.py +1 -3
  44. snowflake/ml/feature_store/examples/example_helper.py +16 -16
  45. snowflake/ml/feature_store/examples/new_york_taxi_features/entities.py +1 -3
  46. snowflake/ml/feature_store/examples/new_york_taxi_features/features/location_features.py +1 -3
  47. snowflake/ml/feature_store/examples/new_york_taxi_features/features/trip_features.py +1 -3
  48. snowflake/ml/feature_store/examples/wine_quality_features/entities.py +1 -3
  49. snowflake/ml/feature_store/examples/wine_quality_features/features/managed_wine_features.py +1 -3
  50. snowflake/ml/feature_store/examples/wine_quality_features/features/static_wine_features.py +1 -3
  51. snowflake/ml/feature_store/feature_store.py +52 -64
  52. snowflake/ml/feature_store/feature_view.py +24 -24
  53. snowflake/ml/fileset/embedded_stage_fs.py +5 -5
  54. snowflake/ml/fileset/fileset.py +5 -5
  55. snowflake/ml/fileset/sfcfs.py +13 -13
  56. snowflake/ml/fileset/stage_fs.py +15 -15
  57. snowflake/ml/jobs/_utils/constants.py +2 -4
  58. snowflake/ml/jobs/_utils/interop_utils.py +442 -0
  59. snowflake/ml/jobs/_utils/payload_utils.py +86 -62
  60. snowflake/ml/jobs/_utils/scripts/constants.py +4 -0
  61. snowflake/ml/jobs/_utils/scripts/get_instance_ip.py +136 -0
  62. snowflake/ml/jobs/_utils/scripts/mljob_launcher.py +181 -0
  63. snowflake/ml/jobs/_utils/scripts/signal_workers.py +203 -0
  64. snowflake/ml/jobs/_utils/scripts/worker_shutdown_listener.py +242 -0
  65. snowflake/ml/jobs/_utils/spec_utils.py +22 -36
  66. snowflake/ml/jobs/_utils/types.py +8 -2
  67. snowflake/ml/jobs/decorators.py +7 -8
  68. snowflake/ml/jobs/job.py +158 -26
  69. snowflake/ml/jobs/manager.py +78 -30
  70. snowflake/ml/lineage/lineage_node.py +5 -5
  71. snowflake/ml/model/_client/model/model_impl.py +3 -3
  72. snowflake/ml/model/_client/model/model_version_impl.py +103 -35
  73. snowflake/ml/model/_client/ops/metadata_ops.py +7 -7
  74. snowflake/ml/model/_client/ops/model_ops.py +41 -41
  75. snowflake/ml/model/_client/ops/service_ops.py +230 -50
  76. snowflake/ml/model/_client/service/model_deployment_spec.py +175 -48
  77. snowflake/ml/model/_client/service/model_deployment_spec_schema.py +44 -24
  78. snowflake/ml/model/_client/sql/model.py +8 -8
  79. snowflake/ml/model/_client/sql/model_version.py +26 -26
  80. snowflake/ml/model/_client/sql/service.py +22 -18
  81. snowflake/ml/model/_client/sql/stage.py +2 -2
  82. snowflake/ml/model/_client/sql/tag.py +6 -6
  83. snowflake/ml/model/_model_composer/model_composer.py +46 -25
  84. snowflake/ml/model/_model_composer/model_manifest/model_manifest.py +20 -16
  85. snowflake/ml/model/_model_composer/model_manifest/model_manifest_schema.py +14 -13
  86. snowflake/ml/model/_model_composer/model_method/model_method.py +3 -3
  87. snowflake/ml/model/_packager/model_env/model_env.py +35 -26
  88. snowflake/ml/model/_packager/model_handler.py +4 -4
  89. snowflake/ml/model/_packager/model_handlers/_base.py +2 -2
  90. snowflake/ml/model/_packager/model_handlers/_utils.py +15 -3
  91. snowflake/ml/model/_packager/model_handlers/catboost.py +5 -5
  92. snowflake/ml/model/_packager/model_handlers/custom.py +8 -4
  93. snowflake/ml/model/_packager/model_handlers/huggingface_pipeline.py +7 -21
  94. snowflake/ml/model/_packager/model_handlers/keras.py +4 -4
  95. snowflake/ml/model/_packager/model_handlers/lightgbm.py +4 -14
  96. snowflake/ml/model/_packager/model_handlers/mlflow.py +3 -3
  97. snowflake/ml/model/_packager/model_handlers/pytorch.py +4 -4
  98. snowflake/ml/model/_packager/model_handlers/sentence_transformers.py +5 -5
  99. snowflake/ml/model/_packager/model_handlers/sklearn.py +5 -6
  100. snowflake/ml/model/_packager/model_handlers/snowmlmodel.py +3 -3
  101. snowflake/ml/model/_packager/model_handlers/tensorflow.py +4 -4
  102. snowflake/ml/model/_packager/model_handlers/torchscript.py +4 -4
  103. snowflake/ml/model/_packager/model_handlers/xgboost.py +5 -15
  104. snowflake/ml/model/_packager/model_meta/model_blob_meta.py +2 -2
  105. snowflake/ml/model/_packager/model_meta/model_meta.py +42 -37
  106. snowflake/ml/model/_packager/model_meta/model_meta_schema.py +13 -11
  107. snowflake/ml/model/_packager/model_meta_migrator/base_migrator.py +3 -3
  108. snowflake/ml/model/_packager/model_meta_migrator/migrator_plans.py +3 -3
  109. snowflake/ml/model/_packager/model_meta_migrator/migrator_v1.py +4 -4
  110. snowflake/ml/model/_packager/model_packager.py +12 -8
  111. snowflake/ml/model/_packager/model_runtime/_snowml_inference_alternative_requirements.py +32 -1
  112. snowflake/ml/model/_packager/model_runtime/model_runtime.py +4 -2
  113. snowflake/ml/model/_signatures/core.py +16 -24
  114. snowflake/ml/model/_signatures/dmatrix_handler.py +2 -2
  115. snowflake/ml/model/_signatures/utils.py +6 -6
  116. snowflake/ml/model/custom_model.py +8 -8
  117. snowflake/ml/model/model_signature.py +9 -20
  118. snowflake/ml/model/models/huggingface_pipeline.py +7 -4
  119. snowflake/ml/model/type_hints.py +5 -3
  120. snowflake/ml/modeling/_internal/estimator_utils.py +7 -7
  121. snowflake/ml/modeling/_internal/local_implementations/pandas_handlers.py +6 -6
  122. snowflake/ml/modeling/_internal/local_implementations/pandas_trainer.py +7 -7
  123. snowflake/ml/modeling/_internal/model_specifications.py +8 -10
  124. snowflake/ml/modeling/_internal/model_trainer.py +5 -5
  125. snowflake/ml/modeling/_internal/model_trainer_builder.py +6 -6
  126. snowflake/ml/modeling/_internal/snowpark_implementations/distributed_hpo_trainer.py +30 -30
  127. snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_handlers.py +13 -13
  128. snowflake/ml/modeling/_internal/snowpark_implementations/snowpark_trainer.py +31 -31
  129. snowflake/ml/modeling/_internal/snowpark_implementations/xgboost_external_memory_trainer.py +19 -19
  130. snowflake/ml/modeling/_internal/transformer_protocols.py +17 -17
  131. snowflake/ml/modeling/framework/_utils.py +10 -10
  132. snowflake/ml/modeling/framework/base.py +32 -32
  133. snowflake/ml/modeling/impute/__init__.py +1 -1
  134. snowflake/ml/modeling/impute/simple_imputer.py +5 -5
  135. snowflake/ml/modeling/metrics/__init__.py +1 -1
  136. snowflake/ml/modeling/metrics/classification.py +39 -39
  137. snowflake/ml/modeling/metrics/metrics_utils.py +12 -12
  138. snowflake/ml/modeling/metrics/ranking.py +7 -7
  139. snowflake/ml/modeling/metrics/regression.py +13 -13
  140. snowflake/ml/modeling/model_selection/__init__.py +1 -1
  141. snowflake/ml/modeling/model_selection/grid_search_cv.py +7 -7
  142. snowflake/ml/modeling/model_selection/randomized_search_cv.py +7 -7
  143. snowflake/ml/modeling/pipeline/__init__.py +1 -1
  144. snowflake/ml/modeling/pipeline/pipeline.py +18 -18
  145. snowflake/ml/modeling/preprocessing/__init__.py +1 -1
  146. snowflake/ml/modeling/preprocessing/k_bins_discretizer.py +13 -13
  147. snowflake/ml/modeling/preprocessing/max_abs_scaler.py +4 -4
  148. snowflake/ml/modeling/preprocessing/min_max_scaler.py +8 -8
  149. snowflake/ml/modeling/preprocessing/normalizer.py +0 -1
  150. snowflake/ml/modeling/preprocessing/one_hot_encoder.py +28 -28
  151. snowflake/ml/modeling/preprocessing/ordinal_encoder.py +9 -9
  152. snowflake/ml/modeling/preprocessing/robust_scaler.py +7 -7
  153. snowflake/ml/modeling/preprocessing/standard_scaler.py +5 -5
  154. snowflake/ml/monitoring/_client/model_monitor_sql_client.py +26 -26
  155. snowflake/ml/monitoring/_manager/model_monitor_manager.py +5 -5
  156. snowflake/ml/monitoring/entities/model_monitor_config.py +6 -6
  157. snowflake/ml/registry/_manager/model_manager.py +50 -29
  158. snowflake/ml/registry/registry.py +34 -23
  159. snowflake/ml/utils/authentication.py +2 -2
  160. snowflake/ml/utils/connection_params.py +5 -5
  161. snowflake/ml/utils/sparse.py +5 -4
  162. snowflake/ml/utils/sql_client.py +1 -2
  163. snowflake/ml/version.py +2 -1
  164. {snowflake_ml_python-1.8.1.dist-info → snowflake_ml_python-1.8.3.dist-info}/METADATA +46 -6
  165. {snowflake_ml_python-1.8.1.dist-info → snowflake_ml_python-1.8.3.dist-info}/RECORD +168 -164
  166. {snowflake_ml_python-1.8.1.dist-info → snowflake_ml_python-1.8.3.dist-info}/WHEEL +1 -1
  167. snowflake/ml/model/_packager/model_meta/_packaging_requirements.py +0 -1
  168. snowflake/ml/modeling/_internal/constants.py +0 -2
  169. {snowflake_ml_python-1.8.1.dist-info → snowflake_ml_python-1.8.3.dist-info}/licenses/LICENSE.txt +0 -0
  170. {snowflake_ml_python-1.8.1.dist-info → snowflake_ml_python-1.8.3.dist-info}/top_level.txt +0 -0
@@ -1,4 +1,4 @@
1
- from typing import Dict, List, Optional
1
+ from typing import Optional
2
2
 
3
3
  from snowflake.ml._internal.utils.sql_identifier import (
4
4
  SqlIdentifier,
@@ -22,7 +22,7 @@ class Entity:
22
22
  It can also be used for FeatureView search and lineage tracking.
23
23
  """
24
24
 
25
- def __init__(self, name: str, join_keys: List[str], *, desc: str = "") -> None:
25
+ def __init__(self, name: str, join_keys: list[str], *, desc: str = "") -> None:
26
26
  """
27
27
  Creates an Entity instance.
28
28
 
@@ -51,11 +51,11 @@ class Entity:
51
51
  self._validate(name, join_keys)
52
52
 
53
53
  self.name: SqlIdentifier = SqlIdentifier(name)
54
- self.join_keys: List[SqlIdentifier] = to_sql_identifiers(join_keys)
54
+ self.join_keys: list[SqlIdentifier] = to_sql_identifiers(join_keys)
55
55
  self.owner: Optional[str] = None
56
56
  self.desc: str = desc
57
57
 
58
- def _validate(self, name: str, join_keys: List[str]) -> None:
58
+ def _validate(self, name: str, join_keys: list[str]) -> None:
59
59
  if len(name) > _ENTITY_NAME_LENGTH_LIMIT:
60
60
  raise ValueError(f"Entity name `{name}` exceeds maximum length: {_ENTITY_NAME_LENGTH_LIMIT}")
61
61
  if _FEATURE_VIEW_ENTITY_TAG_DELIMITER in name:
@@ -73,7 +73,7 @@ class Entity:
73
73
  if len(k) > _ENTITY_JOIN_KEY_LENGTH_LIMIT:
74
74
  raise ValueError(f"Join key: {k} exceeds length limit {_ENTITY_JOIN_KEY_LENGTH_LIMIT}.")
75
75
 
76
- def _to_dict(self) -> Dict[str, str]:
76
+ def _to_dict(self) -> dict[str, str]:
77
77
  entity_dict = self.__dict__.copy()
78
78
  for k, v in entity_dict.items():
79
79
  if isinstance(v, SqlIdentifier):
@@ -81,7 +81,7 @@ class Entity:
81
81
  return entity_dict
82
82
 
83
83
  @staticmethod
84
- def _construct_entity(name: str, join_keys: List[str], desc: str, owner: str) -> "Entity":
84
+ def _construct_entity(name: str, join_keys: list[str], desc: str, owner: str) -> "Entity":
85
85
  e = Entity(name, join_keys, desc=desc)
86
86
  e.owner = owner
87
87
  return e
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import Entity
4
2
 
5
3
  zipcode_entity = Entity(
@@ -12,5 +10,5 @@ plane_entity = Entity(name="PLANE_MODEL", join_keys=["PLANE_MODEL"], desc="The m
12
10
 
13
11
 
14
12
  # This will be invoked by example_helper.py. Do not change function name.
15
- def get_all_entities() -> List[Entity]:
13
+ def get_all_entities() -> list[Entity]:
16
14
  return [zipcode_entity, plane_entity]
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.airline_features.entities import plane_entity
5
3
  from snowflake.snowpark import DataFrame, Session
@@ -7,7 +5,7 @@ from snowflake.snowpark import DataFrame, Session
7
5
 
8
6
  # This function will be invoked by example_helper.py. Do not change the name.
9
7
  def create_draft_feature_view(
10
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
8
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
11
9
  ) -> FeatureView:
12
10
  """Create a feature view about airplane model."""
13
11
  query = session.sql(
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.airline_features.entities import zipcode_entity
5
3
  from snowflake.snowpark import DataFrame, Session
@@ -7,7 +5,7 @@ from snowflake.snowpark import DataFrame, Session
7
5
 
8
6
  # This function will be invoked by example_helper.py. Do not change the name.
9
7
  def create_draft_feature_view(
10
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
8
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
11
9
  ) -> FeatureView:
12
10
  """Create a feature view about airport weather."""
13
11
  query = session.sql(
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import Entity
4
2
 
5
3
  end_station_id = Entity(
@@ -16,5 +14,5 @@ trip_id = Entity(
16
14
 
17
15
 
18
16
  # This will be invoked by example_helper.py. Do not change function name.
19
- def get_all_entities() -> List[Entity]:
17
+ def get_all_entities() -> list[Entity]:
20
18
  return [end_station_id, trip_id]
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.citibike_trip_features.entities import (
5
3
  end_station_id,
@@ -9,7 +7,7 @@ from snowflake.snowpark import DataFrame, Session
9
7
 
10
8
  # This function will be invoked by example_helper.py. Do not change the name.
11
9
  def create_draft_feature_view(
12
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
10
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
13
11
  ) -> FeatureView:
14
12
  """Create a feature view about trip station."""
15
13
  query = session.sql(
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.citibike_trip_features.entities import trip_id
5
3
  from snowflake.snowpark import DataFrame, Session, functions as F
@@ -7,7 +5,7 @@ from snowflake.snowpark import DataFrame, Session, functions as F
7
5
 
8
6
  # This function will be invoked by example_helper.py. Do not change the name.
9
7
  def create_draft_feature_view(
10
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
8
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
11
9
  ) -> FeatureView:
12
10
  """Create a feature view about trip."""
13
11
  feature_df = source_dfs[0].select(
@@ -3,7 +3,7 @@ import logging
3
3
  import os
4
4
  import re
5
5
  from pathlib import Path
6
- from typing import Any, Dict, List, Optional
6
+ from typing import Any, Optional
7
7
 
8
8
  import yaml
9
9
 
@@ -32,12 +32,12 @@ class ExampleHelper:
32
32
 
33
33
  def _clear(self) -> None:
34
34
  self._selected_example = None
35
- self._source_tables: List[str] = []
36
- self._source_dfs: List[DataFrame] = []
37
- self._excluded_columns: List[sql_identifier.SqlIdentifier] = []
38
- self._label_columns: List[sql_identifier.SqlIdentifier] = []
35
+ self._source_tables: list[str] = []
36
+ self._source_dfs: list[DataFrame] = []
37
+ self._excluded_columns: list[sql_identifier.SqlIdentifier] = []
38
+ self._label_columns: list[sql_identifier.SqlIdentifier] = []
39
39
  self._timestamp_column: Optional[sql_identifier.SqlIdentifier] = None
40
- self._epoch_to_timestamp_cols: List[str] = []
40
+ self._epoch_to_timestamp_cols: list[str] = []
41
41
  self._add_id_column: Optional[sql_identifier.SqlIdentifier] = None
42
42
  self._training_spine_table: str = ""
43
43
 
@@ -53,7 +53,7 @@ class ExampleHelper:
53
53
  rows.append((f_name, source_dict["model_category"], source_dict["desc"], source_dict["label_columns"]))
54
54
  return self._session.create_dataframe(rows, schema=["NAME", "MODEL_CATEGORY", "DESC", "LABEL_COLS"])
55
55
 
56
- def load_draft_feature_views(self) -> List[FeatureView]:
56
+ def load_draft_feature_views(self) -> list[FeatureView]:
57
57
  """Return all feature views in an example.
58
58
 
59
59
  Returns:
@@ -74,7 +74,7 @@ class ExampleHelper:
74
74
 
75
75
  return fvs
76
76
 
77
- def load_entities(self) -> List[Entity]:
77
+ def load_entities(self) -> list[Entity]:
78
78
  """Return all entities in an example.
79
79
 
80
80
  Returns:
@@ -88,7 +88,7 @@ class ExampleHelper:
88
88
  with open(file_path) as fs:
89
89
  return yaml.safe_load(fs)
90
90
 
91
- def _create_file_format(self, format_dict: Dict[str, str], format_name: str) -> None:
91
+ def _create_file_format(self, format_dict: dict[str, str], format_name: str) -> None:
92
92
  """Create a file name with given name."""
93
93
  self._session.sql(
94
94
  f"""
@@ -110,7 +110,7 @@ class ExampleHelper:
110
110
  """
111
111
  ).collect()
112
112
 
113
- def _load_csv(self, schema_dict: Dict[str, str], temp_stage_name: str) -> List[str]:
113
+ def _load_csv(self, schema_dict: dict[str, str], temp_stage_name: str) -> list[str]:
114
114
  # create temp file format
115
115
  file_format_name = f"{self._database_name}.{self._dataset_schema}.feature_store_temp_format"
116
116
  format_str = ""
@@ -145,7 +145,7 @@ class ExampleHelper:
145
145
 
146
146
  return [schema_dict["destination_table_name"]]
147
147
 
148
- def _load_parquet(self, schema_dict: Dict[str, str], temp_stage_name: str) -> List[str]:
148
+ def _load_parquet(self, schema_dict: dict[str, str], temp_stage_name: str) -> list[str]:
149
149
  regex_pattern = schema_dict["load_files_pattern"]
150
150
  all_files = self._session.sql(f"list @{temp_stage_name}").collect()
151
151
  filtered_files = [item["name"] for item in all_files if re.match(regex_pattern, item["name"])]
@@ -187,7 +187,7 @@ class ExampleHelper:
187
187
 
188
188
  return result
189
189
 
190
- def _load_source_data(self, schema_yaml_file: str) -> List[str]:
190
+ def _load_source_data(self, schema_yaml_file: str) -> list[str]:
191
191
  """Parse a yaml schema file and load data into Snowflake.
192
192
 
193
193
  Args:
@@ -210,7 +210,7 @@ class ExampleHelper:
210
210
  else:
211
211
  return self._load_csv(schema_dict, temp_stage_name)
212
212
 
213
- def load_example(self, example_name: str) -> List[str]:
213
+ def load_example(self, example_name: str) -> list[str]:
214
214
  """Select the active example and load its datasets to Snowflake.
215
215
 
216
216
  Args:
@@ -247,7 +247,7 @@ class ExampleHelper:
247
247
 
248
248
  return self.load_source_data(source_yaml_data)
249
249
 
250
- def load_source_data(self, source_data_name: str) -> List[str]:
250
+ def load_source_data(self, source_data_name: str) -> list[str]:
251
251
  """Load source data into Snowflake.
252
252
 
253
253
  Args:
@@ -269,10 +269,10 @@ class ExampleHelper:
269
269
  def get_current_schema(self) -> str:
270
270
  return self._dataset_schema
271
271
 
272
- def get_label_cols(self) -> List[str]:
272
+ def get_label_cols(self) -> list[str]:
273
273
  return [item.resolved() for item in self._label_columns]
274
274
 
275
- def get_excluded_cols(self) -> List[str]:
275
+ def get_excluded_cols(self) -> list[str]:
276
276
  return [item.resolved() for item in self._excluded_columns]
277
277
 
278
278
  def get_training_data_timestamp_col(self) -> Optional[str]:
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import Entity
4
2
 
5
3
  trip_id = Entity(name="TRIP_ID", join_keys=["TRIP_ID"], desc="Trip id.")
@@ -8,5 +6,5 @@ location_id = Entity(name="DOLOCATIONID", join_keys=["DOLOCATIONID"], desc="Drop
8
6
 
9
7
 
10
8
  # This will be invoked by example_helper.py. Do not change function name.
11
- def get_all_entities() -> List[Entity]:
9
+ def get_all_entities() -> list[Entity]:
12
10
  return [trip_id, location_id]
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.new_york_taxi_features.entities import (
5
3
  location_id,
@@ -9,7 +7,7 @@ from snowflake.snowpark import DataFrame, Session
9
7
 
10
8
  # This function will be invoked by example_helper.py. Do not change the name.
11
9
  def create_draft_feature_view(
12
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
10
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
13
11
  ) -> FeatureView:
14
12
  """Create a draft feature view."""
15
13
  feature_df = session.sql(
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.new_york_taxi_features.entities import trip_id
5
3
  from snowflake.snowpark import DataFrame, Session
@@ -7,7 +5,7 @@ from snowflake.snowpark import DataFrame, Session
7
5
 
8
6
  # This function will be invoked by example_helper.py. Do not change the name.
9
7
  def create_draft_feature_view(
10
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
8
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
11
9
  ) -> FeatureView:
12
10
  """Create a draft feature view."""
13
11
  feature_df = session.sql(
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import Entity
4
2
 
5
3
  wine_id = Entity(
@@ -10,5 +8,5 @@ wine_id = Entity(
10
8
 
11
9
 
12
10
  # This will be invoked by example_helper.py. Do not change function name.
13
- def get_all_entities() -> List[Entity]:
11
+ def get_all_entities() -> list[Entity]:
14
12
  return [wine_id]
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.wine_quality_features.entities import wine_id
5
3
  from snowflake.snowpark import DataFrame, Session, functions as F
@@ -7,7 +5,7 @@ from snowflake.snowpark import DataFrame, Session, functions as F
7
5
 
8
6
  # This function will be invoked by example_helper.py. Do not change the name.
9
7
  def create_draft_feature_view(
10
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
8
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
11
9
  ) -> FeatureView:
12
10
  """Create a feature view about trip station."""
13
11
  feature_df = source_dfs[0].select(
@@ -1,5 +1,3 @@
1
- from typing import List
2
-
3
1
  from snowflake.ml.feature_store import FeatureView
4
2
  from snowflake.ml.feature_store.examples.wine_quality_features.entities import wine_id
5
3
  from snowflake.snowpark import DataFrame, Session
@@ -7,7 +5,7 @@ from snowflake.snowpark import DataFrame, Session
7
5
 
8
6
  # This function will be invoked by example_helper.py. Do not change the name.
9
7
  def create_draft_feature_view(
10
- session: Session, source_dfs: List[DataFrame], source_tables: List[str], database: str, schema: str
8
+ session: Session, source_dfs: list[DataFrame], source_tables: list[str], database: str, schema: str
11
9
  ) -> FeatureView:
12
10
  """Create a feature view about trip station."""
13
11
  feature_df = source_dfs[0].select("WINE_ID", "SULPHATES", "ALCOHOL")