Skip to content
New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

updating rst files #3619

Merged
merged 1 commit into from
Oct 7, 2022
Merged
Show file tree
Hide file tree
Changes from all commits
Commits
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
103 changes: 103 additions & 0 deletions advanced_functionality/index.rst
Original file line number Diff line number Diff line change
@@ -0,0 +1,103 @@
Advanced Functionality
=================================

.. raw:: html

<div style="position: relative; padding-bottom: 5%; height: 0; overflow: hidden; max-width: 100%; height: auto;">
<iframe width="560" height="315" src="https://www.youtube.com/embed/wiDHCWVrjCU" frameborder="0" allow="accelerometer; autoplay; clipboard-write; encrypted-media; gyroscope; picture-in-picture" allowfullscreen></iframe>
</div>


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


3 changes: 3 additions & 0 deletions autopilot/index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
15 changes: 15 additions & 0 deletions aws_sagemaker_studio/index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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
=======================
Expand All @@ -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
Expand Down
7 changes: 7 additions & 0 deletions frameworks/index.rst
Original file line number Diff line number Diff line change
@@ -0,0 +1,7 @@
Getting Started with MXNet and Gluon
=====================================

.. toctree::
:maxdepth: 1

frameworks/mxnet/get_started_mnist_train
20 changes: 12 additions & 8 deletions index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down Expand Up @@ -192,7 +197,7 @@ More examples
:caption: Inference

inference/index

model-governance/index

.. toctree::
:maxdepth: 1
Expand All @@ -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
Expand All @@ -212,15 +223,8 @@ More examples
scientific_details_of_algorithms/index
aws_marketplace/index



.. toctree::
:maxdepth: 1
:caption: Community examples

contrib/index





12 changes: 12 additions & 0 deletions inference/index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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
---------

Expand Down
91 changes: 91 additions & 0 deletions introduction_to_amazon_algorithms/index.rst
Original file line number Diff line number Diff line change
@@ -0,0 +1,91 @@
Introduction to Amazon Algorithms
=================================

.. raw:: html

<div style="position: relative; padding-bottom: 5%; height: 0; overflow: hidden; max-width: 100%; height: auto;">
<iframe width="560" height="315" src="https://www.youtube.com/embed/wiDHCWVrjCU" frameborder="0" allow="accelerometer; autoplay; clipboard-write; encrypted-media; gyroscope; picture-in-picture" allowfullscreen></iframe>
</div>


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
10 changes: 10 additions & 0 deletions introduction_to_applying_machine_learning/index.rst
Original file line number Diff line number Diff line change
@@ -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
7 changes: 7 additions & 0 deletions ml-lifecycle/index.rst
Original file line number Diff line number Diff line change
@@ -0,0 +1,7 @@
Feature Store
---------------------------

.. toctree::
:maxdepth: 1

feature_store/FS_demo
7 changes: 7 additions & 0 deletions model-governance/index.rst
Original file line number Diff line number Diff line change
@@ -0,0 +1,7 @@
Model Governance
---------------------

.. toctree::
:maxdepth: 0

model_governance_graph
4 changes: 4 additions & 0 deletions r_examples/index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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
11 changes: 11 additions & 0 deletions reinforcement_learning/index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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
--------------------------

Expand Down
2 changes: 2 additions & 0 deletions sagemaker-debugger/index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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

----

Expand Down Expand Up @@ -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
Expand Down
8 changes: 8 additions & 0 deletions sagemaker-experiments/index.rst
Original file line number Diff line number Diff line change
Expand Up @@ -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
Loading