sagemaker-core 1.0.62__py3-none-any.whl → 2.1.1__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 (362) hide show
  1. sagemaker/core/__init__.py +16 -0
  2. sagemaker/core/_studio.py +116 -0
  3. sagemaker/core/_version.py +11 -0
  4. sagemaker/core/accept_types.py +131 -0
  5. sagemaker/core/analytics.py +744 -0
  6. sagemaker/core/apiutils/__init__.py +13 -0
  7. sagemaker/core/apiutils/_base_types.py +228 -0
  8. sagemaker/core/apiutils/_boto_functions.py +130 -0
  9. sagemaker/core/apiutils/_utils.py +34 -0
  10. sagemaker/core/base_deserializers.py +35 -0
  11. sagemaker/core/base_serializers.py +35 -0
  12. sagemaker/core/clarify/__init__.py +2898 -0
  13. sagemaker/core/collection.py +467 -0
  14. sagemaker/core/common_utils.py +2281 -0
  15. sagemaker/core/compute_resource_requirements/__init__.py +18 -0
  16. sagemaker/core/compute_resource_requirements/resource_requirements.py +94 -0
  17. sagemaker/core/config/__init__.py +181 -0
  18. sagemaker/core/config/config.py +238 -0
  19. sagemaker/core/config/config_manager.py +595 -0
  20. sagemaker/core/config/config_schema.py +1220 -0
  21. sagemaker/core/config/config_utils.py +297 -0
  22. {sagemaker_core/main → sagemaker/core}/config_schema.py +408 -3
  23. sagemaker/core/constants.py +73 -0
  24. sagemaker/core/content_types.py +137 -0
  25. sagemaker/core/debugger/__init__.py +39 -0
  26. sagemaker/core/debugger/debugger.py +945 -0
  27. sagemaker/core/debugger/framework_profile.py +292 -0
  28. sagemaker/core/debugger/metrics_config.py +468 -0
  29. sagemaker/core/debugger/profiler.py +42 -0
  30. sagemaker/core/debugger/profiler_config.py +190 -0
  31. sagemaker/core/debugger/profiler_constants.py +40 -0
  32. sagemaker/core/debugger/utils.py +148 -0
  33. sagemaker/core/deprecations.py +254 -0
  34. sagemaker/core/deserializers/__init__.py +10 -0
  35. sagemaker/core/deserializers/base.py +424 -0
  36. sagemaker/core/deserializers/implementations.py +157 -0
  37. sagemaker/core/drift_check_baselines.py +106 -0
  38. sagemaker/core/enums.py +51 -0
  39. sagemaker/core/environment_variables.py +101 -0
  40. sagemaker/core/exceptions.py +108 -0
  41. sagemaker/core/experiments/__init__.py +53 -0
  42. sagemaker/core/experiments/_api_types.py +251 -0
  43. sagemaker/core/experiments/_environment.py +124 -0
  44. sagemaker/core/experiments/_helper.py +294 -0
  45. sagemaker/core/experiments/_metrics.py +333 -0
  46. sagemaker/core/experiments/_run_context.py +58 -0
  47. sagemaker/core/experiments/_utils.py +216 -0
  48. sagemaker/core/experiments/experiment.py +244 -0
  49. sagemaker/core/experiments/run.py +970 -0
  50. sagemaker/core/experiments/trial.py +296 -0
  51. sagemaker/core/experiments/trial_component.py +387 -0
  52. sagemaker/core/explainer/__init__.py +24 -0
  53. sagemaker/core/explainer/clarify_explainer_config.py +298 -0
  54. sagemaker/core/explainer/explainer_config.py +44 -0
  55. sagemaker/core/fw_utils.py +1176 -0
  56. sagemaker/core/git_utils.py +349 -0
  57. sagemaker/core/helper/pipeline_variable.py +82 -0
  58. sagemaker/core/helper/session_helper.py +2965 -0
  59. sagemaker/core/huggingface/__init__.py +29 -0
  60. sagemaker/core/huggingface/llm_utils.py +150 -0
  61. sagemaker/core/huggingface/processing.py +139 -0
  62. sagemaker/core/huggingface/training_compiler/config.py +167 -0
  63. sagemaker/core/hyperparameters.py +172 -0
  64. sagemaker/core/image_retriever/__init__.py +3 -0
  65. sagemaker/core/image_retriever/image_retriever.py +640 -0
  66. sagemaker/core/image_retriever/image_retriever_utils.py +511 -0
  67. sagemaker/core/image_retriever/test.py +7 -0
  68. sagemaker/core/image_uri_config/__init__.py +13 -0
  69. sagemaker/core/image_uri_config/autogluon.json +1335 -0
  70. sagemaker/core/image_uri_config/blazingtext.json +50 -0
  71. sagemaker/core/image_uri_config/chainer.json +104 -0
  72. sagemaker/core/image_uri_config/clarify.json +39 -0
  73. sagemaker/core/image_uri_config/coach-mxnet.json +70 -0
  74. sagemaker/core/image_uri_config/coach-tensorflow.json +186 -0
  75. sagemaker/core/image_uri_config/data-wrangler.json +91 -0
  76. sagemaker/core/image_uri_config/debugger.json +34 -0
  77. sagemaker/core/image_uri_config/detailed-profiler.json +18 -0
  78. sagemaker/core/image_uri_config/djl-deepspeed.json +385 -0
  79. sagemaker/core/image_uri_config/djl-fastertransformer.json +167 -0
  80. sagemaker/core/image_uri_config/djl-lmi.json +136 -0
  81. sagemaker/core/image_uri_config/djl-neuronx.json +258 -0
  82. sagemaker/core/image_uri_config/djl-tensorrtllm.json +262 -0
  83. sagemaker/core/image_uri_config/factorization-machines.json +50 -0
  84. sagemaker/core/image_uri_config/forecasting-deepar.json +50 -0
  85. sagemaker/core/image_uri_config/huggingface-llm-neuronx.json +660 -0
  86. sagemaker/core/image_uri_config/huggingface-llm.json +1158 -0
  87. sagemaker/core/image_uri_config/huggingface-neuron.json +52 -0
  88. sagemaker/core/image_uri_config/huggingface-neuronx.json +510 -0
  89. sagemaker/core/image_uri_config/huggingface-tei-cpu.json +298 -0
  90. sagemaker/core/image_uri_config/huggingface-tei.json +298 -0
  91. sagemaker/core/image_uri_config/huggingface-training-compiler.json +195 -0
  92. sagemaker/core/image_uri_config/huggingface.json +2138 -0
  93. sagemaker/core/image_uri_config/hyperpod-recipes-neuron.json +52 -0
  94. sagemaker/core/image_uri_config/image-classification-neo.json +43 -0
  95. sagemaker/core/image_uri_config/image-classification.json +50 -0
  96. sagemaker/core/image_uri_config/inferentia-mxnet.json +88 -0
  97. sagemaker/core/image_uri_config/inferentia-pytorch.json +127 -0
  98. sagemaker/core/image_uri_config/inferentia-tensorflow.json +88 -0
  99. sagemaker/core/image_uri_config/instance_gpu_info.json +782 -0
  100. sagemaker/core/image_uri_config/ipinsights.json +50 -0
  101. sagemaker/core/image_uri_config/kmeans.json +50 -0
  102. sagemaker/core/image_uri_config/knn.json +50 -0
  103. sagemaker/core/image_uri_config/lda.json +26 -0
  104. sagemaker/core/image_uri_config/linear-learner.json +50 -0
  105. sagemaker/core/image_uri_config/model-monitor.json +42 -0
  106. sagemaker/core/image_uri_config/mxnet.json +1154 -0
  107. sagemaker/core/image_uri_config/neo-mxnet.json +64 -0
  108. sagemaker/core/image_uri_config/neo-pytorch.json +341 -0
  109. sagemaker/core/image_uri_config/neo-tensorflow.json +109 -0
  110. sagemaker/core/image_uri_config/ntm.json +50 -0
  111. sagemaker/core/image_uri_config/object-detection.json +50 -0
  112. sagemaker/core/image_uri_config/object2vec.json +50 -0
  113. sagemaker/core/image_uri_config/pca.json +50 -0
  114. sagemaker/core/image_uri_config/pytorch-neuron.json +43 -0
  115. sagemaker/core/image_uri_config/pytorch-smp.json +218 -0
  116. sagemaker/core/image_uri_config/pytorch-training-compiler.json +80 -0
  117. sagemaker/core/image_uri_config/pytorch.json +3101 -0
  118. sagemaker/core/image_uri_config/randomcutforest.json +50 -0
  119. sagemaker/core/image_uri_config/ray-pytorch.json +46 -0
  120. sagemaker/core/image_uri_config/ray-tensorflow.json +194 -0
  121. sagemaker/core/image_uri_config/sagemaker-base-python.json +46 -0
  122. sagemaker/core/image_uri_config/sagemaker-distribution.json +37 -0
  123. sagemaker/core/image_uri_config/sagemaker-geospatial.json +13 -0
  124. sagemaker/core/image_uri_config/sagemaker-tritonserver.json +212 -0
  125. sagemaker/core/image_uri_config/semantic-segmentation.json +50 -0
  126. sagemaker/core/image_uri_config/seq2seq.json +50 -0
  127. sagemaker/core/image_uri_config/sklearn.json +446 -0
  128. sagemaker/core/image_uri_config/spark.json +280 -0
  129. sagemaker/core/image_uri_config/sparkml-serving.json +97 -0
  130. sagemaker/core/image_uri_config/stabilityai.json +53 -0
  131. sagemaker/core/image_uri_config/tensorflow.json +5086 -0
  132. sagemaker/core/image_uri_config/vw.json +25 -0
  133. sagemaker/core/image_uri_config/xgboost-neo.json +43 -0
  134. sagemaker/core/image_uri_config/xgboost.json +888 -0
  135. sagemaker/core/image_uris.py +810 -0
  136. sagemaker/core/inference_config.py +144 -0
  137. sagemaker/core/inference_recommender/__init__.py +18 -0
  138. sagemaker/core/inference_recommender/inference_recommender_mixin.py +622 -0
  139. sagemaker/core/inputs.py +366 -0
  140. sagemaker/core/instance_group.py +61 -0
  141. sagemaker/core/instance_types.py +164 -0
  142. sagemaker/core/instance_types_gpu_info.py +43 -0
  143. sagemaker/core/interactive_apps/__init__.py +41 -0
  144. sagemaker/core/interactive_apps/base_interactive_app.py +204 -0
  145. sagemaker/core/interactive_apps/detail_profiler_app.py +139 -0
  146. sagemaker/core/interactive_apps/tensorboard.py +149 -0
  147. sagemaker/core/iterators.py +186 -0
  148. sagemaker/core/job.py +380 -0
  149. sagemaker/core/jumpstart/__init__.py +156 -0
  150. sagemaker/core/jumpstart/accessors.py +390 -0
  151. sagemaker/core/jumpstart/artifacts/__init__.py +69 -0
  152. sagemaker/core/jumpstart/artifacts/environment_variables.py +252 -0
  153. sagemaker/core/jumpstart/artifacts/hyperparameters.py +120 -0
  154. sagemaker/core/jumpstart/artifacts/image_uris.py +139 -0
  155. sagemaker/core/jumpstart/artifacts/incremental_training.py +87 -0
  156. sagemaker/core/jumpstart/artifacts/instance_types.py +223 -0
  157. sagemaker/core/jumpstart/artifacts/kwargs.py +289 -0
  158. sagemaker/core/jumpstart/artifacts/metric_definitions.py +117 -0
  159. sagemaker/core/jumpstart/artifacts/model_packages.py +202 -0
  160. sagemaker/core/jumpstart/artifacts/model_uris.py +252 -0
  161. sagemaker/core/jumpstart/artifacts/payloads.py +96 -0
  162. sagemaker/core/jumpstart/artifacts/predictors.py +540 -0
  163. sagemaker/core/jumpstart/artifacts/resource_names.py +86 -0
  164. sagemaker/core/jumpstart/artifacts/resource_requirements.py +162 -0
  165. sagemaker/core/jumpstart/artifacts/script_uris.py +172 -0
  166. sagemaker/core/jumpstart/cache.py +663 -0
  167. sagemaker/core/jumpstart/configs.py +50 -0
  168. sagemaker/core/jumpstart/constants.py +198 -0
  169. sagemaker/core/jumpstart/deserializers.py +81 -0
  170. sagemaker/core/jumpstart/document.py +76 -0
  171. sagemaker/core/jumpstart/enums.py +168 -0
  172. sagemaker/core/jumpstart/exceptions.py +236 -0
  173. sagemaker/core/jumpstart/factory/utils.py +833 -0
  174. sagemaker/core/jumpstart/filters.py +597 -0
  175. sagemaker/core/jumpstart/hub/constants.py +16 -0
  176. sagemaker/core/jumpstart/hub/hub.py +291 -0
  177. sagemaker/core/jumpstart/hub/interfaces.py +936 -0
  178. sagemaker/core/jumpstart/hub/parser_utils.py +70 -0
  179. sagemaker/core/jumpstart/hub/parsers.py +288 -0
  180. sagemaker/core/jumpstart/hub/types.py +35 -0
  181. sagemaker/core/jumpstart/hub/utils.py +260 -0
  182. sagemaker/core/jumpstart/models.py +499 -0
  183. sagemaker/core/jumpstart/notebook_utils.py +575 -0
  184. sagemaker/core/jumpstart/parameters.py +20 -0
  185. sagemaker/core/jumpstart/payload_utils.py +239 -0
  186. sagemaker/core/jumpstart/region_config.json +163 -0
  187. sagemaker/core/jumpstart/search.py +171 -0
  188. sagemaker/core/jumpstart/serializers.py +81 -0
  189. sagemaker/core/jumpstart/session_utils.py +234 -0
  190. sagemaker/core/jumpstart/types.py +3044 -0
  191. sagemaker/core/jumpstart/utils.py +1731 -0
  192. sagemaker/core/jumpstart/validators.py +257 -0
  193. sagemaker/core/lambda_helper.py +312 -0
  194. sagemaker/core/lineage/__init__.py +42 -0
  195. sagemaker/core/lineage/_api_types.py +239 -0
  196. sagemaker/core/lineage/_utils.py +49 -0
  197. sagemaker/core/lineage/action.py +345 -0
  198. sagemaker/core/lineage/artifact.py +646 -0
  199. sagemaker/core/lineage/association.py +190 -0
  200. sagemaker/core/lineage/context.py +505 -0
  201. sagemaker/core/lineage/lineage_trial_component.py +191 -0
  202. sagemaker/core/lineage/query.py +732 -0
  203. sagemaker/core/lineage/visualizer.py +346 -0
  204. sagemaker/core/local/__init__.py +18 -0
  205. sagemaker/core/local/data.py +413 -0
  206. sagemaker/core/local/entities.py +678 -0
  207. sagemaker/core/local/exceptions.py +17 -0
  208. sagemaker/core/local/image.py +1243 -0
  209. sagemaker/core/local/local_session.py +739 -0
  210. sagemaker/core/local/utils.py +245 -0
  211. sagemaker/core/logs.py +181 -0
  212. sagemaker/core/metadata_properties.py +56 -0
  213. sagemaker/core/metric_definitions.py +91 -0
  214. sagemaker/core/mlflow/__init__.py +38 -0
  215. sagemaker/core/mlflow/forward_sagemaker_metrics.py +44 -0
  216. sagemaker/core/model_card/__init__.py +26 -0
  217. sagemaker/core/model_life_cycle.py +51 -0
  218. sagemaker/core/model_metrics.py +160 -0
  219. sagemaker/core/model_monitor/__init__.py +66 -0
  220. sagemaker/core/model_monitor/clarify_model_monitoring.py +1495 -0
  221. sagemaker/core/model_monitor/cron_expression_generator.py +82 -0
  222. sagemaker/core/model_monitor/data_capture_config.py +115 -0
  223. sagemaker/core/model_monitor/data_quality_monitoring_config.py +66 -0
  224. sagemaker/core/model_monitor/dataset_format.py +102 -0
  225. sagemaker/core/model_monitor/model_monitoring.py +4266 -0
  226. sagemaker/core/model_monitor/monitoring_alert.py +76 -0
  227. sagemaker/core/model_monitor/monitoring_files.py +506 -0
  228. sagemaker/core/model_monitor/utils.py +793 -0
  229. sagemaker/core/model_registry.py +480 -0
  230. sagemaker/core/model_uris.py +97 -0
  231. sagemaker/core/modules/__init__.py +19 -0
  232. sagemaker/core/modules/configs.py +226 -0
  233. sagemaker/core/modules/constants.py +37 -0
  234. sagemaker/core/modules/distributed.py +182 -0
  235. sagemaker/core/modules/local_core/__init__.py +0 -0
  236. sagemaker/core/modules/local_core/local_container.py +605 -0
  237. sagemaker/core/modules/templates.py +83 -0
  238. sagemaker/core/modules/train/__init__.py +14 -0
  239. sagemaker/core/modules/train/container_drivers/__init__.py +14 -0
  240. sagemaker/core/modules/train/container_drivers/common/__init__.py +14 -0
  241. sagemaker/core/modules/train/container_drivers/common/utils.py +213 -0
  242. sagemaker/core/modules/train/container_drivers/distributed_drivers/__init__.py +14 -0
  243. sagemaker/core/modules/train/container_drivers/distributed_drivers/basic_script_driver.py +81 -0
  244. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_driver.py +123 -0
  245. sagemaker/core/modules/train/container_drivers/distributed_drivers/mpi_utils.py +302 -0
  246. sagemaker/core/modules/train/container_drivers/distributed_drivers/torchrun_driver.py +129 -0
  247. sagemaker/core/modules/train/container_drivers/scripts/__init__.py +14 -0
  248. sagemaker/core/modules/train/container_drivers/scripts/environment.py +305 -0
  249. sagemaker/core/modules/train/sm_recipes/__init__.py +0 -0
  250. sagemaker/core/modules/train/sm_recipes/utils.py +330 -0
  251. sagemaker/core/modules/types.py +19 -0
  252. sagemaker/core/modules/utils.py +194 -0
  253. sagemaker/core/network.py +185 -0
  254. sagemaker/core/parameter.py +173 -0
  255. sagemaker/core/payloads.py +185 -0
  256. sagemaker/core/processing.py +1597 -0
  257. sagemaker/core/remote_function/__init__.py +19 -0
  258. sagemaker/core/remote_function/checkpoint_location.py +47 -0
  259. sagemaker/core/remote_function/client.py +1285 -0
  260. sagemaker/core/remote_function/core/__init__.py +0 -0
  261. sagemaker/core/remote_function/core/_custom_dispatch_table.py +72 -0
  262. sagemaker/core/remote_function/core/pipeline_variables.py +353 -0
  263. sagemaker/core/remote_function/core/serialization.py +422 -0
  264. sagemaker/core/remote_function/core/stored_function.py +226 -0
  265. sagemaker/core/remote_function/custom_file_filter.py +128 -0
  266. sagemaker/core/remote_function/errors.py +104 -0
  267. sagemaker/core/remote_function/invoke_function.py +172 -0
  268. sagemaker/core/remote_function/job.py +2140 -0
  269. sagemaker/core/remote_function/logging_config.py +38 -0
  270. sagemaker/core/remote_function/runtime_environment/__init__.py +14 -0
  271. sagemaker/core/remote_function/runtime_environment/bootstrap_runtime_environment.py +605 -0
  272. sagemaker/core/remote_function/runtime_environment/mpi_utils_remote.py +252 -0
  273. sagemaker/core/remote_function/runtime_environment/runtime_environment_manager.py +554 -0
  274. sagemaker/core/remote_function/runtime_environment/spark_app.py +18 -0
  275. sagemaker/core/remote_function/spark_config.py +149 -0
  276. sagemaker/core/resource_requirements.py +168 -0
  277. {sagemaker_core/main → sagemaker/core}/resources.py +19098 -10895
  278. sagemaker/core/s3/__init__.py +41 -0
  279. sagemaker/core/s3/client.py +367 -0
  280. sagemaker/core/s3/utils.py +175 -0
  281. sagemaker/core/script_uris.py +93 -0
  282. sagemaker/core/serializers/__init__.py +11 -0
  283. sagemaker/core/serializers/base.py +510 -0
  284. sagemaker/core/serializers/implementations.py +159 -0
  285. sagemaker/core/serializers/utils.py +223 -0
  286. sagemaker/core/serverless_inference_config.py +63 -0
  287. sagemaker/core/session_settings.py +55 -0
  288. sagemaker/core/shapes/__init__.py +3 -0
  289. sagemaker/core/shapes/model_card_shapes.py +159 -0
  290. {sagemaker_core/main → sagemaker/core/shapes}/shapes.py +5810 -1806
  291. sagemaker/core/spark/__init__.py +16 -0
  292. sagemaker/core/spark/defaults.py +16 -0
  293. sagemaker/core/spark/processing.py +1380 -0
  294. sagemaker/core/telemetry/__init__.py +23 -0
  295. sagemaker/core/telemetry/constants.py +84 -0
  296. sagemaker/core/telemetry/telemetry_logging.py +284 -0
  297. sagemaker/core/tools/__init__.py +1 -0
  298. {sagemaker_core → sagemaker/core}/tools/codegen.py +4 -4
  299. {sagemaker_core → sagemaker/core}/tools/constants.py +23 -15
  300. {sagemaker_core → sagemaker/core}/tools/data_extractor.py +1 -1
  301. {sagemaker_core → sagemaker/core}/tools/method.py +1 -1
  302. sagemaker/core/tools/model_card/generate_model_card_from_schema.py +562 -0
  303. {sagemaker_core → sagemaker/core}/tools/resources_codegen.py +165 -98
  304. {sagemaker_core → sagemaker/core}/tools/resources_extractor.py +5 -13
  305. {sagemaker_core → sagemaker/core}/tools/shapes_codegen.py +16 -17
  306. {sagemaker_core → sagemaker/core}/tools/shapes_extractor.py +29 -67
  307. {sagemaker_core → sagemaker/core}/tools/templates.py +39 -17
  308. sagemaker/core/training/__init__.py +14 -0
  309. sagemaker/core/training/configs.py +333 -0
  310. sagemaker/core/training/constants.py +37 -0
  311. sagemaker/core/training/utils.py +77 -0
  312. sagemaker/core/training_compiler/__init__.py +16 -0
  313. sagemaker/core/training_compiler/config.py +197 -0
  314. sagemaker/core/training_compiler_config.py +197 -0
  315. sagemaker/core/transformer.py +793 -0
  316. sagemaker/core/user_agent.py +76 -0
  317. sagemaker/core/utilities/__init__.py +24 -0
  318. sagemaker/core/utilities/cache.py +169 -0
  319. sagemaker/core/utilities/search_expression.py +133 -0
  320. sagemaker/core/utils/__init__.py +48 -0
  321. sagemaker/core/utils/code_injection/__init__.py +0 -0
  322. {sagemaker_core/main → sagemaker/core/utils}/code_injection/codec.py +2 -2
  323. {sagemaker_core/main → sagemaker/core/utils}/code_injection/shape_dag.py +5979 -176
  324. {sagemaker_core/main → sagemaker/core/utils}/exceptions.py +8 -8
  325. sagemaker_core/main/default_configs_helper.py → sagemaker/core/utils/intelligent_defaults_helper.py +5 -6
  326. {sagemaker_core/main → sagemaker/core/utils}/logs.py +1 -2
  327. {sagemaker_core/main → sagemaker/core/utils}/utils.py +27 -22
  328. sagemaker/core/workflow/__init__.py +152 -0
  329. sagemaker/core/workflow/conditions.py +313 -0
  330. sagemaker/core/workflow/entities.py +58 -0
  331. sagemaker/core/workflow/execution_variables.py +89 -0
  332. sagemaker/core/workflow/functions.py +193 -0
  333. sagemaker/core/workflow/parameters.py +222 -0
  334. sagemaker/core/workflow/pipeline_context.py +394 -0
  335. sagemaker/core/workflow/pipeline_definition_config.py +31 -0
  336. sagemaker/core/workflow/properties.py +285 -0
  337. sagemaker/core/workflow/step_outputs.py +65 -0
  338. sagemaker/core/workflow/utilities.py +507 -0
  339. sagemaker/lineage/__init__.py +33 -0
  340. sagemaker/lineage/action.py +28 -0
  341. sagemaker/lineage/artifact.py +28 -0
  342. sagemaker/lineage/context.py +28 -0
  343. sagemaker/lineage/lineage_trial_component.py +28 -0
  344. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.1.1.dist-info}/METADATA +28 -9
  345. sagemaker_core-2.1.1.dist-info/RECORD +355 -0
  346. sagemaker_core-2.1.1.dist-info/top_level.txt +1 -0
  347. sagemaker_core/_version.py +0 -3
  348. sagemaker_core/helper/session_helper.py +0 -769
  349. sagemaker_core/resources/__init__.py +0 -1
  350. sagemaker_core/shapes/__init__.py +0 -1
  351. sagemaker_core/tools/__init__.py +0 -1
  352. sagemaker_core-1.0.62.dist-info/RECORD +0 -35
  353. sagemaker_core-1.0.62.dist-info/top_level.txt +0 -1
  354. {sagemaker_core → sagemaker/core/helper}/__init__.py +0 -0
  355. {sagemaker_core/helper → sagemaker/core/huggingface/training_compiler}/__init__.py +0 -0
  356. {sagemaker_core/main → sagemaker/core/jumpstart/factory}/__init__.py +0 -0
  357. {sagemaker_core/main/code_injection → sagemaker/core/jumpstart/hub}/__init__.py +0 -0
  358. {sagemaker_core/main → sagemaker/core/utils}/code_injection/base.py +0 -0
  359. {sagemaker_core/main → sagemaker/core/utils}/code_injection/constants.py +0 -0
  360. {sagemaker_core/main → sagemaker/core/utils}/user_agent.py +0 -0
  361. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.1.1.dist-info}/WHEEL +0 -0
  362. {sagemaker_core-1.0.62.dist-info → sagemaker_core-2.1.1.dist-info}/licenses/LICENSE +0 -0
