diff --git a/advanced_functionality/index.rst b/advanced_functionality/index.rst new file mode 100644 index 0000000000..c42b1ae92a --- /dev/null +++ b/advanced_functionality/index.rst @@ -0,0 +1,103 @@ +Advanced Functionality +================================= + +.. raw:: html + +
+ + +Advanced Algorithms +------------------------------------------- + +.. toctree:: + :maxdepth: 1 + + pytorch_bring_your_own_gan/build_gan_with_pytorch + pytorch_deploy_pretrained_bert_model/pytorch_deploy_pretrained_bert_model + mxnet_mnist_byom/mxnet_mnist + + + +Parallelism with Data Distribution +-------------------------------- + +.. toctree:: + :maxdepth: 1 + + data_distribution_types/data_distribution_types + + +Multi-Model Endpoints +------------------------- + +.. toctree:: + :maxdepth: 1 + + multi_model_pytorch/pytorch_multi_model_endpoint + multi_model_catboost/multi_model_catboost + +Prebuilt Deep Learning Containers +-------------------------------- + +.. toctree:: + :maxdepth: 1 + + autogluon-tabular-containers/AutoGluon_Tabular_SageMaker_Containers + + +SageMaker Pipeline +-------------------------------- + +.. toctree:: + :maxdepth: 1 + + autogluon-sagemaker-pipeline/sagemaker-pipelines-project + + +Multi Container Endpoint +-------------------------------- + +.. toctree:: + :maxdepth: 1 + + multi-container-endpoint/direct-invocation/multi-container-direct-invocation + + +Bring Your Own Algorithm Container +-------------------------------- + +.. toctree:: + :maxdepth: 1 + + multi_model_bring_your_own/multi_model_endpoint_bring_your_own + + +Bring Your Own Pipe-Mode Algorithm +------------------------------------- + +.. toctree:: + :maxdepth: 1 + + pipe_bring_your_own/pipe_bring_your_own + + +Bring Your Own Model +------------------------------------- + +.. toctree:: + :maxdepth: 1 + + scikit_learn_bring_your_own_model/scikit_learn_bring_your_own_model + + +Casual Inference Container +------------------------------------- + +.. toctree:: + :maxdepth: 1 + + causal-inference/causal-inference-container + + diff --git a/autopilot/index.rst b/autopilot/index.rst index d8e2f4a3f7..c3cd8b4e3d 100644 --- a/autopilot/index.rst +++ b/autopilot/index.rst @@ -9,6 +9,9 @@ Get started with Autopilot sagemaker_autopilot_direct_marketing sagemaker_autopilot_abalone_parquet_input sagemaker_autopilot_neo4j_portfolio_churn + autopilot_customer_churn_high_level_with_evaluation + autopilot_california_housing + autopilot_customer_churn Feature selection diff --git a/aws_sagemaker_studio/index.rst b/aws_sagemaker_studio/index.rst index 70b48766a8..757a71633b 100644 --- a/aws_sagemaker_studio/index.rst +++ b/aws_sagemaker_studio/index.rst @@ -19,8 +19,22 @@ Basic training example for SageMaker Studio :maxdepth: 1 sagemaker_algorithms/linear_learner_mnist/linear_learner_mnist + getting_started/xgboost_customer_churn_studio +SageMaker-Debugger +------------------------------------------- + +.. toctree:: + :maxdepth: 1 + + sagemaker_debugger/mnist_tensor_plot/mnist-tensor-plot + sagemaker_debugger/mxnet_realtime_analysis/mxnet-realtime-analysis + sagemaker_debugger/tensorflow_builtin_rule/tf-mnist-builtin-rule + sagemaker_debugger/pytorch_profiling/pt-resnet-profiling-single-gpu-single-node + sagemaker_debugger/tensorflow_action_on_rule/detect_stalled_training_job_and_actions + sagemaker_debugger/tensorflow2/tensorflow2_keras_custom_container/tf2-keras-custom-container + Framework examples ======================= @@ -32,6 +46,7 @@ Framework examples frameworks/mxnet_mnist/mxnet_mnist_with_batch_transform frameworks/mxnet_onnx_ei/mxnet_onnx_ei frameworks/pytorch_cnn_cifar10/pytorch_cnn_cifar10 + frameworks/tensorflow_mnist/tensorflow_mnist Model compilation with Neo diff --git a/frameworks/index.rst b/frameworks/index.rst new file mode 100644 index 0000000000..b0bd0dd8f9 --- /dev/null +++ b/frameworks/index.rst @@ -0,0 +1,7 @@ +Getting Started with MXNet and Gluon +===================================== + +.. toctree:: + :maxdepth: 1 + + frameworks/mxnet/get_started_mnist_train diff --git a/index.rst b/index.rst index 53ddf2b0de..4d60311a5a 100644 --- a/index.rst +++ b/index.rst @@ -105,6 +105,11 @@ More examples aws_sagemaker_studio/index sagemaker-lineage/index +.. toctree:: + :maxdepth: 1 + :caption: Introduction to Amazon Algorithms + + introduction_to_amazon_algorithms/index .. toctree:: :maxdepth: 1 @@ -192,7 +197,7 @@ More examples :caption: Inference inference/index - + model-governance/index .. toctree:: :maxdepth: 1 @@ -203,6 +208,12 @@ More examples sagemaker-spark/index step-functions-data-science-sdk/index +.. toctree:: + :maxdepth: 1 + :caption: Advanced Functionality + + advanced_functionality/index + serverless-inference/index .. toctree:: :maxdepth: 1 @@ -212,15 +223,8 @@ More examples scientific_details_of_algorithms/index aws_marketplace/index - - .. toctree:: :maxdepth: 1 :caption: Community examples contrib/index - - - - - diff --git a/inference/index.rst b/inference/index.rst index 90f109ad09..e92a747cb6 100644 --- a/inference/index.rst +++ b/inference/index.rst @@ -62,6 +62,18 @@ Elastic inference ../sagemaker-python-sdk/mxnet_onnx_eia/mxnet_onnx_eia +Inference-Recommender +---------------------- + +.. toctree:: + :maxdepth: 1 + + ../sagemaker-inference-recommender/inference-recommender + ../sagemaker-inference-recommender/xgboost/xgboost-inference-recommender + ../sagemaker-inference-recommender/sklearn-inference-recommender/sklearn-inference-recommender + ../sagemaker-inference-recommender/tensorflow-cloudwatch/tf-cloudwatch-inference-recommender + ../sagemaker-inference-recommender/huggingface-inference-recommender/huggingface-inference-recommender + Endpoints --------- diff --git a/introduction_to_amazon_algorithms/index.rst b/introduction_to_amazon_algorithms/index.rst new file mode 100644 index 0000000000..16ecf2ff3f --- /dev/null +++ b/introduction_to_amazon_algorithms/index.rst @@ -0,0 +1,91 @@ +Introduction to Amazon Algorithms +================================= + +.. raw:: html + + + + +Introduction to SageMaker JumpStart +------------------------------------------- + +.. toctree:: + :maxdepth: 1 + + jumpstart_machine_translation/Amazon_JumpStart_Machine_Translation + sagemaker-jumpstart/nlp_score_dashboard_sec/sec-dashboard/SEC_Section_Extraction_Functions + ../sagemaker-jumpstart/financial_tabtext_construction/SEC_Retrieval_Summarizer_Scoring + ../sagemaker-jumpstart/multimodal_tabtext/PPP_tabtext_ML + ../sagemaker-jumpstart/multicategory_sec/SEC_MNIST_ML + + +Built-In Algorithm +------------------------- + +.. toctree:: + :maxdepth: 1 + + linear_learner_abalone/Linear_Learner_Regression_csv_format + ../aws_sagemaker_studio/introduction_to_amazon_algorithms/xgboost_abalone/xgboost_managed_spot_training + ../aws_sagemaker_studio/introduction_to_amazon_algorithms/xgboost_abalone/xgboost_abalone_dist_script_mode + ../aws_sagemaker_studio/introduction_to_amazon_algorithms/xgboost_abalone/xgboost_abalone + ../aws_sagemaker_studio/introduction_to_amazon_algorithms/xgboost_abalone/xgboost_parquet_input_training + introduction_to_applying_machine_learning/breast_cancer_prediction/Breast Cancer Prediction + introduction_to_applying_machine_learning/lightgbm_catboost_tabtransformer_autogluon_churn/churn-prediction-lightgbm-catboost-tabtransformer-autogluon + introduction_to_applying_machine_learning/ensemble_modeling/EnsembleLearnerCensusIncome + introduction_to_applying_machine_learning/huggingface_sentiment_classification/huggingface_sentiment + +Time Series +------------------------------------------- + +.. toctree:: + :maxdepth: 1 + + forecasting_services_comparison/deepar_example + +Tabular +------------------------------------------- + +.. toctree:: + :maxdepth: 1 + + xgboost_linear_learner_tabular/Amazon_Tabular_Regression_XGBoost_LinearLearner + xgboost_linear_learner_tabular/Amazon_Tabular_Classification_XGBoost_LinearLearner + lightgbm_catboost_tabular/Amazon_Tabular_Regression_LightGBM_CatBoost + lightgbm_catboost_tabular/Amazon_Tabular_Classification_LightGBM_CatBoost + autogluon_tabular/Amazon_Tabular_Regression_AutoGluon + autogluon_tabular/Amazon_Tabular_Classification_AutoGluon + tabtransformer_tabular/Amazon_Tabular_Regression_TabTransformer + tabtransformer_tabular/Amazon_Tabular_Classification_TabTransformer + + +Text +------------------------------------------- + +.. toctree:: + :maxdepth: 1 + + jumpstart_text_embedding/Amazon_JumpStart_Text_Embedding + jumpstart_text_summarization/Amazon_JumpStart_Text_Summarization + jumpstart_question_answering/Amazon_JumpStart_Question_Answering + jumpstart_sentence_pair_classification/Amazon_JumpStart_Sentence_Pair_Classification + jumpstart_text_classification/Amazon_JumpStart_Text_Classification + jumpstart_text_generation/Amazon_JumpStart_Text_Generation + + +Vision +------------------------------------------- + +.. toctree:: + :maxdepth: 1 + + image_classification_tensorflow/Amazon_TensorFlow_Image_Classification + jumpstart_image_embedding/Amazon_JumpStart_Image_Embedding + jumpstart_semantic_segmentation/Amazon_JumpStart_Semantic_Segmentation_Extract_Image + jumpstart_object_detection/Amazon_JumpStart_Object_Detection + jumpstart_semantic_segmentation/Amazon_JumpStart_Semantic_Segmentation + jumpstart_instance_segmentation/Amazon_JumpStart_Instance_Segmentation + jumpstart_named_entity_recognition/Amazon_JumpStart_Named_Entity_Recognition + jumpstart_instance_segmentation/Amazon_JumpStart_Instance_Segmentation diff --git a/introduction_to_applying_machine_learning/index.rst b/introduction_to_applying_machine_learning/index.rst new file mode 100644 index 0000000000..dc4ae24309 --- /dev/null +++ b/introduction_to_applying_machine_learning/index.rst @@ -0,0 +1,10 @@ +Applying ML Algorithms +------------------------------ + +.. toctree:: + :maxdepth: 1 + + introduction_to_applying_machine_learning/breast_cancer_prediction/Breast Cancer Prediction + lightgbm_catboost_tabtransformer_autogluon_churn/churn-prediction-lightgbm-catboost-tabtransformer-autogluon + introduction_to_applying_machine_learning/ensemble_modeling/EnsembleLearnerCensusIncome + introduction_to_applying_machine_learning/huggingface_sentiment_classification/huggingface_sentiment diff --git a/ml-lifecycle/index.rst b/ml-lifecycle/index.rst new file mode 100644 index 0000000000..8f7e17178a --- /dev/null +++ b/ml-lifecycle/index.rst @@ -0,0 +1,7 @@ +Feature Store +--------------------------- + +.. toctree:: + :maxdepth: 1 + + feature_store/FS_demo diff --git a/model-governance/index.rst b/model-governance/index.rst new file mode 100644 index 0000000000..838392f015 --- /dev/null +++ b/model-governance/index.rst @@ -0,0 +1,7 @@ +Model Governance +--------------------- + +.. toctree:: + :maxdepth: 0 + + model_governance_graph diff --git a/r_examples/index.rst b/r_examples/index.rst index 8609592361..ab927f7fda 100644 --- a/r_examples/index.rst +++ b/r_examples/index.rst @@ -10,3 +10,7 @@ R Examples r_batch_transform/r_xgboost_batch_transform r_xgboost_hpo_batch_transform/r_xgboost_hpo_batch_transform r_byo_r_algo_hpo/tune_r_bring_your_own + r_serving_with_plumber/Plumber_Example + r_sagemaker_binary_classification_algorithms/R_binary_classification_algorithms_comparison + r_serving_with_fastapi/FastAPI_Example + r_serving_with_restrserve/RestRServe_Example diff --git a/reinforcement_learning/index.rst b/reinforcement_learning/index.rst index 0dddd0b6af..e9ce08ade2 100644 --- a/reinforcement_learning/index.rst +++ b/reinforcement_learning/index.rst @@ -177,6 +177,17 @@ Play global thermonuclear war with a computer. rl_tic_tac_toe_coach_customEnv/rl_tic_tac_toe_coach_customEnv +Stock Trading +------------ + +Try stock trading with SageMaker RL. + +.. toctree:: + :maxdepth: 0 + + rl_stock_trading_coach_customEnv/rl_stock_trading_coach_customEnv + + Traveling salesman problem -------------------------- diff --git a/sagemaker-debugger/index.rst b/sagemaker-debugger/index.rst index 615494960d..b8b19f0019 100644 --- a/sagemaker-debugger/index.rst +++ b/sagemaker-debugger/index.rst @@ -25,6 +25,7 @@ Profiling debugger_interactive_analysis_profiling/interactive_analysis_profiling_data tensorflow_nlp_sentiment_analysis/sentiment-analysis-tf-distributed-training-bringyourownscript + pytorch_profiling/pt-resnet-profiling-single-gpu-single-node ---- @@ -77,6 +78,7 @@ TensorFlow 1.x tensorflow_action_on_rule/detect_stalled_training_job_and_stop tensorflow_action_on_rule/tf-mnist-stop-training-job tensorflow_keras_custom_rule/tf-keras-custom-rule + tensorflow_action_on_rule/detect_stalled_training_job_and_actions PyTorch diff --git a/sagemaker-experiments/index.rst b/sagemaker-experiments/index.rst index 6d08a5f809..4a9b522e2a 100644 --- a/sagemaker-experiments/index.rst +++ b/sagemaker-experiments/index.rst @@ -35,3 +35,11 @@ Search :maxdepth: 1 ../advanced_functionality/search/ml_experiment_management_using_search + +Hyperparameter Tuning Job +========================= + +.. toctree:: + :maxdepth: 1 + + associate-hyper-parameter-tuning-job/associate-hyperparameter-tuning-job diff --git a/sagemaker-inference-deployment-guardrails/index.rst b/sagemaker-inference-deployment-guardrails/index.rst new file mode 100644 index 0000000000..40bb041e28 --- /dev/null +++ b/sagemaker-inference-deployment-guardrails/index.rst @@ -0,0 +1,9 @@ +Deployment Guardrails +========================================== + +.. toctree:: + :maxdepth: 1 + + sagemaker-inference-deployment-guardrails/Update-SageMaker-Inference-endpoint-using-canary-traffic-shifting + sagemaker-inference-deployment-guardrails/Update-SageMaker-Inference-endpoint-using-linear-traffic-shifting +~ diff --git a/sagemaker-jumpstart/index.rst b/sagemaker-jumpstart/index.rst new file mode 100644 index 0000000000..b6073d7431 --- /dev/null +++ b/sagemaker-jumpstart/index.rst @@ -0,0 +1,10 @@ +SageMaker JumpStart +========================================== + +.. toctree:: + :maxdepth: 1 + + nlp_score_dashboard_sec/sec-dashboard/SEC_Section_Extraction_Functions + financial_tabtext_construction/SEC_Retrieval_Summarizer_Scoring + multimodal_tabtext/PPP_tabtext_ML + multicategory_sec/SEC_MNIST_ML diff --git a/sagemaker-pipelines/index.rst b/sagemaker-pipelines/index.rst index 1a84f55923..7ec0f925c2 100644 --- a/sagemaker-pipelines/index.rst +++ b/sagemaker-pipelines/index.rst @@ -11,3 +11,34 @@ Amazon SageMaker Model Building Pipelines is a tool for building machine learnin tabular/tensorflow2-california-housing-sagemaker-pipelines-deploy-endpoint/tensorflow2-california-housing-sagemaker-pipelines-deploy-endpoint nlp/amazon_comprehend_sagemaker_pipeline/sm_pipeline_with_comprehend time_series_forecasting/amazon_forecast_pipeline/sm_pipeline_with_amazon_forecast + sagemaker-pipelines/tabular/tuning-step/sagemaker-pipelines-tuning-step + sagemaker-pipelines/tabular/lambda-step/sagemaker-pipelines-lambda-step + sagemaker-pipelines/tabular/model-monitor-clarify-pipelines/sagemaker-pipeline-model-monitor-clarify-steps + sagemaker-pipelines/tabular/customizing_build_train_deploy_project/sagemaker-pipelines-customized-project + sagemaker-pipelines/tabular/train-register-deploy-pipeline-model/train register and deploy a pipeline model + + +Pipeline Parameterization +============================ + +.. toctree:: + :maxdepth: 1 + + ../sagemaker-pipeline-parameterization/parameterized-pipeline + + +SageMaker Pipeline Multi-Model +================================ + +.. toctree:: + :maxdepth: 1 + + ../sagemaker-pipeline-multi-model/restate-project + +Pipeline Compare +============================ + +.. toctree:: + :maxdepth: 1 + + ../sagemaker-pipeline-compare-model-versions/notebook diff --git a/sagemaker-script-mode/index.rst b/sagemaker-script-mode/index.rst index d289bf1480..5d2f1a1e1a 100644 --- a/sagemaker-script-mode/index.rst +++ b/sagemaker-script-mode/index.rst @@ -16,3 +16,5 @@ SageMaker Script Mode at Increasing Levels of Customization :maxdepth: 1 sagemaker-script-mode + pytorch_bert/deploy_bert + sklearn/sklearn_byom diff --git a/sagemaker-training-compiler/index.rst b/sagemaker-training-compiler/index.rst index 220ff2e876..fa50581c8f 100644 --- a/sagemaker-training-compiler/index.rst +++ b/sagemaker-training-compiler/index.rst @@ -19,7 +19,7 @@ For single-node single-GPU training: huggingface/pytorch_single_gpu_single_node/albert-base-v2/albert-base-v2 huggingface/pytorch_single_gpu_single_node/bert-base-cased/bert-base-cased-single-node-single-gpu huggingface/pytorch_single_gpu_single_node/roberta-base/roberta-base - + tensorflow/single_gpu_single_node/vision-transformer For single-node multi-GPU training: @@ -27,7 +27,7 @@ For single-node multi-GPU training: :maxdepth: 1 huggingface/pytorch_multiple_gpu_single_node/language-modeling-multi-gpu-single-node - + tensorflow/multiple_gpu_single_node/vision-transformer For multi-node multi-GPU training: diff --git a/sagemaker_batch_transform/index.rst b/sagemaker_batch_transform/index.rst index cd6b035981..2a75b11501 100644 --- a/sagemaker_batch_transform/index.rst +++ b/sagemaker_batch_transform/index.rst @@ -5,7 +5,7 @@ Get started with Batch Transform :maxdepth: 1 introduction_to_batch_transform/batch_transform_pca_dbscan_movie_clusters - + batch_transform_associate_predictions_with_input/Batch Transform - breast cancer prediction with lowel level SDK .. file name change required batch_transform_associate_predictions_with_input/Batch Transform - breast cancer prediction with high level SDK @@ -61,4 +61,5 @@ TensorFlow .. toctree:: :maxdepth: 1 - tensorflow_cifar-10_with_inference_script/tensorflow-serving-cifar10-python-sdk + tensorflow_cifar-10_with_inference_script/tensorflow-serving-cifar10-python-sdk + custom_tensorflow_inference_script_csv_and_tfrecord/custom_tensorflow_inference_script_csv_and_tfrecord diff --git a/sagemaker_model_monitor/index.rst b/sagemaker_model_monitor/index.rst index 5f5efce4ec..740ae6db8b 100644 --- a/sagemaker_model_monitor/index.rst +++ b/sagemaker_model_monitor/index.rst @@ -6,7 +6,14 @@ Get started with Model Monitor introduction/SageMaker-ModelMonitoring +Model Quality +============================== + +.. toctree:: + :maxdepth: 1 + model_quality/model_quality_churn_sdk + Model Monitor with Tensorflow ============================= diff --git a/sagemaker_neo_compilation_jobs/index.rst b/sagemaker_neo_compilation_jobs/index.rst index e91e483e3d..e22f7f8f53 100644 --- a/sagemaker_neo_compilation_jobs/index.rst +++ b/sagemaker_neo_compilation_jobs/index.rst @@ -16,7 +16,7 @@ Apache MXNet gluoncv_yolo_darknet/gluoncv_yolo_darknet_neo mxnet_mnist/mxnet_mnist_neo - + gluoncv_ssd_mobilenet/gluoncv_ssd_mobilenet_neo PyTorch @@ -28,6 +28,15 @@ PyTorch pytorch_torchvision/pytorch_torchvision_neo pytorch_vgg19_bn/pytorch-vgg19-bn +Inf1 Instance +======= + +.. toctree:: + :maxdepth: 1 + + deploy_pytorch_model_on_Inf1_instance/pytorch_torchvision_neo_on_Inf1 + deploy_huggingface_model_on_Inf1_instance/inf1_bert_compile_and_deploy + deploy_mxnet_model_on_Inf1_instance/mxnet_distributed_mnist_neo_inf1 TensorFlow ========== @@ -36,3 +45,5 @@ TensorFlow :maxdepth: 1 tensorflow_distributed_mnist/tensorflow_distributed_mnist_neo + tensorflow_unet/sagemaker-neo-tf-unet + diff --git a/sagemaker_processing/index.rst b/sagemaker_processing/index.rst index 5ca65b46f4..4df9a18f64 100644 --- a/sagemaker_processing/index.rst +++ b/sagemaker_processing/index.rst @@ -16,4 +16,8 @@ Processing fairness_and_explainability/text_explainability/text_explainability fairness_and_explainability/text_explainability_sagemaker_algorithm/byo_blazingtext_model_hosting computer_vision/explainability_image_classification - local_pyspark/local_pyspark_example \ No newline at end of file + local_pyspark/local_pyspark_example + pytorch_bert/deploy_bert + sklearn/sklearn_byom + sagemaker_processing/basic_sagemaker_data_processing/basic_sagemaker_processing + diff --git a/serverless-inference/index.rst b/serverless-inference/index.rst new file mode 100644 index 0000000000..1dff26be0b --- /dev/null +++ b/serverless-inference/index.rst @@ -0,0 +1,9 @@ +Serverless Inference +-------------------------- + +.. toctree:: + :maxdepth: 1 + + Serverless-Inference-Walkthrough + serverless-model-registry + huggingface-serverless-inference/huggingface-text-classification-serverless-inference diff --git a/training/frameworks.rst b/training/frameworks.rst index e85645da92..7fde6b7099 100644 --- a/training/frameworks.rst +++ b/training/frameworks.rst @@ -17,7 +17,9 @@ Apache MXNet ../sagemaker-python-sdk/mxnet_onnx_export/mxnet_onnx_export ../sagemaker-python-sdk/mxnet_mnist/mxnet_mnist_with_batch_transform ../sagemaker-python-sdk/mxnet_mnist/mxnet_mnist_elastic_inference - + ../sagemaker-python-sdk/mxnet_mnist/mxnet_mnist + ../sagemaker-python-sdk/mxnet_gluon_mnist/mxnet_mnist_with_gluon + ../sagemaker-python-sdk/dgl_gcmc/mxnet_gcmc Deep Graph Library ==================================== @@ -47,7 +49,9 @@ PyTorch ../frameworks/pytorch/get_started_mnist_train ../frameworks/pytorch/get_started_mnist_deploy ../sagemaker-python-sdk/pytorch_lstm_word_language_model/pytorch_rnn - + ../sagemaker-python-sdk/pytorch_horovod_mnist/pytorch_mnist_horovod + ../sagemaker-python-sdk/pytorch_mnist/pytorch_mnist_elastic_inference + ../sagemaker-python-sdk/pytorch_mnist/pytorch_mnist R ==== @@ -66,7 +70,9 @@ Scikit-learn ../sagemaker-python-sdk/scikit_learn_randomforest/Sklearn_on_SageMaker_end2end ../sagemaker-python-sdk/scikit_learn_model_registry_batch_transform/scikit_learn_model_registry_batch_transform - + ../sagemaker-python-sdk/scikit_learn_inference_pipeline/Inference Pipeline with Scikit-learn and Linear Learner + ../sagemaker-python-sdk/scikit_learn_iris/scikit_learn_estimator_example_with_batch_transform + ../aws_sagemaker_studio/sagemaker-python-sdk/scikit_learn_iris/Scikit-learn Estimator Example With Batch Transform .. needs to be renamed (remove spaces) ../sagemaker-python-sdk/scikit_learn_iris/ @@ -89,6 +95,7 @@ TensorFlow ../sagemaker-python-sdk/tensorflow-eager-script-mode/tf-eager-sm-scriptmode ../sagemaker-python-sdk/tensorflow_script_mode_training_and_serving/tensorflow_script_mode_training_and_serving ../sagemaker-python-sdk/tensorboard_keras/tensorboard_keras + ../sagemaker-python-sdk/tensorflow_serving_using_elastic_inference_with_your_own_model/tensorflow_neo_compiled_model_elastic_inference JAX diff --git a/training/tuning.rst b/training/tuning.rst index 9edbb703c7..df56d946f2 100644 --- a/training/tuning.rst +++ b/training/tuning.rst @@ -21,7 +21,7 @@ PyTorch :maxdepth: 1 ../hyperparameter_tuning/pytorch_mnist/hpo_pytorch_mnist - + ../hyperparameter_tuning/huggingface_multiclass_text_classification_20_newsgroups/hpo_huggingface_text_classification_20_newsgroups R === @@ -50,6 +50,7 @@ TensorFlow ../hyperparameter_tuning/tensorflow_mnist/hpo_tensorflow_mnist ../hyperparameter_tuning/keras_bring_your_own/hpo_bring_your_own_keras_container + ../hyperparameter_tuning/tensorflow2_mnist/hpo_tensorflow2_mnist XGBoost @@ -62,6 +63,14 @@ XGBoost ../hyperparameter_tuning/xgboost_direct_marketing/hpo_xgboost_direct_marketing_sagemaker_python_sdk ../hyperparameter_tuning/xgboost_random_log/hpo_xgboost_random_log +BlazingText +============ + +.. toctree:: + :maxdepth: 1 + + ../hyperparameter_tuning/blazingtext_text_classification_20_newsgroups/hpo_blazingtext_text_classification_20_newsgroups + Use cases ========= diff --git a/use-cases/index.rst b/use-cases/index.rst index a0732c2aa8..ad5fdd4066 100644 --- a/use-cases/index.rst +++ b/use-cases/index.rst @@ -54,4 +54,13 @@ Credit Risk .. toctree:: :maxdepth: 1 - credit_risk/risk_bucketing \ No newline at end of file + credit_risk/risk_bucketing + +SageMaker Data Wrangler +-------------------------- + + +.. toctree:: + :maxdepth: 1 + + predictive_maintenance/dw_flow/dw_job