@@ -0,0 +1,136 @@
1
+ {
2
+ "scope": [
3
+ "inference"
4
+ ],
5
+ "version_aliases": {
6
+ "latest": "0.30.0"
7
+ },
8
+ "versions": {
9
+ "0.30.0": {
10
+ "registries": {
11
+ "af-south-1": "626614931356",
12
+ "il-central-1": "780543022126",
13
+ "ap-east-1": "871362719292",
14
+ "ap-northeast-1": "763104351884",
15
+ "ap-northeast-2": "763104351884",
16
+ "ap-northeast-3": "364406365360",
17
+ "ap-south-1": "763104351884",
18
+ "ap-southeast-1": "763104351884",
19
+ "ap-southeast-2": "763104351884",
20
+ "ap-southeast-3": "907027046896",
21
+ "ca-central-1": "763104351884",
22
+ "cn-north-1": "727897471807",
23
+ "cn-northwest-1": "727897471807",
24
+ "eu-central-1": "763104351884",
25
+ "eu-north-1": "763104351884",
26
+ "eu-west-1": "763104351884",
27
+ "eu-west-2": "763104351884",
28
+ "eu-west-3": "763104351884",
29
+ "eu-south-1": "692866216735",
30
+ "me-south-1": "217643126080",
31
+ "me-central-1": "914824155844",
32
+ "sa-east-1": "763104351884",
33
+ "us-east-1": "763104351884",
34
+ "us-east-2": "763104351884",
35
+ "us-gov-east-1": "446045086412",
36
+ "us-gov-west-1": "442386744353",
37
+ "us-west-1": "763104351884",
38
+ "us-west-2": "763104351884",
39
+ "ca-west-1": "204538143572",
40
+ "eu-central-2": "380420809688",
41
+ "ap-south-2": "772153158452",
42
+ "eu-south-2": "503227376785",
43
+ "ap-southeast-7": "590183813437",
44
+ "ap-southeast-4": "457447274322",
45
+ "ap-southeast-5": "550225433462",
46
+ "mx-central-1": "637423239942"
47
+ },
48
+ "repository": "djl-inference",
49
+ "tag_prefix": "0.30.0-lmi12.0.0-cu124"
50
+ },
51
+ "0.29.0": {
52
+ "registries": {
53
+ "af-south-1": "626614931356",
54
+ "il-central-1": "780543022126",
55
+ "ap-east-1": "871362719292",
56
+ "ap-northeast-1": "763104351884",
57
+ "ap-northeast-2": "763104351884",
58
+ "ap-northeast-3": "364406365360",
59
+ "ap-south-1": "763104351884",
60
+ "ap-southeast-1": "763104351884",
61
+ "ap-southeast-2": "763104351884",
62
+ "ap-southeast-3": "907027046896",
63
+ "ca-central-1": "763104351884",
64
+ "cn-north-1": "727897471807",
65
+ "cn-northwest-1": "727897471807",
66
+ "eu-central-1": "763104351884",
67
+ "eu-north-1": "763104351884",
68
+ "eu-west-1": "763104351884",
69
+ "eu-west-2": "763104351884",
70
+ "eu-west-3": "763104351884",
71
+ "eu-south-1": "692866216735",
72
+ "me-south-1": "217643126080",
73
+ "me-central-1": "914824155844",
74
+ "sa-east-1": "763104351884",
75
+ "us-east-1": "763104351884",
76
+ "us-east-2": "763104351884",
77
+ "us-gov-east-1": "446045086412",
78
+ "us-gov-west-1": "442386744353",
79
+ "us-west-1": "763104351884",
80
+ "us-west-2": "763104351884",
81
+ "ca-west-1": "204538143572",
82
+ "eu-central-2": "380420809688",
83
+ "ap-south-2": "772153158452",
84
+ "eu-south-2": "503227376785",
85
+ "ap-southeast-7": "590183813437",
86
+ "ap-southeast-4": "457447274322",
87
+ "ap-southeast-5": "550225433462",
88
+ "mx-central-1": "637423239942"
89
+ },
90
+ "repository": "djl-inference",
91
+ "tag_prefix": "0.29.0-lmi11.0.0-cu124"
92
+ },
93
+ "0.28.0": {
94
+ "registries": {
95
+ "af-south-1": "626614931356",
96
+ "il-central-1": "780543022126",
97
+ "ap-east-1": "871362719292",
98
+ "ap-northeast-1": "763104351884",
99
+ "ap-northeast-2": "763104351884",
100
+ "ap-northeast-3": "364406365360",
101
+ "ap-south-1": "763104351884",
102
+ "ap-southeast-1": "763104351884",
103
+ "ap-southeast-2": "763104351884",
104
+ "ap-southeast-3": "907027046896",
105
+ "ca-central-1": "763104351884",
106
+ "cn-north-1": "727897471807",
107
+ "cn-northwest-1": "727897471807",
108
+ "eu-central-1": "763104351884",
109
+ "eu-north-1": "763104351884",
110
+ "eu-west-1": "763104351884",
111
+ "eu-west-2": "763104351884",
112
+ "eu-west-3": "763104351884",
113
+ "eu-south-1": "692866216735",
114
+ "me-south-1": "217643126080",
115
+ "me-central-1": "914824155844",
116
+ "sa-east-1": "763104351884",
117
+ "us-east-1": "763104351884",
118
+ "us-east-2": "763104351884",
119
+ "us-gov-east-1": "446045086412",
120
+ "us-gov-west-1": "442386744353",
121
+ "us-west-1": "763104351884",
122
+ "us-west-2": "763104351884",
123
+ "ca-west-1": "204538143572",
124
+ "eu-central-2": "380420809688",
125
+ "ap-south-2": "772153158452",
126
+ "eu-south-2": "503227376785",
127
+ "ap-southeast-7": "590183813437",
128
+ "ap-southeast-4": "457447274322",
129
+ "ap-southeast-5": "550225433462",
130
+ "mx-central-1": "637423239942"
131
+ },
132
+ "repository": "djl-inference",
133
+ "tag_prefix": "0.28.0-lmi10.0.0-cu124"
134
+ }
135
+ }
136
+ }
@@ -0,0 +1,258 @@
1
+ {
2
+ "scope": [
3
+ "inference"
4
+ ],
5
+ "version_aliases": {
6
+ "latest": "0.29.0"
7
+ },
8
+ "versions": {
9
+ "0.29.0": {
10
+ "registries": {
11
+ "ap-northeast-1": "763104351884",
12
+ "ap-south-1": "763104351884",
13
+ "ap-southeast-1": "763104351884",
14
+ "ap-southeast-2": "763104351884",
15
+ "ap-southeast-5": "550225433462",
16
+ "ap-southeast-7": "590183813437",
17
+ "cn-north-1": "727897471807",
18
+ "cn-northwest-1": "727897471807",
19
+ "eu-central-1": "763104351884",
20
+ "eu-central-2": "380420809688",
21
+ "eu-west-1": "763104351884",
22
+ "eu-west-3": "763104351884",
23
+ "mx-central-1": "637423239942",
24
+ "sa-east-1": "763104351884",
25
+ "us-east-1": "763104351884",
26
+ "us-east-2": "763104351884",
27
+ "us-gov-east-1": "446045086412",
28
+ "us-gov-west-1": "442386744353",
29
+ "us-west-2": "763104351884",
30
+ "ca-west-1": "204538143572",
31
+ "eu-north-1": "763104351884",
32
+ "il-central-1": "780543022126",
33
+ "eu-west-2": "763104351884",
34
+ "ap-south-2": "772153158452",
35
+ "ap-southeast-4": "457447274322",
36
+ "eu-south-2": "503227376785"
37
+ },
38
+ "repository": "djl-inference",
39
+ "tag_prefix": "0.29.0-neuronx-sdk2.19.1"
40
+ },
41
+ "0.28.0": {
42
+ "registries": {
43
+ "ap-northeast-1": "763104351884",
44
+ "ap-south-1": "763104351884",
45
+ "ap-southeast-1": "763104351884",
46
+ "ap-southeast-2": "763104351884",
47
+ "ap-southeast-5": "550225433462",
48
+ "ap-southeast-7": "590183813437",
49
+ "cn-north-1": "727897471807",
50
+ "cn-northwest-1": "727897471807",
51
+ "eu-central-1": "763104351884",
52
+ "eu-central-2": "380420809688",
53
+ "eu-west-1": "763104351884",
54
+ "eu-west-3": "763104351884",
55
+ "mx-central-1": "637423239942",
56
+ "sa-east-1": "763104351884",
57
+ "us-east-1": "763104351884",
58
+ "us-east-2": "763104351884",
59
+ "us-gov-east-1": "446045086412",
60
+ "us-gov-west-1": "442386744353",
61
+ "us-west-2": "763104351884",
62
+ "ca-west-1": "204538143572",
63
+ "eu-north-1": "763104351884",
64
+ "il-central-1": "780543022126",
65
+ "eu-west-2": "763104351884",
66
+ "ap-south-2": "772153158452",
67
+ "ap-southeast-4": "457447274322",
68
+ "eu-south-2": "503227376785"
69
+ },
70
+ "repository": "djl-inference",
71
+ "tag_prefix": "0.28.0-neuronx-sdk2.18.2"
72
+ },
73
+ "0.27.0": {
74
+ "registries": {
75
+ "ap-northeast-1": "763104351884",
76
+ "ap-south-1": "763104351884",
77
+ "ap-southeast-1": "763104351884",
78
+ "ap-southeast-2": "763104351884",
79
+ "ap-southeast-5": "550225433462",
80
+ "ap-southeast-7": "590183813437",
81
+ "cn-north-1": "727897471807",
82
+ "cn-northwest-1": "727897471807",
83
+ "eu-central-1": "763104351884",
84
+ "eu-central-2": "380420809688",
85
+ "eu-west-1": "763104351884",
86
+ "eu-west-3": "763104351884",
87
+ "mx-central-1": "637423239942",
88
+ "sa-east-1": "763104351884",
89
+ "us-east-1": "763104351884",
90
+ "us-east-2": "763104351884",
91
+ "us-gov-east-1": "446045086412",
92
+ "us-gov-west-1": "442386744353",
93
+ "us-west-2": "763104351884",
94
+ "ca-west-1": "204538143572",
95
+ "eu-north-1": "763104351884",
96
+ "il-central-1": "780543022126",
97
+ "eu-west-2": "763104351884",
98
+ "ap-south-2": "772153158452",
99
+ "ap-southeast-4": "457447274322",
100
+ "eu-south-2": "503227376785"
101
+ },
102
+ "repository": "djl-inference",
103
+ "tag_prefix": "0.27.0-neuronx-sdk2.18.1"
104
+ },
105
+ "0.26.0": {
106
+ "registries": {
107
+ "ap-northeast-1": "763104351884",
108
+ "ap-south-1": "763104351884",
109
+ "ap-southeast-1": "763104351884",
110
+ "ap-southeast-2": "763104351884",
111
+ "ap-southeast-5": "550225433462",
112
+ "ap-southeast-7": "590183813437",
113
+ "cn-north-1": "727897471807",
114
+ "cn-northwest-1": "727897471807",
115
+ "eu-central-1": "763104351884",
116
+ "eu-central-2": "380420809688",
117
+ "eu-west-1": "763104351884",
118
+ "eu-west-3": "763104351884",
119
+ "mx-central-1": "637423239942",
120
+ "sa-east-1": "763104351884",
121
+ "us-east-1": "763104351884",
122
+ "us-east-2": "763104351884",
123
+ "us-gov-east-1": "446045086412",
124
+ "us-gov-west-1": "442386744353",
125
+ "us-west-2": "763104351884",
126
+ "ca-west-1": "204538143572",
127
+ "eu-north-1": "763104351884",
128
+ "il-central-1": "780543022126",
129
+ "eu-west-2": "763104351884",
130
+ "ap-south-2": "772153158452",
131
+ "ap-southeast-4": "457447274322",
132
+ "eu-south-2": "503227376785"
133
+ },
134
+ "repository": "djl-inference",
135
+ "tag_prefix": "0.26.0-neuronx-sdk2.16.0"
136
+ },
137
+ "0.25.0": {
138
+ "registries": {
139
+ "ap-northeast-1": "763104351884",
140
+ "ap-south-1": "763104351884",
141
+ "ap-southeast-1": "763104351884",
142
+ "ap-southeast-2": "763104351884",
143
+ "ap-southeast-5": "550225433462",
144
+ "ap-southeast-7": "590183813437",
145
+ "cn-north-1": "727897471807",
146
+ "cn-northwest-1": "727897471807",
147
+ "eu-central-1": "763104351884",
148
+ "eu-central-2": "380420809688",
149
+ "eu-west-1": "763104351884",
150
+ "eu-west-3": "763104351884",
151
+ "mx-central-1": "637423239942",
152
+ "sa-east-1": "763104351884",
153
+ "us-east-1": "763104351884",
154
+ "us-east-2": "763104351884",
155
+ "us-gov-east-1": "446045086412",
156
+ "us-gov-west-1": "442386744353",
157
+ "us-west-2": "763104351884",
158
+ "ca-west-1": "204538143572",
159
+ "il-central-1": "780543022126",
160
+ "ap-south-2": "772153158452",
161
+ "ap-southeast-4": "457447274322",
162
+ "eu-south-2": "503227376785"
163
+ },
164
+ "repository": "djl-inference",
165
+ "tag_prefix": "0.25.0-neuronx-sdk2.15.0"
166
+ },
167
+ "0.24.0": {
168
+ "registries": {
169
+ "ap-northeast-1": "763104351884",
170
+ "ap-south-1": "763104351884",
171
+ "ap-southeast-1": "763104351884",
172
+ "ap-southeast-2": "763104351884",
173
+ "ap-southeast-5": "550225433462",
174
+ "ap-southeast-7": "590183813437",
175
+ "cn-north-1": "727897471807",
176
+ "cn-northwest-1": "727897471807",
177
+ "eu-central-1": "763104351884",
178
+ "eu-central-2": "380420809688",
179
+ "eu-west-1": "763104351884",
180
+ "eu-west-3": "763104351884",
181
+ "mx-central-1": "637423239942",
182
+ "sa-east-1": "763104351884",
183
+ "us-east-1": "763104351884",
184
+ "us-east-2": "763104351884",
185
+ "us-gov-east-1": "446045086412",
186
+ "us-gov-west-1": "442386744353",
187
+ "us-west-2": "763104351884",
188
+ "ca-west-1": "204538143572",
189
+ "il-central-1": "780543022126",
190
+ "ap-south-2": "772153158452",
191
+ "ap-southeast-4": "457447274322",
192
+ "eu-south-2": "503227376785"
193
+ },
194
+ "repository": "djl-inference",
195
+ "tag_prefix": "0.24.0-neuronx-sdk2.14.1"
196
+ },
197
+ "0.23.0": {
198
+ "registries": {
199
+ "ap-northeast-1": "763104351884",
200
+ "ap-south-1": "763104351884",
201
+ "ap-southeast-1": "763104351884",
202
+ "ap-southeast-2": "763104351884",
203
+ "ap-southeast-5": "550225433462",
204
+ "ap-southeast-7": "590183813437",
205
+ "cn-north-1": "727897471807",
206
+ "cn-northwest-1": "727897471807",
207
+ "eu-central-1": "763104351884",
208
+ "eu-central-2": "380420809688",
209
+ "eu-west-1": "763104351884",
210
+ "eu-west-3": "763104351884",
211
+ "mx-central-1": "637423239942",
212
+ "sa-east-1": "763104351884",
213
+ "us-east-1": "763104351884",
214
+ "us-east-2": "763104351884",
215
+ "us-gov-east-1": "446045086412",
216
+ "us-gov-west-1": "442386744353",
217
+ "us-west-2": "763104351884",
218
+ "ca-west-1": "204538143572",
219
+ "il-central-1": "780543022126",
220
+ "ap-south-2": "772153158452",
221
+ "ap-southeast-4": "457447274322",
222
+ "eu-south-2": "503227376785"
223
+ },
224
+ "repository": "djl-inference",
225
+ "tag_prefix": "0.23.0-neuronx-sdk2.12.0"
226
+ },
227
+ "0.22.1": {
228
+ "registries": {
229
+ "ap-northeast-1": "763104351884",
230
+ "ap-south-1": "763104351884",
231
+ "ap-southeast-1": "763104351884",
232
+ "ap-southeast-2": "763104351884",
233
+ "ap-southeast-5": "550225433462",
234
+ "ap-southeast-7": "590183813437",
235
+ "cn-north-1": "727897471807",
236
+ "cn-northwest-1": "727897471807",
237
+ "eu-central-1": "763104351884",
238
+ "eu-central-2": "380420809688",
239
+ "eu-west-1": "763104351884",
240
+ "eu-west-3": "763104351884",
241
+ "mx-central-1": "637423239942",
242
+ "sa-east-1": "763104351884",
243
+ "us-east-1": "763104351884",
244
+ "us-east-2": "763104351884",
245
+ "us-gov-east-1": "446045086412",
246
+ "us-gov-west-1": "442386744353",
247
+ "us-west-2": "763104351884",
248
+ "ca-west-1": "204538143572",
249
+ "il-central-1": "780543022126",
250
+ "ap-south-2": "772153158452",
251
+ "ap-southeast-4": "457447274322",
252
+ "eu-south-2": "503227376785"
253
+ },
254
+ "repository": "djl-inference",
255
+ "tag_prefix": "0.22.1-neuronx-sdk2.10.0"
256
+ }
257
+ }
258
+ }
@@ -0,0 +1,262 @@
1
+ {
2
+ "scope": [
3
+ "inference"
4
+ ],
5
+ "version_aliases": {
6
+ "latest": "0.30.0"
7
+ },
8
+ "versions": {
9
+ "0.30.0": {
10
+ "registries": {
11
+ "af-south-1": "626614931356",
12
+ "il-central-1": "780543022126",
13
+ "ap-east-1": "871362719292",
14
+ "ap-northeast-1": "763104351884",
15
+ "ap-northeast-2": "763104351884",
16
+ "ap-northeast-3": "364406365360",
17
+ "ap-south-1": "763104351884",
18
+ "ap-southeast-1": "763104351884",
19
+ "ap-southeast-2": "763104351884",
20
+ "ap-southeast-3": "907027046896",
21
+ "ca-central-1": "763104351884",
22
+ "cn-north-1": "727897471807",
23
+ "cn-northwest-1": "727897471807",
24
+ "eu-central-1": "763104351884",
25
+ "eu-north-1": "763104351884",
26
+ "eu-west-1": "763104351884",
27
+ "eu-west-2": "763104351884",
28
+ "eu-west-3": "763104351884",
29
+ "eu-south-1": "692866216735",
30
+ "me-south-1": "217643126080",
31
+ "sa-east-1": "763104351884",
32
+ "us-east-1": "763104351884",
33
+ "us-east-2": "763104351884",
34
+ "us-gov-east-1": "446045086412",
35
+ "us-gov-west-1": "442386744353",
36
+ "us-west-1": "763104351884",
37
+ "us-west-2": "763104351884",
38
+ "ca-west-1": "204538143572",
39
+ "eu-central-2": "380420809688",
40
+ "me-central-1": "914824155844",
41
+ "eu-south-2": "503227376785",
42
+ "ap-southeast-7": "590183813437",
43
+ "ap-southeast-4": "457447274322",
44
+ "ap-southeast-5": "550225433462",
45
+ "ap-south-2": "772153158452",
46
+ "mx-central-1": "637423239942"
47
+ },
48
+ "repository": "djl-inference",
49
+ "tag_prefix": "0.30.0-tensorrtllm0.12.0-cu125"
50
+ },
51
+ "0.29.0": {
52
+ "registries": {
53
+ "af-south-1": "626614931356",
54
+ "il-central-1": "780543022126",
55
+ "ap-east-1": "871362719292",
56
+ "ap-northeast-1": "763104351884",
57
+ "ap-northeast-2": "763104351884",
58
+ "ap-northeast-3": "364406365360",
59
+ "ap-south-1": "763104351884",
60
+ "ap-southeast-1": "763104351884",
61
+ "ap-southeast-2": "763104351884",
62
+ "ap-southeast-3": "907027046896",
63
+ "ca-central-1": "763104351884",
64
+ "cn-north-1": "727897471807",
65
+ "cn-northwest-1": "727897471807",
66
+ "eu-central-1": "763104351884",
67
+ "eu-north-1": "763104351884",
68
+ "eu-west-1": "763104351884",
69
+ "eu-west-2": "763104351884",
70
+ "eu-west-3": "763104351884",
71
+ "eu-south-1": "692866216735",
72
+ "me-south-1": "217643126080",
73
+ "sa-east-1": "763104351884",
74
+ "us-east-1": "763104351884",
75
+ "us-east-2": "763104351884",
76
+ "us-gov-east-1": "446045086412",
77
+ "us-gov-west-1": "442386744353",
78
+ "us-west-1": "763104351884",
79
+ "us-west-2": "763104351884",
80
+ "ca-west-1": "204538143572",
81
+ "eu-central-2": "380420809688",
82
+ "me-central-1": "914824155844",
83
+ "eu-south-2": "503227376785",
84
+ "ap-southeast-7": "590183813437",
85
+ "ap-southeast-4": "457447274322",
86
+ "ap-southeast-5": "550225433462",
87
+ "ap-south-2": "772153158452",
88
+ "mx-central-1": "637423239942"
89
+ },
90
+ "repository": "djl-inference",
91
+ "tag_prefix": "0.29.0-tensorrtllm0.11.0-cu124"
92
+ },
93
+ "0.28.0": {
94
+ "registries": {
95
+ "af-south-1": "626614931356",
96
+ "il-central-1": "780543022126",
97
+ "ap-east-1": "871362719292",
98
+ "ap-northeast-1": "763104351884",
99
+ "ap-northeast-2": "763104351884",
100
+ "ap-northeast-3": "364406365360",
101
+ "ap-south-1": "763104351884",
102
+ "ap-southeast-1": "763104351884",
103
+ "ap-southeast-2": "763104351884",
104
+ "ap-southeast-3": "907027046896",
105
+ "ca-central-1": "763104351884",
106
+ "cn-north-1": "727897471807",
107
+ "cn-northwest-1": "727897471807",
108
+ "eu-central-1": "763104351884",
109
+ "eu-north-1": "763104351884",
110
+ "eu-west-1": "763104351884",
111
+ "eu-west-2": "763104351884",
112
+ "eu-west-3": "763104351884",
113
+ "eu-south-1": "692866216735",
114
+ "me-south-1": "217643126080",
115
+ "sa-east-1": "763104351884",
116
+ "us-east-1": "763104351884",
117
+ "us-east-2": "763104351884",
118
+ "us-gov-east-1": "446045086412",
119
+ "us-gov-west-1": "442386744353",
120
+ "us-west-1": "763104351884",
121
+ "us-west-2": "763104351884",
122
+ "ca-west-1": "204538143572",
123
+ "eu-central-2": "380420809688",
124
+ "me-central-1": "914824155844",
125
+ "eu-south-2": "503227376785",
126
+ "ap-southeast-7": "590183813437",
127
+ "ap-southeast-4": "457447274322",
128
+ "ap-southeast-5": "550225433462",
129
+ "ap-south-2": "772153158452",
130
+ "mx-central-1": "637423239942"
131
+ },
132
+ "repository": "djl-inference",
133
+ "tag_prefix": "0.28.0-tensorrtllm0.9.0-cu122"
134
+ },
135
+ "0.27.0": {
136
+ "registries": {
137
+ "af-south-1": "626614931356",
138
+ "il-central-1": "780543022126",
139
+ "ap-east-1": "871362719292",
140
+ "ap-northeast-1": "763104351884",
141
+ "ap-northeast-2": "763104351884",
142
+ "ap-northeast-3": "364406365360",
143
+ "ap-south-1": "763104351884",
144
+ "ap-southeast-1": "763104351884",
145
+ "ap-southeast-2": "763104351884",
146
+ "ap-southeast-3": "907027046896",
147
+ "ca-central-1": "763104351884",
148
+ "cn-north-1": "727897471807",
149
+ "cn-northwest-1": "727897471807",
150
+ "eu-central-1": "763104351884",
151
+ "eu-north-1": "763104351884",
152
+ "eu-west-1": "763104351884",
153
+ "eu-west-2": "763104351884",
154
+ "eu-west-3": "763104351884",
155
+ "eu-south-1": "692866216735",
156
+ "me-south-1": "217643126080",
157
+ "sa-east-1": "763104351884",
158
+ "us-east-1": "763104351884",
159
+ "us-east-2": "763104351884",
160
+ "us-gov-east-1": "446045086412",
161
+ "us-gov-west-1": "442386744353",
162
+ "us-west-1": "763104351884",
163
+ "us-west-2": "763104351884",
164
+ "ca-west-1": "204538143572",
165
+ "eu-central-2": "380420809688",
166
+ "me-central-1": "914824155844",
167
+ "eu-south-2": "503227376785",
168
+ "ap-southeast-7": "590183813437",
169
+ "ap-southeast-4": "457447274322",
170
+ "ap-southeast-5": "550225433462",
171
+ "ap-south-2": "772153158452",
172
+ "mx-central-1": "637423239942"
173
+ },
174
+ "repository": "djl-inference",
175
+ "tag_prefix": "0.27.0-tensorrtllm0.8.0-cu122"
176
+ },
177
+ "0.26.0": {
178
+ "registries": {
179
+ "af-south-1": "626614931356",
180
+ "il-central-1": "780543022126",
181
+ "ap-east-1": "871362719292",
182
+ "ap-northeast-1": "763104351884",
183
+ "ap-northeast-2": "763104351884",
184
+ "ap-northeast-3": "364406365360",
185
+ "ap-south-1": "763104351884",
186
+ "ap-southeast-1": "763104351884",
187
+ "ap-southeast-2": "763104351884",
188
+ "ap-southeast-3": "907027046896",
189
+ "ca-central-1": "763104351884",
190
+ "cn-north-1": "727897471807",
191
+ "cn-northwest-1": "727897471807",
192
+ "eu-central-1": "763104351884",
193
+ "eu-north-1": "763104351884",
194
+ "eu-west-1": "763104351884",
195
+ "eu-west-2": "763104351884",
196
+ "eu-west-3": "763104351884",
197
+ "eu-south-1": "692866216735",
198
+ "me-south-1": "217643126080",
199
+ "sa-east-1": "763104351884",
200
+ "us-east-1": "763104351884",
201
+ "us-east-2": "763104351884",
202
+ "us-gov-east-1": "446045086412",
203
+ "us-gov-west-1": "442386744353",
204
+ "us-west-1": "763104351884",
205
+ "us-west-2": "763104351884",
206
+ "ca-west-1": "204538143572",
207
+ "eu-central-2": "380420809688",
208
+ "me-central-1": "914824155844",
209
+ "eu-south-2": "503227376785",
210
+ "ap-southeast-7": "590183813437",
211
+ "ap-southeast-4": "457447274322",
212
+ "ap-southeast-5": "550225433462",
213
+ "ap-south-2": "772153158452",
214
+ "mx-central-1": "637423239942"
215
+ },
216
+ "repository": "djl-inference",
217
+ "tag_prefix": "0.26.0-tensorrtllm0.7.1-cu122"
218
+ },
219
+ "0.25.0": {
220
+ "registries": {
221
+ "af-south-1": "626614931356",
222
+ "il-central-1": "780543022126",
223
+ "ap-east-1": "871362719292",
224
+ "ap-northeast-1": "763104351884",
225
+ "ap-northeast-2": "763104351884",
226
+ "ap-northeast-3": "364406365360",
227
+ "ap-south-1": "763104351884",
228
+ "ap-southeast-1": "763104351884",
229
+ "ap-southeast-2": "763104351884",
230
+ "ap-southeast-3": "907027046896",
231
+ "ca-central-1": "763104351884",
232
+ "cn-north-1": "727897471807",
233
+ "cn-northwest-1": "727897471807",
234
+ "eu-central-1": "763104351884",
235
+ "eu-north-1": "763104351884",
236
+ "eu-west-1": "763104351884",
237
+ "eu-west-2": "763104351884",
238
+ "eu-west-3": "763104351884",
239
+ "eu-south-1": "692866216735",
240
+ "me-south-1": "217643126080",
241
+ "sa-east-1": "763104351884",
242
+ "us-east-1": "763104351884",
243
+ "us-east-2": "763104351884",
244
+ "us-gov-east-1": "446045086412",
245
+ "us-gov-west-1": "442386744353",
246
+ "us-west-1": "763104351884",
247
+ "us-west-2": "763104351884",
248
+ "ca-west-1": "204538143572",
249
+ "eu-central-2": "380420809688",
250
+ "me-central-1": "914824155844",
251
+ "eu-south-2": "503227376785",
252
+ "ap-southeast-7": "590183813437",
253
+ "ap-southeast-4": "457447274322",
254
+ "ap-southeast-5": "550225433462",
255
+ "ap-south-2": "772153158452",
256
+ "mx-central-1": "637423239942"
257
+ },
258
+ "repository": "djl-inference",
259
+ "tag_prefix": "0.25.0-tensorrtllm0.5.0-cu122"
260
+ }
261
+ }
262
+ }