title
stringlengths 0
125
| url
stringlengths 67
206
| markdown
stringlengths 55
86.1k
| html
stringlengths 198
350k
| crawlDate
stringlengths 24
24
|
---|---|---|---|---|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/src/examples/tensorflow/yolo_v4_demo/evaluate.ipynb.txt | ```
{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# Evaluate YOLO v4 on Inferentia\n",
"## Note: this tutorial runs on tensorflow-neuron 1.x only"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Introduction\n",
"This tutorial walks through compiling and evaluating YOLO v4 model on Inferentia using the AWS Neuron SDK 09/2020 release. We recommend running this tutorial on an EC2 `inf1.2xlarge` instance which contains one Inferentia and 8 vCPU cores, as well as 16 GB of memory.Verify that this Jupyter notebook is running the Python kernel environment that was set up according to the [Tensorflow Installation Guide](https://awsdocs-neuron.readthedocs-hosted.com/en/latest/frameworks/tensorflow/tensorflow-neuron/setup/tensorflow-install.html#install-neuron-tensorflow) You can select the Kernel from the “Kernel -> Change Kernel” option on the top of this Jupyter notebook page."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Prerequisites"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"This demo requires the following pip packages:\n",
"\n",
"`neuron-cc tensorflow-neuron<2 requests pillow matplotlib pycocotools torch`\n",
"\n",
"and debian/rpm package `aws-neuron-runtime`.\n",
"\n",
"On DLAMI, `aws-neuron-runtime` is already pre-installed."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!pip install neuron-cc 'tensorflow-neuron<2' requests pillow matplotlib pycocotools==2.0.1 numpy==1.18.2 torch~=1.5.0 --force \\\n",
" --extra-index-url=https://pip.repos.neuron.amazonaws.com"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Part 1: Download Dataset and Generate Pretrained SavedModel\n",
"### Download COCO 2017 validation dataset\n",
"We start by downloading the COCO validation dataset, which we will use to validate our model. The COCO 2017 dataset is widely used for object-detection, segmentation and image captioning."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!curl -LO http://images.cocodataset.org/zips/val2017.zip\n",
"!curl -LO http://images.cocodataset.org/annotations/annotations_trainval2017.zip\n",
"!unzip -q val2017.zip\n",
"!unzip annotations_trainval2017.zip"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!ls"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Check required package versions\n",
"Here are the minimum required versions of AWS Neuron packages. We run a check."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import pkg_resources\n",
"from distutils.version import LooseVersion\n",
"\n",
"assert LooseVersion(pkg_resources.get_distribution('neuron-cc').version) > LooseVersion('1.0.20000')\n",
"assert LooseVersion(pkg_resources.get_distribution('tensorflow-neuron').version) > LooseVersion('1.15.3.1.0.2000')\n",
"print('passed package version checks')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Generate YOLO v4 tensorflow SavedModel (pretrained on COCO 2017 dataset)\n",
"Script `yolo_v4_coco_saved_model.py` will generate a tensorflow SavedModel using pretrained weights from https://github.com/Tianxiaomo/pytorch-YOLOv4."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!python3 yolo_v4_coco_saved_model.py"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"This tensorflow SavedModel can be loaded as a tensorflow predictor. When a JPEG format image is provided as input, the output result of the tensorflow predictor contains information for drawing bounding boxes and classification results."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import json\n",
"import tensorflow as tf\n",
"from PIL import Image\n",
"import matplotlib.pyplot as plt\n",
"import matplotlib.patches as patches\n",
"\n",
"# launch predictor and run inference on an arbitrary image in the validation dataset\n",
"yolo_pred_cpu = tf.contrib.predictor.from_saved_model('./yolo_v4_coco_saved_model')\n",
"image_path = './val2017/000000581781.jpg'\n",
"with open(image_path, 'rb') as f:\n",
" feeds = {'image': [f.read()]}\n",
"results = yolo_pred_cpu(feeds)\n",
"\n",
"# load annotations to decode classification result\n",
"with open('./annotations/instances_val2017.json') as f:\n",
" annotate_json = json.load(f)\n",
"label_info = {idx+1: cat['name'] for idx, cat in enumerate(annotate_json['categories'])}\n",
"\n",
"# draw picture and bounding boxes\n",
"fig, ax = plt.subplots(figsize=(10, 10))\n",
"ax.imshow(Image.open(image_path).convert('RGB'))\n",
"wanted = results['scores'][0] > 0.1\n",
"for xyxy, label_no_bg in zip(results['boxes'][0][wanted], results['classes'][0][wanted]):\n",
" xywh = xyxy[0], xyxy[1], xyxy[2] - xyxy[0], xyxy[3] - xyxy[1]\n",
" rect = patches.Rectangle((xywh[0], xywh[1]), xywh[2], xywh[3], linewidth=1, edgecolor='g', facecolor='none')\n",
" ax.add_patch(rect)\n",
" rx, ry = rect.get_xy()\n",
" rx = rx + rect.get_width() / 2.0\n",
" ax.annotate(label_info[label_no_bg + 1], (rx, ry), color='w', backgroundcolor='g', fontsize=10,\n",
" ha='center', va='center', bbox=dict(boxstyle='square,pad=0.01', fc='g', ec='none', alpha=0.5))\n",
"plt.show()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Part 2: Compile the Pretrained SavedModel for Inferentia\n",
"We make use of the Python compilation API `tfn.saved_model.compile` that is avaiable in `tensorflow-neuron<2`. For the purpose of reducing Neuron runtime overhead, it is necessary to make use of arguments `no_fuse_ops` and `minimum_segment_size`."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import shutil\n",
"import tensorflow as tf\n",
"import tensorflow.neuron as tfn\n",
"\n",
"\n",
"def no_fuse_condition(op):\n",
" return any(op.name.startswith(pat) for pat in ['reshape', 'lambda_1/Cast', 'lambda_2/Cast', 'lambda_3/Cast'])\n",
"\n",
"with tf.Session(graph=tf.Graph()) as sess:\n",
" tf.saved_model.loader.load(sess, ['serve'], './yolo_v4_coco_saved_model')\n",
" no_fuse_ops = [op.name for op in sess.graph.get_operations() if no_fuse_condition(op)]\n",
"shutil.rmtree('./yolo_v4_coco_saved_model_neuron', ignore_errors=True)\n",
"result = tfn.saved_model.compile(\n",
" './yolo_v4_coco_saved_model', './yolo_v4_coco_saved_model_neuron',\n",
" # we partition the graph before casting from float16 to float32, to help reduce the output tensor size by 1/2\n",
" no_fuse_ops=no_fuse_ops,\n",
" # to enforce trivial compilable subgraphs to run on CPU\n",
" minimum_segment_size=100,\n",
" batch_size=1,\n",
" dynamic_batch_size=True,\n",
")\n",
"print(result)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Part 3: Evaluate Model Quality after Compilation\n",
"### Define evaluation functions\n",
"We first define some handy helper functions for running evaluation on the COCO 2017 dataset."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import os\n",
"import json\n",
"import time\n",
"import numpy as np\n",
"import tensorflow as tf\n",
"from pycocotools.coco import COCO\n",
"from pycocotools.cocoeval import COCOeval\n",
"\n",
"\n",
"def cocoapi_eval(jsonfile,\n",
" style,\n",
" coco_gt=None,\n",
" anno_file=None,\n",
" max_dets=(100, 300, 1000)):\n",
" \"\"\"\n",
" Args:\n",
" jsonfile: Evaluation json file, eg: bbox.json, mask.json.\n",
" style: COCOeval style, can be `bbox` , `segm` and `proposal`.\n",
" coco_gt: Whether to load COCOAPI through anno_file,\n",
" eg: coco_gt = COCO(anno_file)\n",
" anno_file: COCO annotations file.\n",
" max_dets: COCO evaluation maxDets.\n",
" \"\"\"\n",
" assert coco_gt is not None or anno_file is not None\n",
"\n",
" if coco_gt is None:\n",
" coco_gt = COCO(anno_file)\n",
" print(\"Start evaluate...\")\n",
" coco_dt = coco_gt.loadRes(jsonfile)\n",
" if style == 'proposal':\n",
" coco_eval = COCOeval(coco_gt, coco_dt, 'bbox')\n",
" coco_eval.params.useCats = 0\n",
" coco_eval.params.maxDets = list(max_dets)\n",
" else:\n",
" coco_eval = COCOeval(coco_gt, coco_dt, style)\n",
" coco_eval.evaluate()\n",
" coco_eval.accumulate()\n",
" coco_eval.summarize()\n",
" return coco_eval.stats\n",
"\n",
"\n",
"def bbox_eval(anno_file, bbox_list):\n",
" coco_gt = COCO(anno_file)\n",
"\n",
" outfile = 'bbox_detections.json'\n",
" print('Generating json file...')\n",
" with open(outfile, 'w') as f:\n",
" json.dump(bbox_list, f)\n",
"\n",
" map_stats = cocoapi_eval(outfile, 'bbox', coco_gt=coco_gt)\n",
" return map_stats\n",
"\n",
"\n",
"def get_image_as_bytes(images, eval_pre_path):\n",
" batch_im_id_list = []\n",
" batch_im_name_list = []\n",
" batch_img_bytes_list = []\n",
" n = len(images)\n",
" batch_im_id = []\n",
" batch_im_name = []\n",
" batch_img_bytes = []\n",
" for i, im in enumerate(images):\n",
" im_id = im['id']\n",
" file_name = im['file_name']\n",
" if i % eval_batch_size == 0 and i != 0:\n",
" batch_im_id_list.append(batch_im_id)\n",
" batch_im_name_list.append(batch_im_name)\n",
" batch_img_bytes_list.append(batch_img_bytes)\n",
" batch_im_id = []\n",
" batch_im_name = []\n",
" batch_img_bytes = []\n",
" batch_im_id.append(im_id)\n",
" batch_im_name.append(file_name)\n",
"\n",
" with open(os.path.join(eval_pre_path, file_name), 'rb') as f:\n",
" batch_img_bytes.append(f.read())\n",
" return batch_im_id_list, batch_im_name_list, batch_img_bytes_list\n",
"\n",
"\n",
"def analyze_bbox(results, batch_im_id, _clsid2catid):\n",
" bbox_list = []\n",
" k = 0\n",
" for boxes, scores, classes in zip(results['boxes'], results['scores'], results['classes']):\n",
" if boxes is not None:\n",
" im_id = batch_im_id[k]\n",
" n = len(boxes)\n",
" for p in range(n):\n",
" clsid = classes[p]\n",
" score = scores[p]\n",
" xmin, ymin, xmax, ymax = boxes[p]\n",
" catid = (_clsid2catid[int(clsid)])\n",
" w = xmax - xmin + 1\n",
" h = ymax - ymin + 1\n",
"\n",
" bbox = [xmin, ymin, w, h]\n",
" # Round to the nearest 10th to avoid huge file sizes, as COCO suggests\n",
" bbox = [round(float(x) * 10) / 10 for x in bbox]\n",
" bbox_res = {\n",
" 'image_id': im_id,\n",
" 'category_id': catid,\n",
" 'bbox': bbox,\n",
" 'score': float(score),\n",
" }\n",
" bbox_list.append(bbox_res)\n",
" k += 1\n",
" return bbox_list"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"Here is the actual evaluation loop. To fully utilize all four cores on one Inferentia, the optimal setup is to run multi-threaded inference using a `ThreadPoolExecutor`. The following cell is a multi-threaded adaptation of the evaluation routine at https://github.com/miemie2013/Keras-YOLOv4/blob/910c4c6f7265f5828fceed0f784496a0b46516bf/tools/cocotools.py#L97."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from concurrent import futures\n",
"\n",
"NUM_THREADS = 4\n",
"\n",
"def evaluate(yolo_predictor, images, eval_pre_path, anno_file, eval_batch_size, _clsid2catid):\n",
" batch_im_id_list, batch_im_name_list, batch_img_bytes_list = get_image_as_bytes(images, eval_pre_path)\n",
"\n",
" # warm up\n",
" yolo_predictor({'image': np.array(batch_img_bytes_list[0], dtype=object)})\n",
" \n",
" def yolo_predictor_timer(yolo_pred, image):\n",
" begin = time.time()\n",
" result = yolo_pred(image)\n",
" delta = time.time() - begin\n",
" return result, delta\n",
"\n",
" latency = []\n",
" with futures.ThreadPoolExecutor(NUM_THREADS) as exe:\n",
" fut_im_list = []\n",
" fut_list = []\n",
"\n",
" start_time = time.time()\n",
" for batch_im_id, batch_im_name, batch_img_bytes in zip(batch_im_id_list, batch_im_name_list, batch_img_bytes_list):\n",
" if len(batch_img_bytes) != eval_batch_size:\n",
" continue\n",
" fut = exe.submit(yolo_predictor_timer, yolo_predictor, {'image': np.array(batch_img_bytes, dtype=object)})\n",
" fut_im_list.append((batch_im_id, batch_im_name))\n",
" fut_list.append(fut)\n",
" bbox_list = []\n",
" sum_time = 0.0\n",
" count = 0\n",
" for (batch_im_id, batch_im_name), fut in zip(fut_im_list, fut_list):\n",
" results, times = fut.result()\n",
" # Adjust latency since we are in batch\n",
" latency.append(times / eval_batch_size)\n",
" sum_time += times\n",
" bbox_list.extend(analyze_bbox(results, batch_im_id, _clsid2catid))\n",
" for _ in batch_im_id:\n",
" count += 1\n",
" if count % 1000 == 0:\n",
" print('Test iter {}'.format(count))\n",
"\n",
" throughput = len(images) / (sum_time / NUM_THREADS)\n",
"\n",
" \n",
" print('Average Images Per Second:', throughput)\n",
" print(\"Latency P50: {:.1f} ms\".format(np.percentile(latency, 50)*1000.0))\n",
" print(\"Latency P90: {:.1f} ms\".format(np.percentile(latency, 90)*1000.0))\n",
" print(\"Latency P95: {:.1f} ms\".format(np.percentile(latency, 95)*1000.0))\n",
" print(\"Latency P99: {:.1f} ms\".format(np.percentile(latency, 99)*1000.0))\n",
"\n",
" # start evaluation\n",
" box_ap_stats = bbox_eval(anno_file, bbox_list)\n",
" return box_ap_stats"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Evaluate mean average precision (mAP) score\n",
"Here is the code to calculate mAP scores of the YOLO v4 model. The expected mAP score is around 0.487 if we use the pretrained weights."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"yolo_pred = tf.contrib.predictor.from_saved_model('./yolo_v4_coco_saved_model_neuron')\n",
"\n",
"val_coco_root = './val2017'\n",
"val_annotate = './annotations/instances_val2017.json'\n",
"clsid2catid = {0: 1, 1: 2, 2: 3, 3: 4, 4: 5, 5: 6, 6: 7, 7: 8, 8: 9, 9: 10, 10: 11, 11: 13, 12: 14, 13: 15, 14: 16,\n",
" 15: 17, 16: 18, 17: 19, 18: 20, 19: 21, 20: 22, 21: 23, 22: 24, 23: 25, 24: 27, 25: 28, 26: 31,\n",
" 27: 32, 28: 33, 29: 34, 30: 35, 31: 36, 32: 37, 33: 38, 34: 39, 35: 40, 36: 41, 37: 42, 38: 43,\n",
" 39: 44, 40: 46, 41: 47, 42: 48, 43: 49, 44: 50, 45: 51, 46: 52, 47: 53, 48: 54, 49: 55, 50: 56,\n",
" 51: 57, 52: 58, 53: 59, 54: 60, 55: 61, 56: 62, 57: 63, 58: 64, 59: 65, 60: 67, 61: 70, 62: 72,\n",
" 63: 73, 64: 74, 65: 75, 66: 76, 67: 77, 68: 78, 69: 79, 70: 80, 71: 81, 72: 82, 73: 84, 74: 85,\n",
" 75: 86, 76: 87, 77: 88, 78: 89, 79: 90}\n",
"eval_batch_size = 8\n",
"with open(val_annotate, 'r', encoding='utf-8') as f2:\n",
" for line in f2:\n",
" line = line.strip()\n",
" dataset = json.loads(line)\n",
" images = dataset['images']\n",
"box_ap = evaluate(yolo_pred, images, val_coco_root, val_annotate, eval_batch_size, clsid2catid)"
]
}
],
"metadata": {
"kernelspec": {
"display_name": "Environment (conda_aws_neuron_tensorflow_p36)",
"language": "python",
"name": "conda_aws_neuron_tensorflow_p36"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.6.13"
}
},
"nbformat": 4,
"nbformat_minor": 4
}
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">{
"cells": [
{
"cell_type": "markdown",
"metadata": {},
"source": [
"# Evaluate YOLO v4 on Inferentia\n",
"## Note: this tutorial runs on tensorflow-neuron 1.x only"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Introduction\n",
"This tutorial walks through compiling and evaluating YOLO v4 model on Inferentia using the AWS Neuron SDK 09/2020 release. We recommend running this tutorial on an EC2 `inf1.2xlarge` instance which contains one Inferentia and 8 vCPU cores, as well as 16 GB of memory.Verify that this Jupyter notebook is running the Python kernel environment that was set up according to the [Tensorflow Installation Guide](https://awsdocs-neuron.readthedocs-hosted.com/en/latest/frameworks/tensorflow/tensorflow-neuron/setup/tensorflow-install.html#install-neuron-tensorflow) You can select the Kernel from the “Kernel -> Change Kernel” option on the top of this Jupyter notebook page."
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Prerequisites"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"This demo requires the following pip packages:\n",
"\n",
"`neuron-cc tensorflow-neuron<2 requests pillow matplotlib pycocotools torch`\n",
"\n",
"and debian/rpm package `aws-neuron-runtime`.\n",
"\n",
"On DLAMI, `aws-neuron-runtime` is already pre-installed."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!pip install neuron-cc 'tensorflow-neuron<2' requests pillow matplotlib pycocotools==2.0.1 numpy==1.18.2 torch~=1.5.0 --force \\\n",
" --extra-index-url=https://pip.repos.neuron.amazonaws.com"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Part 1: Download Dataset and Generate Pretrained SavedModel\n",
"### Download COCO 2017 validation dataset\n",
"We start by downloading the COCO validation dataset, which we will use to validate our model. The COCO 2017 dataset is widely used for object-detection, segmentation and image captioning."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!curl -LO http://images.cocodataset.org/zips/val2017.zip\n",
"!curl -LO http://images.cocodataset.org/annotations/annotations_trainval2017.zip\n",
"!unzip -q val2017.zip\n",
"!unzip annotations_trainval2017.zip"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!ls"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Check required package versions\n",
"Here are the minimum required versions of AWS Neuron packages. We run a check."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import pkg_resources\n",
"from distutils.version import LooseVersion\n",
"\n",
"assert LooseVersion(pkg_resources.get_distribution('neuron-cc').version) > LooseVersion('1.0.20000')\n",
"assert LooseVersion(pkg_resources.get_distribution('tensorflow-neuron').version) > LooseVersion('1.15.3.1.0.2000')\n",
"print('passed package version checks')"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Generate YOLO v4 tensorflow SavedModel (pretrained on COCO 2017 dataset)\n",
"Script `yolo_v4_coco_saved_model.py` will generate a tensorflow SavedModel using pretrained weights from https://github.com/Tianxiaomo/pytorch-YOLOv4."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"!python3 yolo_v4_coco_saved_model.py"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"This tensorflow SavedModel can be loaded as a tensorflow predictor. When a JPEG format image is provided as input, the output result of the tensorflow predictor contains information for drawing bounding boxes and classification results."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import json\n",
"import tensorflow as tf\n",
"from PIL import Image\n",
"import matplotlib.pyplot as plt\n",
"import matplotlib.patches as patches\n",
"\n",
"# launch predictor and run inference on an arbitrary image in the validation dataset\n",
"yolo_pred_cpu = tf.contrib.predictor.from_saved_model('./yolo_v4_coco_saved_model')\n",
"image_path = './val2017/000000581781.jpg'\n",
"with open(image_path, 'rb') as f:\n",
" feeds = {'image': [f.read()]}\n",
"results = yolo_pred_cpu(feeds)\n",
"\n",
"# load annotations to decode classification result\n",
"with open('./annotations/instances_val2017.json') as f:\n",
" annotate_json = json.load(f)\n",
"label_info = {idx+1: cat['name'] for idx, cat in enumerate(annotate_json['categories'])}\n",
"\n",
"# draw picture and bounding boxes\n",
"fig, ax = plt.subplots(figsize=(10, 10))\n",
"ax.imshow(Image.open(image_path).convert('RGB'))\n",
"wanted = results['scores'][0] > 0.1\n",
"for xyxy, label_no_bg in zip(results['boxes'][0][wanted], results['classes'][0][wanted]):\n",
" xywh = xyxy[0], xyxy[1], xyxy[2] - xyxy[0], xyxy[3] - xyxy[1]\n",
" rect = patches.Rectangle((xywh[0], xywh[1]), xywh[2], xywh[3], linewidth=1, edgecolor='g', facecolor='none')\n",
" ax.add_patch(rect)\n",
" rx, ry = rect.get_xy()\n",
" rx = rx + rect.get_width() / 2.0\n",
" ax.annotate(label_info[label_no_bg + 1], (rx, ry), color='w', backgroundcolor='g', fontsize=10,\n",
" ha='center', va='center', bbox=dict(boxstyle='square,pad=0.01', fc='g', ec='none', alpha=0.5))\n",
"plt.show()"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Part 2: Compile the Pretrained SavedModel for Inferentia\n",
"We make use of the Python compilation API `tfn.saved_model.compile` that is avaiable in `tensorflow-neuron<2`. For the purpose of reducing Neuron runtime overhead, it is necessary to make use of arguments `no_fuse_ops` and `minimum_segment_size`."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import shutil\n",
"import tensorflow as tf\n",
"import tensorflow.neuron as tfn\n",
"\n",
"\n",
"def no_fuse_condition(op):\n",
" return any(op.name.startswith(pat) for pat in ['reshape', 'lambda_1/Cast', 'lambda_2/Cast', 'lambda_3/Cast'])\n",
"\n",
"with tf.Session(graph=tf.Graph()) as sess:\n",
" tf.saved_model.loader.load(sess, ['serve'], './yolo_v4_coco_saved_model')\n",
" no_fuse_ops = [op.name for op in sess.graph.get_operations() if no_fuse_condition(op)]\n",
"shutil.rmtree('./yolo_v4_coco_saved_model_neuron', ignore_errors=True)\n",
"result = tfn.saved_model.compile(\n",
" './yolo_v4_coco_saved_model', './yolo_v4_coco_saved_model_neuron',\n",
" # we partition the graph before casting from float16 to float32, to help reduce the output tensor size by 1/2\n",
" no_fuse_ops=no_fuse_ops,\n",
" # to enforce trivial compilable subgraphs to run on CPU\n",
" minimum_segment_size=100,\n",
" batch_size=1,\n",
" dynamic_batch_size=True,\n",
")\n",
"print(result)"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"## Part 3: Evaluate Model Quality after Compilation\n",
"### Define evaluation functions\n",
"We first define some handy helper functions for running evaluation on the COCO 2017 dataset."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"import os\n",
"import json\n",
"import time\n",
"import numpy as np\n",
"import tensorflow as tf\n",
"from pycocotools.coco import COCO\n",
"from pycocotools.cocoeval import COCOeval\n",
"\n",
"\n",
"def cocoapi_eval(jsonfile,\n",
" style,\n",
" coco_gt=None,\n",
" anno_file=None,\n",
" max_dets=(100, 300, 1000)):\n",
" \"\"\"\n",
" Args:\n",
" jsonfile: Evaluation json file, eg: bbox.json, mask.json.\n",
" style: COCOeval style, can be `bbox` , `segm` and `proposal`.\n",
" coco_gt: Whether to load COCOAPI through anno_file,\n",
" eg: coco_gt = COCO(anno_file)\n",
" anno_file: COCO annotations file.\n",
" max_dets: COCO evaluation maxDets.\n",
" \"\"\"\n",
" assert coco_gt is not None or anno_file is not None\n",
"\n",
" if coco_gt is None:\n",
" coco_gt = COCO(anno_file)\n",
" print(\"Start evaluate...\")\n",
" coco_dt = coco_gt.loadRes(jsonfile)\n",
" if style == 'proposal':\n",
" coco_eval = COCOeval(coco_gt, coco_dt, 'bbox')\n",
" coco_eval.params.useCats = 0\n",
" coco_eval.params.maxDets = list(max_dets)\n",
" else:\n",
" coco_eval = COCOeval(coco_gt, coco_dt, style)\n",
" coco_eval.evaluate()\n",
" coco_eval.accumulate()\n",
" coco_eval.summarize()\n",
" return coco_eval.stats\n",
"\n",
"\n",
"def bbox_eval(anno_file, bbox_list):\n",
" coco_gt = COCO(anno_file)\n",
"\n",
" outfile = 'bbox_detections.json'\n",
" print('Generating json file...')\n",
" with open(outfile, 'w') as f:\n",
" json.dump(bbox_list, f)\n",
"\n",
" map_stats = cocoapi_eval(outfile, 'bbox', coco_gt=coco_gt)\n",
" return map_stats\n",
"\n",
"\n",
"def get_image_as_bytes(images, eval_pre_path):\n",
" batch_im_id_list = []\n",
" batch_im_name_list = []\n",
" batch_img_bytes_list = []\n",
" n = len(images)\n",
" batch_im_id = []\n",
" batch_im_name = []\n",
" batch_img_bytes = []\n",
" for i, im in enumerate(images):\n",
" im_id = im['id']\n",
" file_name = im['file_name']\n",
" if i % eval_batch_size == 0 and i != 0:\n",
" batch_im_id_list.append(batch_im_id)\n",
" batch_im_name_list.append(batch_im_name)\n",
" batch_img_bytes_list.append(batch_img_bytes)\n",
" batch_im_id = []\n",
" batch_im_name = []\n",
" batch_img_bytes = []\n",
" batch_im_id.append(im_id)\n",
" batch_im_name.append(file_name)\n",
"\n",
" with open(os.path.join(eval_pre_path, file_name), 'rb') as f:\n",
" batch_img_bytes.append(f.read())\n",
" return batch_im_id_list, batch_im_name_list, batch_img_bytes_list\n",
"\n",
"\n",
"def analyze_bbox(results, batch_im_id, _clsid2catid):\n",
" bbox_list = []\n",
" k = 0\n",
" for boxes, scores, classes in zip(results['boxes'], results['scores'], results['classes']):\n",
" if boxes is not None:\n",
" im_id = batch_im_id[k]\n",
" n = len(boxes)\n",
" for p in range(n):\n",
" clsid = classes[p]\n",
" score = scores[p]\n",
" xmin, ymin, xmax, ymax = boxes[p]\n",
" catid = (_clsid2catid[int(clsid)])\n",
" w = xmax - xmin + 1\n",
" h = ymax - ymin + 1\n",
"\n",
" bbox = [xmin, ymin, w, h]\n",
" # Round to the nearest 10th to avoid huge file sizes, as COCO suggests\n",
" bbox = [round(float(x) * 10) / 10 for x in bbox]\n",
" bbox_res = {\n",
" 'image_id': im_id,\n",
" 'category_id': catid,\n",
" 'bbox': bbox,\n",
" 'score': float(score),\n",
" }\n",
" bbox_list.append(bbox_res)\n",
" k += 1\n",
" return bbox_list"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"Here is the actual evaluation loop. To fully utilize all four cores on one Inferentia, the optimal setup is to run multi-threaded inference using a `ThreadPoolExecutor`. The following cell is a multi-threaded adaptation of the evaluation routine at https://github.com/miemie2013/Keras-YOLOv4/blob/910c4c6f7265f5828fceed0f784496a0b46516bf/tools/cocotools.py#L97."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"from concurrent import futures\n",
"\n",
"NUM_THREADS = 4\n",
"\n",
"def evaluate(yolo_predictor, images, eval_pre_path, anno_file, eval_batch_size, _clsid2catid):\n",
" batch_im_id_list, batch_im_name_list, batch_img_bytes_list = get_image_as_bytes(images, eval_pre_path)\n",
"\n",
" # warm up\n",
" yolo_predictor({'image': np.array(batch_img_bytes_list[0], dtype=object)})\n",
" \n",
" def yolo_predictor_timer(yolo_pred, image):\n",
" begin = time.time()\n",
" result = yolo_pred(image)\n",
" delta = time.time() - begin\n",
" return result, delta\n",
"\n",
" latency = []\n",
" with futures.ThreadPoolExecutor(NUM_THREADS) as exe:\n",
" fut_im_list = []\n",
" fut_list = []\n",
"\n",
" start_time = time.time()\n",
" for batch_im_id, batch_im_name, batch_img_bytes in zip(batch_im_id_list, batch_im_name_list, batch_img_bytes_list):\n",
" if len(batch_img_bytes) != eval_batch_size:\n",
" continue\n",
" fut = exe.submit(yolo_predictor_timer, yolo_predictor, {'image': np.array(batch_img_bytes, dtype=object)})\n",
" fut_im_list.append((batch_im_id, batch_im_name))\n",
" fut_list.append(fut)\n",
" bbox_list = []\n",
" sum_time = 0.0\n",
" count = 0\n",
" for (batch_im_id, batch_im_name), fut in zip(fut_im_list, fut_list):\n",
" results, times = fut.result()\n",
" # Adjust latency since we are in batch\n",
" latency.append(times / eval_batch_size)\n",
" sum_time += times\n",
" bbox_list.extend(analyze_bbox(results, batch_im_id, _clsid2catid))\n",
" for _ in batch_im_id:\n",
" count += 1\n",
" if count % 1000 == 0:\n",
" print('Test iter {}'.format(count))\n",
"\n",
" throughput = len(images) / (sum_time / NUM_THREADS)\n",
"\n",
" \n",
" print('Average Images Per Second:', throughput)\n",
" print(\"Latency P50: {:.1f} ms\".format(np.percentile(latency, 50)*1000.0))\n",
" print(\"Latency P90: {:.1f} ms\".format(np.percentile(latency, 90)*1000.0))\n",
" print(\"Latency P95: {:.1f} ms\".format(np.percentile(latency, 95)*1000.0))\n",
" print(\"Latency P99: {:.1f} ms\".format(np.percentile(latency, 99)*1000.0))\n",
"\n",
" # start evaluation\n",
" box_ap_stats = bbox_eval(anno_file, bbox_list)\n",
" return box_ap_stats"
]
},
{
"cell_type": "markdown",
"metadata": {},
"source": [
"### Evaluate mean average precision (mAP) score\n",
"Here is the code to calculate mAP scores of the YOLO v4 model. The expected mAP score is around 0.487 if we use the pretrained weights."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {},
"outputs": [],
"source": [
"yolo_pred = tf.contrib.predictor.from_saved_model('./yolo_v4_coco_saved_model_neuron')\n",
"\n",
"val_coco_root = './val2017'\n",
"val_annotate = './annotations/instances_val2017.json'\n",
"clsid2catid = {0: 1, 1: 2, 2: 3, 3: 4, 4: 5, 5: 6, 6: 7, 7: 8, 8: 9, 9: 10, 10: 11, 11: 13, 12: 14, 13: 15, 14: 16,\n",
" 15: 17, 16: 18, 17: 19, 18: 20, 19: 21, 20: 22, 21: 23, 22: 24, 23: 25, 24: 27, 25: 28, 26: 31,\n",
" 27: 32, 28: 33, 29: 34, 30: 35, 31: 36, 32: 37, 33: 38, 34: 39, 35: 40, 36: 41, 37: 42, 38: 43,\n",
" 39: 44, 40: 46, 41: 47, 42: 48, 43: 49, 44: 50, 45: 51, 46: 52, 47: 53, 48: 54, 49: 55, 50: 56,\n",
" 51: 57, 52: 58, 53: 59, 54: 60, 55: 61, 56: 62, 57: 63, 58: 64, 59: 65, 60: 67, 61: 70, 62: 72,\n",
" 63: 73, 64: 74, 65: 75, 66: 76, 67: 77, 68: 78, 69: 79, 70: 80, 71: 81, 72: 82, 73: 84, 74: 85,\n",
" 75: 86, 76: 87, 77: 88, 78: 89, 79: 90}\n",
"eval_batch_size = 8\n",
"with open(val_annotate, 'r', encoding='utf-8') as f2:\n",
" for line in f2:\n",
" line = line.strip()\n",
" dataset = json.loads(line)\n",
" images = dataset['images']\n",
"box_ap = evaluate(yolo_pred, images, val_coco_root, val_annotate, eval_batch_size, clsid2catid)"
]
}
],
"metadata": {
"kernelspec": {
"display_name": "Environment (conda_aws_neuron_tensorflow_p36)",
"language": "python",
"name": "conda_aws_neuron_tensorflow_p36"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.6.13"
}
},
"nbformat": 4,
"nbformat_minor": 4
}
</pre></body></html> | 2023-09-29T20:55:35.576Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/general/faq/roadmap-faq.rst.txt | ```
.. _neuron_roadmap_faq:
Roadmap FAQ
===========
.. contents:: Table of contents
:local:
:depth: 1
Why did you build this?
~~~~~~~~~~~~~~~~~~~~~~~
A: We know that our customers are making decisions and plans based on
what we are developing, and we want to provide them with the right
visibility to what we are working on, as well as the opportunity to
provide direct feedback.
What do the roadmap categories mean?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
- **Roadmap Requests** - Requests we recieved and we are considering to add to the roadmap,
this is a great phase to give us feedback and let us know if you need this feature as well.
- **Working on it** - In progress, we might still be
working through the implementation details, or scoping stuff out.
This is a great phase to give us feedback as to how you want to see
something implemented. We’ll benefit from your specific use cases
here.
- **Completed** - Feature complete and supported by Neuron.
Why are there no dates on your roadmap?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: We are not providing exact target dates for releases because we
prioritize operational excellence, security and quality over hitting a
specific date. If you have an urgent need for a feature, please contact
us directly at [email protected].
Is everything on the roadmap?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: We are focusing on upgrades for existing features, as well as
building new features. We will keep adding features and capabilities to
this roadmap as time progresses.
How can I provide feedback or ask for more information?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: When in doubt, please create an issue or post a question on the `AWS
Neuron support
forum <https://forums.aws.amazon.com/forum.jspa?forumID=355>`__.
How can I request a feature be added to the roadmap?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: We encourage you to open an issue. All community-submitted issues
will be reviewed by the roadmap maintainers.
Can I "+1" existing issues?
~~~~~~~~~~~~~~~~~~~~~~~~~~~
A:We strongly encourage you to do so, as it helps us understand which
issues will have the widest impact. You can navigate to the issue
details page and add a reaction (thumbs up). There are six types of
reactions supported (thumbs down “-1”, confused, heart, watching, laugh,
hooray, and thumbs up +1).
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _neuron_roadmap_faq:
Roadmap FAQ
===========
.. contents:: Table of contents
:local:
:depth: 1
Why did you build this?
~~~~~~~~~~~~~~~~~~~~~~~
A: We know that our customers are making decisions and plans based on
what we are developing, and we want to provide them with the right
visibility to what we are working on, as well as the opportunity to
provide direct feedback.
What do the roadmap categories mean?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
- **Roadmap Requests** - Requests we recieved and we are considering to add to the roadmap,
this is a great phase to give us feedback and let us know if you need this feature as well.
- **Working on it** - In progress, we might still be
working through the implementation details, or scoping stuff out.
This is a great phase to give us feedback as to how you want to see
something implemented. We’ll benefit from your specific use cases
here.
- **Completed** - Feature complete and supported by Neuron.
Why are there no dates on your roadmap?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: We are not providing exact target dates for releases because we
prioritize operational excellence, security and quality over hitting a
specific date. If you have an urgent need for a feature, please contact
us directly at [email protected].
Is everything on the roadmap?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: We are focusing on upgrades for existing features, as well as
building new features. We will keep adding features and capabilities to
this roadmap as time progresses.
How can I provide feedback or ask for more information?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: When in doubt, please create an issue or post a question on the `AWS
Neuron support
forum <https://forums.aws.amazon.com/forum.jspa?forumID=355>`__.
How can I request a feature be added to the roadmap?
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
A: We encourage you to open an issue. All community-submitted issues
will be reviewed by the roadmap maintainers.
Can I "+1" existing issues?
~~~~~~~~~~~~~~~~~~~~~~~~~~~
A:We strongly encourage you to do so, as it helps us understand which
issues will have the widest impact. You can navigate to the issue
details page and add a reaction (thumbs up). There are six types of
reactions supported (thumbs down “-1”, confused, heart, watching, laugh,
hooray, and thumbs up +1).</pre></body></html> | 2023-09-29T20:55:35.584Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/frameworks/tensorflow/tensorflow-neuron/tutorials/tensorflow-tutorial-setup.rst.txt | ```
.. _tensorflow-tutorial-setup:
TensorFlow Tutorial Setup
=========================
#. Launch an Inf1.6xlarge Instance:
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
#. Set up a development environment:
* Enable or install TensorFlow-Neuron: :ref:`install-neuron-tensorflow`.
#. Run tutorial in Jupyter notebook:
* Follow instruction at :ref:`Setup Jupyter notebook <setup-jupyter-notebook-steps-troubleshooting>` to:
#. Start the Jupyter Notebook on the instance
#. Run the Jupyter Notebook from your local browser
* Connect to the instance from the terminal, clone the Neuron Github repository to the Inf1 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/tensorflow
* Locate the tutorial notebook file (.ipynb file) under ``aws-neuron-sdk/src/examples/tensorflow``
* From your local browser, open the tutorial notebook from the menu and follow the instructions.
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _tensorflow-tutorial-setup:
TensorFlow Tutorial Setup
=========================
#. Launch an Inf1.6xlarge Instance:
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
#. Set up a development environment:
* Enable or install TensorFlow-Neuron: :ref:`install-neuron-tensorflow`.
#. Run tutorial in Jupyter notebook:
* Follow instruction at :ref:`Setup Jupyter notebook <setup-jupyter-notebook-steps-troubleshooting>` to:
#. Start the Jupyter Notebook on the instance
#. Run the Jupyter Notebook from your local browser
* Connect to the instance from the terminal, clone the Neuron Github repository to the Inf1 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/tensorflow
* Locate the tutorial notebook file (.ipynb file) under ``aws-neuron-sdk/src/examples/tensorflow``
* From your local browser, open the tutorial notebook from the menu and follow the instructions.
</pre></body></html> | 2023-09-29T20:55:35.614Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/release-notes/tensorflow/tensorflow-modelserver-neuron/tensorflow-modelserver-neuron.rst.txt | ```
.. _tensorflow-modelserver-rn:
.. _tensorflow-modeslserver-neuron-rn:
TensorFlow-Model-Server-Neuron 1.x Release Notes
================================================
.. contents:: Table of contents
:local:
:depth: 1
This document lists the release notes for the
TensorFlow-Model-Server-Neuron package.
TensorFlow Model Server Neuron 1.x release [2.4.0.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 11/23/2022
* Deprecated the NEURONCORE_GROUP_SIZES environment variable.
* Minor bug fixes.
TensorFlow Model Server Neuron 1.x release [2.2.0.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 03/25/2022
* Minor bug fixes.
TensorFlow Model Server Neuron 1.x release [2.0.4.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 11/05/2021
* Updated Neuron Runtime (which is integrated within this package) to ``libnrt 2.2.18.0`` to fix a container issue that was preventing
the use of containers when /dev/neuron0 was not present. See details here :ref:`neuron-runtime-release-notes`.
TensorFlow Model Server Neuron 1.x release [2.0.3.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 10/27/2021
New in this release
-------------------
* TensorFlow Model Server Neuron 1.x now support Neuron Runtime 2.x (``libnrt.so`` shared library) only.
.. important::
- You must update to the latest Neuron Driver (``aws-neuron-dkms`` version 2.1 or newer)
for proper functionality of the new runtime library.
- Read :ref:`introduce-libnrt`
application note that describes :ref:`why are we making this
change <introduce-libnrt-why>` and
how :ref:`this change will affect the Neuron
SDK <introduce-libnrt-how-sdk>` in detail.
- Read :ref:`neuron-migrating-apps-neuron-to-libnrt` for detailed information of how to
migrate your application.
.. _11501510:
[1.15.0.1.5.1.0]
^^^^^^^^^^^^^^^^
Date: 07/02/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501400:
[1.15.0.1.4.0.0]
^^^^^^^^^^^^^^^^
Date: 05/24/2021
Summary
-------
1. Remove SIGINT/SIGTERM handler and rely on mechnisms provided by Neuron runtime for resource cleanup.
2. Uncap protobuf size limit.
.. _11501330:
[1.15.0.1.3.3.0]
^^^^^^^^^^^^^^^^^^^
Date: 05/01/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501290:
[1.15.0.1.2.9.0]
^^^^^^^^^^^^^^^^^^^
Date: 03/04/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501280:
[1.15.0.1.2.8.0]
^^^^^^^^^^^^^^^^^^^
Date: 02/24/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501220:
[1.15.0.1.2.2.0]
^^^^^^^^^^^^^^^^^^^
Date: 01/30/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501130:
[1.15.0.1.1.3.0]
^^^^^^^^^^^^^^^^^^^
Date: 12/23/2020
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501021680:
[1.15.0.1.0.2168.0]
^^^^^^^^^^^^^^^^^^^
Date: 11/17/2020
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501020430:
[1.15.0.1.0.2043.0]
^^^^^^^^^^^^^^^^^^^
Date: 09/22/2020
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501019650:
[1.15.0.1.0.1965.0]
^^^^^^^^^^^^^^^^^^^
Date: 08/08/2020
.. _summary-1:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501019530:
[1.15.0.1.0.1953.0]
^^^^^^^^^^^^^^^^^^^
Date: 08/05/2020
.. _summary-2:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501018910:
[1.15.0.1.0.1891.0]
^^^^^^^^^^^^^^^^^^^
Date: 07/16/2020
.. _summary-3:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501017960:
[1.15.0.1.0.1796.0]
^^^^^^^^^^^^^^^^^^^
Date 6/11/2020
.. _summary-4:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501015720:
[1.15.0.1.0.1572.0]
^^^^^^^^^^^^^^^^^^^
Date 5/11/2020
.. _summary-5:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501013330:
[1.15.0.1.0.1333.0]
^^^^^^^^^^^^^^^^^^^
Date 3/26/2020
.. _summary-6:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501012400:
[1.15.0.1.0.1240.0]
^^^^^^^^^^^^^^^^^^^
Date 2/27/2020
.. _summary-7:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150109970:
[1.15.0.1.0.997.0]
^^^^^^^^^^^^^^^^^^
Date 1/27/2019
.. _summary-8:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150108030:
[1.15.0.1.0.803.0]
^^^^^^^^^^^^^^^^^^
Date 12/20/2019
.. _summary-9:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150107490:
[1.15.0.1.0.749.0]
^^^^^^^^^^^^^^^^^^
Date 12/1/2019
.. _summary-10:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150106630:
[1.15.0.1.0.663.0]
^^^^^^^^^^^^^^^^^^
Date 11/29/2019
.. _summary-11:
Summary
-------
This version is available only in released DLAMI v26.0. See
TensorFlow-Neuron Release Notes. Please
:ref:`update <dlami-rn-known-issues>` to latest version.
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _tensorflow-modelserver-rn:
.. _tensorflow-modeslserver-neuron-rn:
TensorFlow-Model-Server-Neuron 1.x Release Notes
================================================
.. contents:: Table of contents
:local:
:depth: 1
This document lists the release notes for the
TensorFlow-Model-Server-Neuron package.
TensorFlow Model Server Neuron 1.x release [2.4.0.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 11/23/2022
* Deprecated the NEURONCORE_GROUP_SIZES environment variable.
* Minor bug fixes.
TensorFlow Model Server Neuron 1.x release [2.2.0.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 03/25/2022
* Minor bug fixes.
TensorFlow Model Server Neuron 1.x release [2.0.4.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 11/05/2021
* Updated Neuron Runtime (which is integrated within this package) to ``libnrt 2.2.18.0`` to fix a container issue that was preventing
the use of containers when /dev/neuron0 was not present. See details here :ref:`neuron-runtime-release-notes`.
TensorFlow Model Server Neuron 1.x release [2.0.3.0]
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
Date: 10/27/2021
New in this release
-------------------
* TensorFlow Model Server Neuron 1.x now support Neuron Runtime 2.x (``libnrt.so`` shared library) only.
.. important::
- You must update to the latest Neuron Driver (``aws-neuron-dkms`` version 2.1 or newer)
for proper functionality of the new runtime library.
- Read :ref:`introduce-libnrt`
application note that describes :ref:`why are we making this
change <introduce-libnrt-why>` and
how :ref:`this change will affect the Neuron
SDK <introduce-libnrt-how-sdk>` in detail.
- Read :ref:`neuron-migrating-apps-neuron-to-libnrt` for detailed information of how to
migrate your application.
.. _11501510:
[1.15.0.1.5.1.0]
^^^^^^^^^^^^^^^^
Date: 07/02/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501400:
[1.15.0.1.4.0.0]
^^^^^^^^^^^^^^^^
Date: 05/24/2021
Summary
-------
1. Remove SIGINT/SIGTERM handler and rely on mechnisms provided by Neuron runtime for resource cleanup.
2. Uncap protobuf size limit.
.. _11501330:
[1.15.0.1.3.3.0]
^^^^^^^^^^^^^^^^^^^
Date: 05/01/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501290:
[1.15.0.1.2.9.0]
^^^^^^^^^^^^^^^^^^^
Date: 03/04/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501280:
[1.15.0.1.2.8.0]
^^^^^^^^^^^^^^^^^^^
Date: 02/24/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501220:
[1.15.0.1.2.2.0]
^^^^^^^^^^^^^^^^^^^
Date: 01/30/2021
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501130:
[1.15.0.1.1.3.0]
^^^^^^^^^^^^^^^^^^^
Date: 12/23/2020
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501021680:
[1.15.0.1.0.2168.0]
^^^^^^^^^^^^^^^^^^^
Date: 11/17/2020
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501020430:
[1.15.0.1.0.2043.0]
^^^^^^^^^^^^^^^^^^^
Date: 09/22/2020
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501019650:
[1.15.0.1.0.1965.0]
^^^^^^^^^^^^^^^^^^^
Date: 08/08/2020
.. _summary-1:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501019530:
[1.15.0.1.0.1953.0]
^^^^^^^^^^^^^^^^^^^
Date: 08/05/2020
.. _summary-2:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501018910:
[1.15.0.1.0.1891.0]
^^^^^^^^^^^^^^^^^^^
Date: 07/16/2020
.. _summary-3:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501017960:
[1.15.0.1.0.1796.0]
^^^^^^^^^^^^^^^^^^^
Date 6/11/2020
.. _summary-4:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501015720:
[1.15.0.1.0.1572.0]
^^^^^^^^^^^^^^^^^^^
Date 5/11/2020
.. _summary-5:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501013330:
[1.15.0.1.0.1333.0]
^^^^^^^^^^^^^^^^^^^
Date 3/26/2020
.. _summary-6:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _11501012400:
[1.15.0.1.0.1240.0]
^^^^^^^^^^^^^^^^^^^
Date 2/27/2020
.. _summary-7:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150109970:
[1.15.0.1.0.997.0]
^^^^^^^^^^^^^^^^^^
Date 1/27/2019
.. _summary-8:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150108030:
[1.15.0.1.0.803.0]
^^^^^^^^^^^^^^^^^^
Date 12/20/2019
.. _summary-9:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150107490:
[1.15.0.1.0.749.0]
^^^^^^^^^^^^^^^^^^
Date 12/1/2019
.. _summary-10:
Summary
-------
No change. See :ref:`tensorflow-neuron-release-notes` for related TensorFlow-Neuron release
notes.
.. _1150106630:
[1.15.0.1.0.663.0]
^^^^^^^^^^^^^^^^^^
Date 11/29/2019
.. _summary-11:
Summary
-------
This version is available only in released DLAMI v26.0. See
TensorFlow-Neuron Release Notes. Please
:ref:`update <dlami-rn-known-issues>` to latest version.
</pre></body></html> | 2023-09-29T20:55:35.649Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/frameworks/torch/torch-neuron/tutorials/neuroncore_pipeline_pytorch.rst.txt | ```
.. _pytorch-tutorials-neuroncore-pipeline-pytorch:
Using NeuronCore Pipeline with PyTorch Tutorial
================================================================
.. contents:: Table of Contents
:local:
:depth: 2
Overview
--------
In this tutorial we will benchmark latency of a Hugging Face Transformers model deployed in model pipeline paralle mode using the NeuronCore Pipeline feature. We will compare the results with the usual data parallel (multi-worker) deployment. We compile a pretrained BERT base model and run the benchmarking locally.
To enable faster enviroment setup, We will run both compilation and deployment (inference) on an single inf1.6xlarge instance. You can take similar steps to recreate the benchmark on other instance sizes, such as inf1.xlarge.
If you already have an Inf1 instance environment ready, this tutorial is availabe as a Jupyter notebook at :pytorch-neuron-src:`neuroncore_pipeline_pytorch.ipynb <pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb>` and instructions can be viewed at:
.. toctree::
:maxdepth: 1
/src/examples/pytorch/pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb
Instructions of how to setup the environment and run the tutorial are available in the next sections.
.. _pytorch-neuroncore-pipeline-pytorch-env-setup:
Setup The Environment
---------------------
Launch an Inf1 instance by following the below steps, please make sure to choose an inf1.6xlarge instance.
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
.. _pytorch-neuroncore-pipeline-pytorch-run-tutorial:
Run The Tutorial
----------------
After connecting to the instance from the terminal, clone the Neuron Github repository to the EC2 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/pytorch
The Jupyter notebook is available as a file with the name :pytorch-neuron-src:`neuroncore_pipeline_pytorch.ipynb <pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb>`, you can either run the Jupyter notebook from a browser or run it as a script from terminal:
* **Running tutorial from browser**
* First setup and launch the Jupyter notebook on your local browser by following instructions at :ref:`Running Jupyter Notebook Browser`
* Open the Jupyter notebook from the menu and follow the instructions
You can also view the Jupyter notebook at:
.. toctree::
:maxdepth: 1
/src/examples/pytorch/pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb
.. _pytorch-neuroncore-pipeline-pytorch-cleanup-instances:
Clean up your instance/s
------------------------
After you've finished with the instance/s that you created for this tutorial, you should clean up by terminating the instance/s, please follow instructions at `Clean up your instance <https://docs.aws.amazon.com/AWSEC2/latest/UserGuide/EC2_GetStarted.html#ec2-clean-up-your-instance>`_.
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _pytorch-tutorials-neuroncore-pipeline-pytorch:
Using NeuronCore Pipeline with PyTorch Tutorial
================================================================
.. contents:: Table of Contents
:local:
:depth: 2
Overview
--------
In this tutorial we will benchmark latency of a Hugging Face Transformers model deployed in model pipeline paralle mode using the NeuronCore Pipeline feature. We will compare the results with the usual data parallel (multi-worker) deployment. We compile a pretrained BERT base model and run the benchmarking locally.
To enable faster enviroment setup, We will run both compilation and deployment (inference) on an single inf1.6xlarge instance. You can take similar steps to recreate the benchmark on other instance sizes, such as inf1.xlarge.
If you already have an Inf1 instance environment ready, this tutorial is availabe as a Jupyter notebook at :pytorch-neuron-src:`neuroncore_pipeline_pytorch.ipynb <pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb>` and instructions can be viewed at:
.. toctree::
:maxdepth: 1
/src/examples/pytorch/pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb
Instructions of how to setup the environment and run the tutorial are available in the next sections.
.. _pytorch-neuroncore-pipeline-pytorch-env-setup:
Setup The Environment
---------------------
Launch an Inf1 instance by following the below steps, please make sure to choose an inf1.6xlarge instance.
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
.. _pytorch-neuroncore-pipeline-pytorch-run-tutorial:
Run The Tutorial
----------------
After connecting to the instance from the terminal, clone the Neuron Github repository to the EC2 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/pytorch
The Jupyter notebook is available as a file with the name :pytorch-neuron-src:`neuroncore_pipeline_pytorch.ipynb <pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb>`, you can either run the Jupyter notebook from a browser or run it as a script from terminal:
* **Running tutorial from browser**
* First setup and launch the Jupyter notebook on your local browser by following instructions at :ref:`Running Jupyter Notebook Browser`
* Open the Jupyter notebook from the menu and follow the instructions
You can also view the Jupyter notebook at:
.. toctree::
:maxdepth: 1
/src/examples/pytorch/pipeline_tutorial/neuroncore_pipeline_pytorch.ipynb
.. _pytorch-neuroncore-pipeline-pytorch-cleanup-instances:
Clean up your instance/s
------------------------
After you've finished with the instance/s that you created for this tutorial, you should clean up by terminating the instance/s, please follow instructions at `Clean up your instance <https://docs.aws.amazon.com/AWSEC2/latest/UserGuide/EC2_GetStarted.html#ec2-clean-up-your-instance>`_.
</pre></body></html> | 2023-09-29T20:55:35.667Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/frameworks/mxnet-neuron/tutorials/mxnet-tutorial-setup.rst.txt | ```
.. _mxnet-tutorial-setup:
MXNet Tutorial Setup
====================
#. Launch an Inf1.6xlarge Instance:
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
#. Set up a development environment:
* Enable or install MXNet-Neuron: :ref:`install-neuron-mxnet`.
#. Run tutorial in Jupyter notebook:
* Follow instruction at :ref:`Setup Jupyter notebook <setup-jupyter-notebook-steps-troubleshooting>` to:
#. Start the Jupyter Notebook on the instance
#. Run the Jupyter Notebook from your local browser
* Connect to the instance from the terminal, clone the Neuron Github repository to the Inf1 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/mxnet
* Locate the tutorial notebook file (.ipynb file) under ``aws-neuron-sdk/src/examples/mxnet``
* From your local browser, open the tutorial notebook from the menu and follow the instructions.
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _mxnet-tutorial-setup:
MXNet Tutorial Setup
====================
#. Launch an Inf1.6xlarge Instance:
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
#. Set up a development environment:
* Enable or install MXNet-Neuron: :ref:`install-neuron-mxnet`.
#. Run tutorial in Jupyter notebook:
* Follow instruction at :ref:`Setup Jupyter notebook <setup-jupyter-notebook-steps-troubleshooting>` to:
#. Start the Jupyter Notebook on the instance
#. Run the Jupyter Notebook from your local browser
* Connect to the instance from the terminal, clone the Neuron Github repository to the Inf1 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/mxnet
* Locate the tutorial notebook file (.ipynb file) under ``aws-neuron-sdk/src/examples/mxnet``
* From your local browser, open the tutorial notebook from the menu and follow the instructions.</pre></body></html> | 2023-09-29T20:55:36.241Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/frameworks/torch/torch-neuron/tutorials/pytorch-tutorial-setup.rst.txt | ```
.. _pytorch-tutorial-setup:
PyTorch Tutorial Setup
======================
#. Launch an Inf1.6xlarge Instance:
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
#. Set up a development environment:
* Enable or install PyTorch-Neuron: :ref:`install-neuron-pytorch`.
#. Run tutorial in Jupyter notebook:
* Follow instruction at :ref:`Setup Jupyter notebook <setup-jupyter-notebook-steps-troubleshooting>` to:
#. Start the Jupyter Notebook on the instance
#. Run the Jupyter Notebook from your local browser
* Connect to the instance from the terminal, clone the Neuron Github repository to the Inf1 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/pytorch
* Locate the tutorial notebook file (.ipynb file) under ``aws-neuron-sdk/src/examples/pytorch``
* From your local browser, open the tutorial notebook from the menu and follow the instructions.
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _pytorch-tutorial-setup:
PyTorch Tutorial Setup
======================
#. Launch an Inf1.6xlarge Instance:
.. include:: /general/setup/install-templates/inf1/launch-inf1-dlami.rst
#. Set up a development environment:
* Enable or install PyTorch-Neuron: :ref:`install-neuron-pytorch`.
#. Run tutorial in Jupyter notebook:
* Follow instruction at :ref:`Setup Jupyter notebook <setup-jupyter-notebook-steps-troubleshooting>` to:
#. Start the Jupyter Notebook on the instance
#. Run the Jupyter Notebook from your local browser
* Connect to the instance from the terminal, clone the Neuron Github repository to the Inf1 instance and then change the working directory to the tutorial directory:
.. code::
git clone https://github.com/aws/aws-neuron-sdk.git
cd aws-neuron-sdk/src/examples/pytorch
* Locate the tutorial notebook file (.ipynb file) under ``aws-neuron-sdk/src/examples/pytorch``
* From your local browser, open the tutorial notebook from the menu and follow the instructions.
</pre></body></html> | 2023-09-29T20:55:36.555Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/frameworks/tensorflow/tensorflow-neuronx/setup/index.rst.txt | ```
.. _tensorflow-neuron-setup:
.. _tensorflow-neuronx-main:
TensorFlow Setup Guide for Inf2 & Trn1
======================================
.. toctree::
:maxdepth: 1
Fresh install </frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install>
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _tensorflow-neuron-setup:
.. _tensorflow-neuronx-main:
TensorFlow Setup Guide for Inf2 & Trn1
======================================
.. toctree::
:maxdepth: 1
Fresh install </frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install></pre></body></html> | 2023-09-29T20:55:36.645Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/containers/docker-example/inference/Dockerfile-libmode.rst.txt | ```
.. _libmode-dockerfile:
Dockerfile for Application Container
====================================
.. literalinclude:: Dockerfile-inference
:linenos:
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _libmode-dockerfile:
Dockerfile for Application Container
====================================
.. literalinclude:: Dockerfile-inference
:linenos:
</pre></body></html> | 2023-09-29T20:55:36.854Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/release-notes/neuron1/prev/content.rst.txt | ```
.. _pre-n1-release-content:
Previous Releases' Content (Neuron 1.x)
=======================================
.. contents:: Table of contents
:local:
:depth: 1
Neuron 2.5.0 (11/23/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=2.5.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.1
Neuron 1.19.2 (08/02/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.19.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.1
Neuron 1.19.1 (05/27/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.19.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- Python 3.7
Neuron 1.19.0 (04/29/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.19.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- Python 3.7
Neuron 1.18.0 (03/25/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.18.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.18.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- Python 3.7
Neuron 1.17.2 (02/18/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.17.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.17.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.17.1 (02/16/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.17.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.17.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.17.0 (01/20/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.17.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.17.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.3 (01/05/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.3
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.3
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.2 (12/15/2021)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.1 (11/05/2021)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.0 (10/27/2021)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron v1.15.2 (September 22 2021)
----------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.15.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.15.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.15.1 (August 30 2021)
-------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.15.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.15.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.15.0 (August 12 2021)
-------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.15.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.15.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.14.2 (July 26 2021)
-----------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.14.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.14.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.14.1 (July 2nd 2021)
------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.14.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.14.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.14.0 (May 28th 2021)
------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.14.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.14.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.13.0 (May 1st 2021)
-----------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.13.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.13.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
* - Neuron Conda Packages
- * torch-neuron-1.7.1.1.3.5.0
* tensorflow-neuron 1.15.5.1.3.3.0
* mxnet-neuron-1.5.1.1.4.4.0
Neuron v1.12.2 (Mar 4th 2021)
------------------------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.12.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.12.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
- Maintenance
- End Of Support
* - Python
- * Python 3.6
* Python 3.7
-
- * Python 3.5 (2/24/2021)
* - Neuron Conda Packages
- * torch-neuron 1.7.1.1.2.16.0
* tensorflow-neuron 1.15.5.1.2.9.0
* mxnet-neuron 1.5.1.1.3.8.0
-
-
Neuron v1.12.1 (Feb 24th 2021)
------------------------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.12.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.12.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
- Maintenance
- End Of Support
* - Python
- * Python 3.6
* Python 3.7
-
- * Python 3.5 (2/24/2021)
* - Neuron Conda Packages
- * torch-neuron 1.7.1.1.2.15.0
* tensorflow-neuron 1.15.5.1.2.8.0
* mxnet-neuron 1.5.1.1.3.7.0
-
-
Neuron v1.12.0 (Jan 30 2021)
----------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.12.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.12.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
- Maintenance
- End Of Support
* - Python
- * Python 3.6
* Python 3.7
-
-
* - Neuron Conda Packages
- * Conda-PyTorch 1.5.1, Conda-PyTorch 1.7.1,
* Conda-TensorFlow 1.5.1, Conda-MXNet 1.5.1
-
-
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _pre-n1-release-content:
Previous Releases' Content (Neuron 1.x)
=======================================
.. contents:: Table of contents
:local:
:depth: 1
Neuron 2.5.0 (11/23/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=2.5.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.1
Neuron 1.19.2 (08/02/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.19.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.1
Neuron 1.19.1 (05/27/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.19.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- Python 3.7
Neuron 1.19.0 (04/29/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.19.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.19.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- Python 3.7
Neuron 1.18.0 (03/25/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.18.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.18.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- Python 3.7
Neuron 1.17.2 (02/18/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.17.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.17.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.17.1 (02/16/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.17.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.17.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.17.0 (01/20/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.17.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.17.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.3 (01/05/2022)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.3
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.3
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.2 (12/15/2021)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.1 (11/05/2021)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron 1.16.0 (10/27/2021)
--------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.16.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.16.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
Neuron v1.15.2 (September 22 2021)
----------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.15.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.15.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.15.1 (August 30 2021)
-------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.15.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.15.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.15.0 (August 12 2021)
-------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.15.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.15.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.14.2 (July 26 2021)
-----------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.14.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.14.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.14.1 (July 2nd 2021)
------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.14.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.14.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.14.0 (May 28th 2021)
------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.14.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.14.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
Neuron v1.13.0 (May 1st 2021)
-----------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.13.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.13.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
* - Python
- * Python 3.6
* Python 3.7
* Python 3.8 [Experimental]
* - Neuron Conda Packages
- * torch-neuron-1.7.1.1.3.5.0
* tensorflow-neuron 1.15.5.1.3.3.0
* mxnet-neuron-1.5.1.1.4.4.0
Neuron v1.12.2 (Mar 4th 2021)
------------------------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.12.2
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.12.2
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
- Maintenance
- End Of Support
* - Python
- * Python 3.6
* Python 3.7
-
- * Python 3.5 (2/24/2021)
* - Neuron Conda Packages
- * torch-neuron 1.7.1.1.2.16.0
* tensorflow-neuron 1.15.5.1.2.9.0
* mxnet-neuron 1.5.1.1.3.8.0
-
-
Neuron v1.12.1 (Feb 24th 2021)
------------------------------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.12.1
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.12.1
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
- Maintenance
- End Of Support
* - Python
- * Python 3.6
* Python 3.7
-
- * Python 3.5 (2/24/2021)
* - Neuron Conda Packages
- * torch-neuron 1.7.1.1.2.15.0
* tensorflow-neuron 1.15.5.1.2.8.0
* mxnet-neuron 1.5.1.1.3.7.0
-
-
Neuron v1.12.0 (Jan 30 2021)
----------------------------
Release included packages
^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list packages --neuron-version=1.12.0
See :ref:`neuron-maintenance-policy` for more information.
Release supported frameworks
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. program-output:: python3 src/helperscripts/neuronsetuphelper.py --file src/helperscripts/neuron-releases-manifest.json --list frameworks --neuron-version=1.12.0
Dependency Software Supported Versions
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
.. list-table::
:widths: auto
:header-rows: 1
:align: left
* - Software
- Supported
- Maintenance
- End Of Support
* - Python
- * Python 3.6
* Python 3.7
-
-
* - Neuron Conda Packages
- * Conda-PyTorch 1.5.1, Conda-PyTorch 1.7.1,
* Conda-TensorFlow 1.5.1, Conda-MXNet 1.5.1
-
-
</pre></body></html> | 2023-09-29T20:55:38.004Z |
|
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/general/devflows/inference/dlc-then-ec2-devflow.rst.txt | ```
.. _dlc-then-ec2-devflow:
Deploy Neuron Container on EC2
==============================
.. contents:: Table of Contents
:local:
:depth: 2
Description
-----------
|image|
.. |image| image:: /images/dlc-on-ec2-dev-flow.png
:width: 500
:alt: Neuron developer flow for DLC on EC2
:align: middle
You can use the Neuron version of the `AWS Deep Learning Containers <https://docs.aws.amazon.com/deep-learning-containers/latest/devguide/deep-learning-containers-ec2-tutorials-inference.html>`_ to run inference on inf1 instances. In this developer flow, you provision an EC2 inf1 instance using a Deep Learming AMI (DLAMI), pull the container image with the Neuron version of the desired framework, and run the container as a server for the already compiled model. This developer flow assumes the model has already has been compiled through a :ref:`compilation developer flow <compilation-flow-target>`
.. _dlc-then-ec2-setenv:
Setup Environment
-----------------
1. Launch an Inf1 Instance
.. include:: /general/setup/install-templates/inf1/launch-inf1-ami.rst
2. Once you have your EC2 environment set according to :ref:`tutorial-docker-env-setup`, you can build and run a Neuron container using the :ref:`how-to-build-neuron-container` section above.
.. [DLC specific flow, uncomment when DLC available] Follow the `Getting Started with Deep Learning Containers for Inference on EC2 <https://docs.aws.amazon.com/deep-learning-containers/latest/devguide/deep-learning-containers-ec2-tutorials-inference.html>`_ and use the appropriate DLC container.
.. note::
**Prior to running the container**, make sure that the Neuron runtime on the instance is turned off, by running the command:
.. code:: bash
sudo service neuron-rtd stop
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _dlc-then-ec2-devflow:
Deploy Neuron Container on EC2
==============================
.. contents:: Table of Contents
:local:
:depth: 2
Description
-----------
|image|
.. |image| image:: /images/dlc-on-ec2-dev-flow.png
:width: 500
:alt: Neuron developer flow for DLC on EC2
:align: middle
You can use the Neuron version of the `AWS Deep Learning Containers <https://docs.aws.amazon.com/deep-learning-containers/latest/devguide/deep-learning-containers-ec2-tutorials-inference.html>`_ to run inference on inf1 instances. In this developer flow, you provision an EC2 inf1 instance using a Deep Learming AMI (DLAMI), pull the container image with the Neuron version of the desired framework, and run the container as a server for the already compiled model. This developer flow assumes the model has already has been compiled through a :ref:`compilation developer flow <compilation-flow-target>`
.. _dlc-then-ec2-setenv:
Setup Environment
-----------------
1. Launch an Inf1 Instance
.. include:: /general/setup/install-templates/inf1/launch-inf1-ami.rst
2. Once you have your EC2 environment set according to :ref:`tutorial-docker-env-setup`, you can build and run a Neuron container using the :ref:`how-to-build-neuron-container` section above.
.. [DLC specific flow, uncomment when DLC available] Follow the `Getting Started with Deep Learning Containers for Inference on EC2 <https://docs.aws.amazon.com/deep-learning-containers/latest/devguide/deep-learning-containers-ec2-tutorials-inference.html>`_ and use the appropriate DLC container.
.. note::
**Prior to running the container**, make sure that the Neuron runtime on the instance is turned off, by running the command:
.. code:: bash
sudo service neuron-rtd stop
</pre></body></html> | 2023-09-29T20:55:38.011Z |
|
Install TensorFlow 2.x (tensorflow-neuronx) — AWS Neuron Documentation | https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html | # Install TensorFlow 2.x (tensorflow-neuronx) — AWS Neuron Documentation
## Install TensorFlow 2.x (`tensorflow-neuronx`)[#](#install-tensorflow-2-x-tensorflow-neuronx "Permalink to this headline")
Tensorflow 2.10.1
Amazon Linux 2
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
Ubuntu 20
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
Tensorflow 2.9.3
Amazon Linux 2
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
Ubuntu 20
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
Tensorflow 2.8.4
Amazon Linux 2
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
Ubuntu 20
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
Tensorflow 2.7.4
Amazon Linux 2
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
Ubuntu 20
Note
- For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.
- When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.
```
# Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
```
_This document is relevant for_: `Inf2`, `Trn1`, `Trn1n` | <!DOCTYPE html><html lang="en"><head>
<meta charset="utf-8">
<meta name="viewport" content="width=device-width, initial-scale=1.0">
<title>Install TensorFlow 2.x (tensorflow-neuronx) — AWS Neuron Documentation</title>
<!-- Loaded before other Sphinx assets -->
<link href="../../../../_static/styles/theme.css?digest=1999514e3f237ded88cf" rel="stylesheet">
<link href="../../../../_static/styles/pydata-sphinx-theme.css?digest=1999514e3f237ded88cf" rel="stylesheet">
<link rel="stylesheet" href="../../../../_static/vendor/fontawesome/5.13.0/css/all.min.css">
<link rel="preload" as="font" type="font/woff2" crossorigin="" href="../../../../_static/vendor/fontawesome/5.13.0/webfonts/fa-solid-900.woff2">
<link rel="preload" as="font" type="font/woff2" crossorigin="" href="../../../../_static/vendor/fontawesome/5.13.0/webfonts/fa-brands-400.woff2">
<link rel="stylesheet" type="text/css" href="../../../../_static/pygments.css">
<link rel="stylesheet" href="../../../../_static/styles/sphinx-book-theme.css?digest=5115cc725059bd94278eecd172e13a965bf8f5a9" type="text/css">
<link rel="stylesheet" type="text/css" href="../../../../_static/css/custom.css">
<link rel="stylesheet" type="text/css" href="../../../../_static/styles/sphinx-book-theme.css">
<link rel="stylesheet" type="text/css" href="../../../../_static/contentui.css">
<link rel="stylesheet" type="text/css" href="../../../../_static/design-style.4045f2051d55cab465a707391d5b2007.min.css">
<link rel="stylesheet" type="text/css" href="/_/static/css/badge_only.css">
<!-- Pre-loaded scripts that we'll load fully later -->
<link rel="preload" as="script" href="../../../../_static/scripts/pydata-sphinx-theme.js?digest=1999514e3f237ded88cf">
<script type="text/javascript" async="" src="https://www.googletagmanager.com/gtag/js?id=G-2Q13EGB80H&l=dataLayer&cx=c"></script><script type="text/javascript" async="" src="https://www.google-analytics.com/analytics.js"></script><script data-url_root="../../../../" id="documentation_options" src="../../../../_static/documentation_options.js"></script>
<script src="../../../../_static/jquery.js"></script>
<script src="../../../../_static/underscore.js"></script>
<script src="../../../../_static/doctools.js"></script>
<script src="../../../../_static/scripts/sphinx-book-theme.js?digest=9c920249402e914e316237a7dbc6769907cce411"></script>
<script src="../../../../_static/contentui.js"></script>
<script src="../../../../_static/design-tabs.js"></script>
<script crossorigin="anonymous" integrity="sha256-Ae2Vz/4ePdIu6ZyI/5ZGsYnb+m0JlOmKPjt6XZ9JJkA=" src="https://cdnjs.cloudflare.com/ajax/libs/require.js/2.3.4/require.min.js"></script>
<script async="async" src="/_/static/javascript/readthedocs-doc-embed.js"></script>
<link rel="index" title="Index" href="../../../../genindex.html">
<link rel="search" title="Search" href="../../../../search.html">
<meta name="viewport" content="width=device-width, initial-scale=1">
<meta name="docsearch:language" content="en">
<!-- Google Analytics -->
<style type="text/css">
ul.ablog-archive {
list-style: none;
overflow: auto;
margin-left: 0px;
}
ul.ablog-archive li {
float: left;
margin-right: 5px;
font-size: 80%;
}
ul.postlist a {
font-style: italic;
}
ul.postlist-style-disc {
list-style-type: disc;
}
ul.postlist-style-none {
list-style-type: none;
}
ul.postlist-style-circle {
list-style-type: circle;
}
</style>
<!-- RTD Extra Head -->
<link rel="stylesheet" href="/_/static/css/readthedocs-doc-embed.css" type="text/css">
<script type="application/json" id="READTHEDOCS_DATA">{"ad_free": false, "api_host": "https://readthedocs.com", "builder": "sphinx", "canonical_url": null, "docroot": "/", "features": {"docsearch_disabled": false}, "global_analytics_code": "UA-17997319-2", "language": "en", "page": "frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install", "programming_language": "py", "project": "awsdocs-neuron", "proxied_api_host": "/_", "source_suffix": ".rst", "subprojects": {}, "theme": "sphinx_book_theme", "user_analytics_code": "G-2Q13EGB80H", "version": "v2.14.1"}</script>
<!--
Using this variable directly instead of using `JSON.parse` is deprecated.
The READTHEDOCS_DATA global variable will be removed in the future.
-->
<script type="text/javascript">
READTHEDOCS_DATA = JSON.parse(document.getElementById('READTHEDOCS_DATA').innerHTML);
</script>
<script type="text/javascript" src="/_/static/javascript/readthedocs-analytics.js" async="async"></script>
<!-- end RTD <extrahead> -->
<script src="https://www.googletagmanager.com/gtag/js?id=UA-17997319-2" type="text/javascript" async=""></script><meta http-equiv="origin-trial" content="AymqwRC7u88Y4JPvfIF2F37QKylC04248hLCdJAsh8xgOfe/dVJPV3XS3wLFca1ZMVOtnBfVjaCMTVudWM//5g4AAAB7eyJvcmlnaW4iOiJodHRwczovL3d3dy5nb29nbGV0YWdtYW5hZ2VyLmNvbTo0NDMiLCJmZWF0dXJlIjoiUHJpdmFjeVNhbmRib3hBZHNBUElzIiwiZXhwaXJ5IjoxNjk1MTY3OTk5LCJpc1RoaXJkUGFydHkiOnRydWV9"></head>
<body data-spy="scroll" data-target="#bd-toc-nav" data-offset="60">
<!-- Checkboxes to toggle the left sidebar -->
<input type="checkbox" class="sidebar-toggle" name="__navigation" id="__navigation" aria-label="Toggle navigation sidebar">
<label class="overlay overlay-navbar" for="__navigation">
<div class="visually-hidden">Toggle navigation sidebar</div>
</label>
<!-- Checkboxes to toggle the in-page toc -->
<input type="checkbox" class="sidebar-toggle" name="__page-toc" id="__page-toc" aria-label="Toggle in-page Table of Contents">
<label class="overlay overlay-pagetoc" for="__page-toc">
<div class="visually-hidden">Toggle in-page Table of Contents</div>
</label>
<!-- Headers at the top -->
<div class="announcement header-item noprint">Neuron 2.14.0 is released! check <a class="reference internal" style="color:white;" href="https://awsdocs-neuron.readthedocs-hosted.com/en/latest/release-notes/index.html#latest-neuron-release"> What's New </a> and <a class="reference internal" style="color:white;" href="https://awsdocs-neuron.readthedocs-hosted.com/en/latest/general/announcements/index.html"> Announcements </a></div>
<div class="header header-item noprint"></div>
<div class="container-fluid" id="banner"></div>
<div class="container-xl">
<div class="row">
<!-- Sidebar -->
<div class="bd-sidebar noprint" id="site-navigation">
<div class="bd-sidebar__content">
<div class="bd-sidebar__top"><div class="navbar-brand-box">
<a class="navbar-brand text-wrap" href="../../../../index.html">
<!-- `logo` is deprecated in Sphinx 4.0, so remove this when we stop supporting 3 -->
<img src="../../../../_static/Site-Merch_Neuron-ML-SDK_Editorial.png" class="logo" alt="logo">
<h1 class="site-logo" id="site-title">AWS Neuron Documentation</h1>
</a>
</div><form class="bd-search d-flex align-items-center" action="../../../../search.html" method="get">
<i class="icon fas fa-search"></i>
<input type="search" class="form-control" name="q" id="search-input" placeholder="Search the docs ..." aria-label="Search the docs ..." autocomplete="off">
</form><nav class="bd-links" id="bd-docs-nav" aria-label="Main">
<div class="bd-toc-item active">
<p aria-level="2" class="caption" role="heading">
<span class="caption-text">
Overview
</span>
</p>
<ul class="nav bd-sidenav">
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/quick-start/docs-quicklinks.html">
Quick Links
</a>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/quick-start/index.html">
Get Started with Neuron
</a>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/quick-start/github-samples.html">
GitHub Samples
</a>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/benchmarks/index.html">
Performance
</a>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../release-notes/index.html">
What’s New
</a>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/announcements/index.html">
Announcements
</a>
</li>
</ul>
<p aria-level="2" class="caption" role="heading">
<span class="caption-text">
ML Frameworks
</span>
</p>
<ul class="nav bd-sidenav">
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../torch/index.html">
PyTorch Neuron
</a>
<input class="toctree-checkbox" id="toctree-checkbox-1" name="toctree-checkbox-1" type="checkbox">
<label for="toctree-checkbox-1">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../torch/torch-setup.html">
Pytorch Neuron Setup
</a>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../torch/inference-torch-neuronx.html">
Inference (Inf2 & Trn1)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-2" name="toctree-checkbox-2" type="checkbox">
<label for="toctree-checkbox-2">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/inference/tutorials-torch-neuronx.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-3" name="toctree-checkbox-3" type="checkbox">
<label for="toctree-checkbox-3">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../src/examples/pytorch/torch-neuronx/bert-base-cased-finetuned-mrpc-inference-on-trn1-tutorial.html">
Compiling and Deploying HuggingFace Pretrained BERT on Trn1 or Inf2
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/inference/tutorial-torchserve-neuronx.html">
BERT TorchServe Tutorial
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/tutorials/tutorial-libtorch.html">
LibTorch C++ Tutorial
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../src/examples/pytorch/torch-neuronx/resnet50-inference-on-trn1-tutorial.html">
Compiling and Deploying ResNet50 on Trn1 or Inf2
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../src/examples/pytorch/torch-neuronx/t5-inference-tutorial.html">
T5 model inference on Trn1 or Inf2
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/additional-examples-inference-torch-neuronx.html">
Additional Examples
</a>
<input class="toctree-checkbox" id="toctree-checkbox-4" name="toctree-checkbox-4" type="checkbox">
<label for="toctree-checkbox-4">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/tree/master/torch-neuronx/">
AWS Neuron Samples GitHub Repository
</a>
</li>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/tree/master/torch-neuronx/transformers-neuronx">
Transformers Neuron GitHub samples
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/inference/inference-api-guide-torch-neuronx.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-5" name="toctree-checkbox-5" type="checkbox">
<label for="toctree-checkbox-5">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/inference/api-torch-neuronx-trace.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) Tracing API for Inference
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/inference/api-torch-neuronx-core-placement.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) NeuronCore Placement APIs
<strong>
[Experimental]
</strong>
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/inference/api-torch-neuronx-analyze.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) Analyze API for Inference
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/inference/api-torch-neuronx-data-parallel.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) DataParallel API
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/programming-guide/inference/index.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-6" name="toctree-checkbox-6" type="checkbox">
<label for="toctree-checkbox-6">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/programming-guide/inference/core-placement.html">
NeuronCore Allocation and Model Placement for Inference (
<span class="xref std std-ref">
torch-neuronx
</span>
)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/programming-guide/inference/trace-vs-xla-lazytensor.html">
Comparison of Traced Inference versus XLA
<span class="xref std std-ref">
Lazy Tensor
</span>
Inference (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/appnotes/torch-neuronx/torch-neuronx-dataparallel-app-note.html">
Data Parallel Inference on torch_neuronx
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/misc-inference-torch-neuronx.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-7" name="toctree-checkbox-7" type="checkbox">
<label for="toctree-checkbox-7">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/torch/torch-neuronx/index.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) release notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../torch/inference-torch-neuron.html">
Inference (Inf1)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-8" name="toctree-checkbox-8" type="checkbox">
<label for="toctree-checkbox-8">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuron/tutorials/tutorials-inference-torch-neuron.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-9" name="toctree-checkbox-9" type="checkbox">
<label for="toctree-checkbox-9">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/tutorials/tutorials-torch-neuron-computervision.html">
Computer Vision Tutorials
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/tutorials/tutorials-torch-neuron-nlp.html">
Natural Language Processing (NLP) Tutorials
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/tutorials/tutorials-utilizing-neuron-capabilities.html">
Utilizing Neuron Capabilities Tutorials
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuron/additional-examples-inference-torch-neuron.html">
Additional Examples
</a>
<input class="toctree-checkbox" id="toctree-checkbox-10" name="toctree-checkbox-10" type="checkbox">
<label for="toctree-checkbox-10">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/tree/master/torch-neuron/inference">
AWS Neuron Samples GitHub Repository
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuron/api-reference-guide-torch-neuron.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-11" name="toctree-checkbox-11" type="checkbox">
<label for="toctree-checkbox-11">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/api-compilation-python-api.html">
PyTorch Neuron trace Python API
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/api-torch-neuron-dataparallel-api.html">
torch.neuron.DataParallel API
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/api-core-placement.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuron
</span>
</code>
) Core Placement API [Experimental]
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuron/developer-guide-torch-neuron.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-12" name="toctree-checkbox-12" type="checkbox">
<label for="toctree-checkbox-12">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/appnotes/torch-neuron/bucketing-app-note.html">
Running Inference on Variable Input Shapes with Bucketing
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/appnotes/torch-neuron/torch-neuron-dataparallel-app-note.html">
Data Parallel Inference on PyTorch Neuron
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/guides/torch-lstm-support.html">
Developer Guide - PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuron
</span>
</code>
)
<code class="xref py py-class docutils literal notranslate">
<span class="pre">
LSTM
</span>
</code>
Support
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/guides/core-placement/torch-core-placement.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuron
</span>
</code>
) Core Placement
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuron/misc-inference-torch-neuron.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-13" name="toctree-checkbox-13" type="checkbox">
<label for="toctree-checkbox-13">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/compiler/neuron-cc/neuron-cc-ops/neuron-cc-ops-pytorch.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuron
</span>
</code>
) Supported operators
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuron/troubleshooting-guide.html">
Troubleshooting Guide for PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuron
</span>
</code>
)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/torch/torch-neuron/torch-neuron.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuron
</span>
</code>
) release notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../torch/training-torch-neuronx.html">
Training
</a>
<input class="toctree-checkbox" id="toctree-checkbox-14" name="toctree-checkbox-14" type="checkbox">
<label for="toctree-checkbox-14">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/training/tutorials-training-torch-neuronx.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-15" name="toctree-checkbox-15" type="checkbox">
<label for="toctree-checkbox-15">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/training/bert.html">
Hugging Face BERT Pretraining Tutorial
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/training/mlp.html">
Multi-Layer Perceptron Training Tutorial
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/training/finetune_hftrainer.html">
PyTorch Neuron for Trainium Hugging Face BERT MRPC task finetuning using Hugging Face Trainer API
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/training/finetune_t5.html">
Fine-tune T5 model on Trn1
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/training/zero1_gpt2.html">
ZeRO-1 Tutorial
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/tutorials/training/analyze_for_training.html">
Analyze for Training Tutorial
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../neuron-customops/tutorials/customop-mlp-training.html">
Neuron Custom C++ Operators in MLP Training
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../neuron-customops/tutorials/customop-mlp-perf-opt.html">
Neuron Custom C++ Operators Performance Optimization
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/additional-examples-training.html">
Additional Examples
</a>
<input class="toctree-checkbox" id="toctree-checkbox-16" name="toctree-checkbox-16" type="checkbox">
<label for="toctree-checkbox-16">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/neuronx-nemo-megatron">
AWS Neuron Reference for Nemo Megatron GitHub Repository
</a>
</li>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-eks-samples">
AWS Neuron Samples for EKS
</a>
</li>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-parallelcluster-samples">
AWS Neuron Samples for AWS ParallelCluster
</a>
</li>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/tree/master/torch-neuronx/training">
AWS Neuron Samples GitHub Repository
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/training/index.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-17" name="toctree-checkbox-17" type="checkbox">
<label for="toctree-checkbox-17">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/training/pytorch-neuron-parallel-compile.html">
PyTorch Neuron neuron_parallel_compile CLI (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/training/torch-neuron-envvars.html">
PyTorch Neuron Environment Variables (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/arch/neuron-features/neuron-caching.html">
Neuron Persistent Cache
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/api-reference-guide/torch-neuronx-profiling-api.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) Profiling API
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/programming-guide/training/index.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-18" name="toctree-checkbox-18" type="checkbox">
<label for="toctree-checkbox-18">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/programming-guide/training/pytorch-neuron-programming-guide.html">
Developer Guide for Training with PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/programming-guide/training/pytorch-neuron-debug.html">
How to debug models in PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/programming-guide/torch-neuronx-profiling-dev-guide.html">
Developer Guide for Profiling with PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
)
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../torch/torch-neuronx/misc-training.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-19" name="toctree-checkbox-19" type="checkbox">
<label for="toctree-checkbox-19">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/pytorch-neuron-supported-operators.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) - Supported Operators
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/setup-trn1-multi-node-execution.html">
How to prepare trn1.32xlarge for multi-node execution
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../torch/torch-neuronx/training-troubleshooting.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) for Training Troubleshooting Guide
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/torch/torch-neuronx/index.html">
PyTorch Neuron (
<code class="docutils literal notranslate">
<span class="pre">
torch-neuronx
</span>
</code>
) release notes
</a>
</li>
</ul>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../index.html">
TensorFlow Neuron
</a>
<input class="toctree-checkbox" id="toctree-checkbox-20" name="toctree-checkbox-20" type="checkbox">
<label for="toctree-checkbox-20">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../tensorflow-setup.html">
Tensorflow Neuron Setup
</a>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../tensorflow-neuronx-inference.html">
Inference (Inf2 & Trn1)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-21" name="toctree-checkbox-21" type="checkbox">
<label for="toctree-checkbox-21">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../tutorials/tutorials-tensorflow-neuronx.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-22" name="toctree-checkbox-22" type="checkbox">
<label for="toctree-checkbox-22">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../src/examples/tensorflow/tensorflow-neuronx/tfneuronx-roberta-base-tutorial.html">
HuggingFace Roberta-Base
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../tutorials/tutorial-tensorflowx-serving-NeuronRT-Visible-Cores.html">
Using NEURON_RT_VISIBLE_CORES with TensorFlow Serving
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-23" name="toctree-checkbox-23" type="checkbox">
<label for="toctree-checkbox-23">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../tfneuronx-python-tracing-api.html">
TensorFlow 2.x (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuronx
</span>
</code>
) Tracing API
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../tf-neuronx-auto-replication-api.html">
TensorFlow Neuron (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuronx
</span>
</code>
) Auto Multicore Replication (Experimental)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../tfnx-analyze-model-api.html">
TensorFlow 2.x (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuronx
</span>
</code>
) analyze_model API
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../misc-tensorflow-neuronx.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-24" name="toctree-checkbox-24" type="checkbox">
<label for="toctree-checkbox-24">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/tensorflow/tensorflow-neuronx/tensorflow-neuronx.html">
TensorFlow Neuron (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuronx
</span>
</code>
) Release Notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../tensorflow-neuron-inference.html">
Inference (Inf1)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-25" name="toctree-checkbox-25" type="checkbox">
<label for="toctree-checkbox-25">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../tensorflow-neuron/tutorials/tutorials-tensorflow-neuron.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-26" name="toctree-checkbox-26" type="checkbox">
<label for="toctree-checkbox-26">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/tutorials/tutorials-tensorflow-computervision.html">
Computer Vision Tutorials
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/tutorials/tutorials-tensorflow-nlp.html">
Natural Language Processing (NLP) Tutorials
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/tutorials/tutorials-tensorflow-utilizing-neuron-capabilities.html">
Utilizing Neuron Capabilities Tutorials
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../tensorflow-neuron/additional-examples.html">
Additional Examples
</a>
<input class="toctree-checkbox" id="toctree-checkbox-27" name="toctree-checkbox-27" type="checkbox">
<label for="toctree-checkbox-27">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/tree/master/tensorflow-neuron/inference">
AWS Neuron Samples GitHub Repository
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../tensorflow-neuron/api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-28" name="toctree-checkbox-28" type="checkbox">
<label for="toctree-checkbox-28">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/api-tracing-python-api.html">
TensorFlow 2.x (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
</code>
) Tracing API
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/api-tfn-analyze-model-api.html">
TensorFlow 2.x (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
</code>
) analyze_model API
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/api-compilation-python-api.html">
TensorFlow 1.x (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
</code>
) Compilation API
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/api-auto-replication-api.html">
TensorFlow Neuron (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
</code>
) Auto Multicore Replication (Experimental)
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../tensorflow-neuron/misc-tensorflow-neuron.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-29" name="toctree-checkbox-29" type="checkbox">
<label for="toctree-checkbox-29">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/tensorflow/tensorflow-neuron/tensorflow-neuron.html">
TensorFlow Neuron (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
<span class="pre">
(TF1.x)
</span>
</code>
) Release Notes
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/tensorflow/tensorflow-neuron/tensorflow-neuron-v2.html">
TensorFlow Neuron (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
<span class="pre">
(TF2.x)
</span>
</code>
) Release Notes
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../tensorflow-neuron/tensorflow2-accelerated-ops.html">
TensorFlow Neuron (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
<span class="pre">
(TF2.x)
</span>
</code>
) Accelerated (torch-neuron) Python APIs and Graph Ops
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/compiler/neuron-cc/neuron-cc-ops/neuron-cc-ops-tensorflow.html">
TensorFlow Neuron (
<code class="docutils literal notranslate">
<span class="pre">
tensorflow-neuron
</span>
<span class="pre">
(TF1.x)
</span>
</code>
) Supported operators
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../training.html">
Training
</a>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../mxnet-neuron/index.html">
Apache MXNet (Incubating)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-30" name="toctree-checkbox-30" type="checkbox">
<label for="toctree-checkbox-30">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../mxnet-neuron/mxnet-neuron-setup.html">
MXNet Neuron Setup
</a>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../mxnet-neuron/inference-mxnet-neuron.html">
Inference (Inf1)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-31" name="toctree-checkbox-31" type="checkbox">
<label for="toctree-checkbox-31">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../mxnet-neuron/tutorials/tutorials-mxnet-neuron.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-32" name="toctree-checkbox-32" type="checkbox">
<label for="toctree-checkbox-32">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../mxnet-neuron/tutorials/tutorials-mxnet-computervision.html">
Computer Vision Tutorials
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../mxnet-neuron/tutorials/tutorials-mxnet-nlp.html">
Natural Language Processing (NLP) Tutorials
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../mxnet-neuron/tutorials/tutorials-mxnet-utilizing-neuron-capabilities.html">
Utilizing Neuron Capabilities Tutorials
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../mxnet-neuron/api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-33" name="toctree-checkbox-33" type="checkbox">
<label for="toctree-checkbox-33">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../mxnet-neuron/api-compilation-python-api.html">
Neuron Apache MXNet (Incubating) Compilation Python API
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../mxnet-neuron/developer-guide.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-34" name="toctree-checkbox-34" type="checkbox">
<label for="toctree-checkbox-34">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/appnotes/mxnet-neuron/flex-eg.html">
Flexible Execution Group (FlexEG) in Neuron-MXNet
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../mxnet-neuron/misc-mxnet-neuron.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-35" name="toctree-checkbox-35" type="checkbox">
<label for="toctree-checkbox-35">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../mxnet-neuron/troubleshooting-guide.html">
Troubleshooting Guide for Neuron Apache MXNet (Incubating)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/mxnet-neuron/mxnet-neuron.html">
What's New
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/compiler/neuron-cc/neuron-cc-ops/neuron-cc-ops-mxnet.html">
Neuron Apache MXNet (Incubating) Supported operators
</a>
</li>
</ul>
</li>
</ul>
</li>
</ul>
</li>
</ul>
<p aria-level="2" class="caption" role="heading">
<span class="caption-text">
ML Libraries
</span>
</p>
<ul class="nav bd-sidenav">
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../libraries/transformers-neuronx/index.html">
Transformers Neuron
</a>
<input class="toctree-checkbox" id="toctree-checkbox-36" name="toctree-checkbox-36" type="checkbox">
<label for="toctree-checkbox-36">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../libraries/transformers-neuronx/setup/index.html">
Setup
</a>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/transformers-neuronx/developer-guide.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-37" name="toctree-checkbox-37" type="checkbox">
<label for="toctree-checkbox-37">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/transformers-neuronx/transformers-neuronx-developer-guide.html">
Transformers Neuron (
<code class="docutils literal notranslate">
<span class="pre">
transformers-neuronx
</span>
</code>
) Developer Guide
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/transformers-neuronx/transformers-neuronx-tutorials.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-38" name="toctree-checkbox-38" type="checkbox">
<label for="toctree-checkbox-38">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/blob/master/torch-neuronx/transformers-neuronx/inference/meta-llama-2-13b-sampling.ipynb">
Hugging Face meta-llama/Llama-2-13b autoregressive sampling on Inf2 & Trn1
</a>
</li>
<li class="toctree-l3">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/blob/master/torch-neuronx/transformers-neuronx/inference/facebook-opt-13b-sampling.ipynb">
Hugging Face facebook/opt-13b autoregressive sampling on Inf2 & Trn1
</a>
</li>
<li class="toctree-l3">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/blob/master/torch-neuronx/transformers-neuronx/inference/facebook-opt-30b-sampling.ipynb">
Hugging Face facebook/opt-30b autoregressive sampling on Inf2 & Trn1
</a>
</li>
<li class="toctree-l3">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-samples/blob/master/torch-neuronx/transformers-neuronx/inference/facebook-opt-66b-sampling.ipynb">
Hugging Face facebook/opt-66b autoregressive sampling on Inf2
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/transformers-neuronx/transformers-neuronx-misc.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-39" name="toctree-checkbox-39" type="checkbox">
<label for="toctree-checkbox-39">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/torch/transformers-neuronx/index.html">
Transformers Neuron (
<code class="docutils literal notranslate">
<span class="pre">
transformers-neuronx
</span>
</code>
) release notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/index.html">
Neuron Distributed
</a>
<input class="toctree-checkbox" id="toctree-checkbox-40" name="toctree-checkbox-40" type="checkbox">
<label for="toctree-checkbox-40">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/setup/index.html">
Setup
</a>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/app_notes.html">
App Notes
</a>
<input class="toctree-checkbox" id="toctree-checkbox-41" name="toctree-checkbox-41" type="checkbox">
<label for="toctree-checkbox-41">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/tensor_parallelism_overview.html">
Tensor Parallelism Overview
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-42" name="toctree-checkbox-42" type="checkbox">
<label for="toctree-checkbox-42">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/api_guide.html">
API Reference Guide (
<code class="docutils literal notranslate">
<span class="pre">
neuronx-distributed
</span>
</code>
)
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/developer-guide.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-43" name="toctree-checkbox-43" type="checkbox">
<label for="toctree-checkbox-43">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/tp_developer_guide.html">
Developer guide for Tensor Parallelism (
<code class="docutils literal notranslate">
<span class="pre">
neuronx-distributed
</span>
</code>
)
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/tutorials/index.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-44" name="toctree-checkbox-44" type="checkbox">
<label for="toctree-checkbox-44">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/tutorials/training.html">
Training using Tensor Parallelism
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/tutorials/training-gpt-neox.html">
Training GPT-NeoX 6.9B using TP and ZeRO-1
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/tutorials/training-gpt-neox-20b.html">
Training GPT-NeoX 20B using TP and ZeRO-1
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../src/examples/pytorch/neuronx_distributed/t5-inference/t5-inference-tutorial.html">
T5 inference with Tensor Parallelism
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/tutorials/inference.html">
Inference using Tensor Parallelism
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../libraries/neuronx-distributed/neuronx-distributed-misc.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-45" name="toctree-checkbox-45" type="checkbox">
<label for="toctree-checkbox-45">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/neuronx-distributed/neuronx-distributed.html">
Neuron Distributed Release Notes (
<code class="docutils literal notranslate">
<span class="pre">
neuronx-distributed
</span>
</code>
)
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../libraries/nemo-megatron/index.html">
AWS Neuron Reference for NeMo Megatron
</a>
</li>
</ul>
<p aria-level="2" class="caption" role="heading">
<span class="caption-text">
User Guide
</span>
</p>
<ul class="nav bd-sidenav">
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../neuron-runtime/index.html">
Neuron Runtime
</a>
<input class="toctree-checkbox" id="toctree-checkbox-46" name="toctree-checkbox-46" type="checkbox">
<label for="toctree-checkbox-46">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../neuron-runtime/api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-47" name="toctree-checkbox-47" type="checkbox">
<label for="toctree-checkbox-47">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-runtime/nrt-api-guide.html">
Runtime API
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../neuron-runtime/configuration-guide.html">
Configuration Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-48" name="toctree-checkbox-48" type="checkbox">
<label for="toctree-checkbox-48">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-runtime/nrt-configurable-parameters.html">
Runtime Configuration
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../neuron-runtime/misc-runtime.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-49" name="toctree-checkbox-49" type="checkbox">
<label for="toctree-checkbox-49">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-runtime/nrt-troubleshoot.html">
Troubleshooting on Inf1 and Trn1
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-runtime/faq.html">
FAQ
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/runtime/aws-neuronx-runtime-lib/index.html">
Neuron Runtime Release Notes
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/runtime/aws-neuronx-dkms/index.html">
Neuron Driver Release Notes
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/runtime/aws-neuronx-collectives/index.html">
Neuron Collectives Release Notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../compiler/index.html">
Neuron Compiler
</a>
<input class="toctree-checkbox" id="toctree-checkbox-50" name="toctree-checkbox-50" type="checkbox">
<label for="toctree-checkbox-50">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../compiler/neuronx-cc.html">
Neuron Compiler for Trn1 & Inf2
</a>
<input class="toctree-checkbox" id="toctree-checkbox-51" name="toctree-checkbox-51" type="checkbox">
<label for="toctree-checkbox-51">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../compiler/neuronx-cc/api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-52" name="toctree-checkbox-52" type="checkbox">
<label for="toctree-checkbox-52">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../compiler/neuronx-cc/api-reference-guide/neuron-compiler-cli-reference-guide.html">
Neuron Compiler CLI Reference Guide
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../compiler/neuronx-cc/developer-guide.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-53" name="toctree-checkbox-53" type="checkbox">
<label for="toctree-checkbox-53">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/appnotes/neuronx-cc/neuronx-cc-training-mixed-precision.html">
Mixed Precision and Performance-accuracy Tuning (
<code class="docutils literal notranslate">
<span class="pre">
neuronx-cc
</span>
</code>
)
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../compiler/neuronx-cc/misc-neuronx-cc.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-54" name="toctree-checkbox-54" type="checkbox">
<label for="toctree-checkbox-54">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../compiler/neuronx-cc/faq.html">
FAQ
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/compiler/neuronx-cc/index.html">
What's New
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../compiler/neuron-cc.html">
Neuron Compiler for Inf1
</a>
<input class="toctree-checkbox" id="toctree-checkbox-55" name="toctree-checkbox-55" type="checkbox">
<label for="toctree-checkbox-55">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../compiler/neuron-cc/api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-56" name="toctree-checkbox-56" type="checkbox">
<label for="toctree-checkbox-56">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../compiler/neuron-cc/command-line-reference.html">
Neuron compiler CLI Reference Guide (
<code class="docutils literal notranslate">
<span class="pre">
neuron-cc
</span>
</code>
)
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../compiler/neuron-cc/developer-guide.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-57" name="toctree-checkbox-57" type="checkbox">
<label for="toctree-checkbox-57">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/appnotes/neuron-cc/mixed-precision.html">
Mixed precision and performance-accuracy tuning (
<code class="docutils literal notranslate">
<span class="pre">
neuron-cc
</span>
</code>
)
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../compiler/neuron-cc/misc-neuron-cc.html">
Misc
</a>
<input class="toctree-checkbox" id="toctree-checkbox-58" name="toctree-checkbox-58" type="checkbox">
<label for="toctree-checkbox-58">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../compiler/neuron-cc/faq.html">
FAQ
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/compiler/neuron-cc/neuron-cc.html">
What's New
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/compiler/neuron-cc/neuron-cc-ops/index.html">
Neuron Supported operators
</a>
</li>
</ul>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../neuron-customops/index.html">
Neuron C++ Custom Operators
</a>
<input class="toctree-checkbox" id="toctree-checkbox-59" name="toctree-checkbox-59" type="checkbox">
<label for="toctree-checkbox-59">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../neuron-customops/api-reference-guide/api-reference-guide.html">
API Reference Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-60" name="toctree-checkbox-60" type="checkbox">
<label for="toctree-checkbox-60">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-customops/api-reference-guide/custom-ops-ref-guide.html">
Custom Operators API Reference Guide [Experimental]
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../neuron-customops/programming-guide/programming-guide.html">
Developer Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-61" name="toctree-checkbox-61" type="checkbox">
<label for="toctree-checkbox-61">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-customops/programming-guide/custom-c%2B%2B-operators-devguide.html">
Neuron Custom C++ Operators Developer Guide [Experimental]
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../neuron-customops/tutorials/tutorials.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-62" name="toctree-checkbox-62" type="checkbox">
<label for="toctree-checkbox-62">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-customops/tutorials/customop-mlp-training.html">
Neuron Custom C++ Operators in MLP Training
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../neuron-customops/tutorials/customop-mlp-perf-opt.html">
Neuron Custom C++ Operators Performance Optimization
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../neuron-customops/misc-customops.html">
Misc (Neuron Custom C++ Operators)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-63" name="toctree-checkbox-63" type="checkbox">
<label for="toctree-checkbox-63">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/customcxxps/gpsimd-tools.html">
Neuron Custom C++ Tools Release Notes
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/customcxxps/gpsimd-customop-lib.html">
Neuron Custom C++ Library Release Notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../tools/index.html">
Neuron Tools
</a>
<input class="toctree-checkbox" id="toctree-checkbox-64" name="toctree-checkbox-64" type="checkbox">
<label for="toctree-checkbox-64">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../tools/neuron-sys-tools/index.html">
System Tools
</a>
<input class="toctree-checkbox" id="toctree-checkbox-65" name="toctree-checkbox-65" type="checkbox">
<label for="toctree-checkbox-65">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuron-sys-tools/neuron-monitor-user-guide.html">
Neuron-Monitor User Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuron-sys-tools/neuron-top-user-guide.html">
Neuron-Top User Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuron-sys-tools/neuron-ls.html">
Neuron-LS User Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuron-sys-tools/neuron-profile-user-guide.html">
Neuron Profile User Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuron-sys-tools/neuron-sysfs-user-guide.html">
Neuron-Sysfs User Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuron-sys-tools/nccom-test.html">
NCCOM-TEST User Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/tools/aws-neuronx-tools.html">
What's New
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../tools/tensorboard/index.html">
TensorBoard
</a>
<input class="toctree-checkbox" id="toctree-checkbox-66" name="toctree-checkbox-66" type="checkbox">
<label for="toctree-checkbox-66">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/tutorials/tutorial-tensorboard-scalars-mnist.html">
Track Training Progress in TensorBoard using PyTorch Neuron
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/tensorboard/getting-started-tensorboard-neuronx-plugin.html">
TensorBoard Plugin for Neuron (Trn1)
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/tools/tensorboard-neuron.html">
What's New
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/tensorboard/getting-started-tensorboard-neuron-plugin.html">
TensorBoard Plugin for Neuron (Inf1)
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../tools/helper-tools/index.html">
Helper Tools
</a>
<input class="toctree-checkbox" id="toctree-checkbox-67" name="toctree-checkbox-67" type="checkbox">
<label for="toctree-checkbox-67">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/helper-tools/tutorial-neuron-check-model.html">
Check Model
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/helper-tools/tutorial-neuron-gatherinfo.html">
GatherInfo
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../tools/neuronperf/index.html">
NeuronPerf (Beta)
</a>
<input class="toctree-checkbox" id="toctree-checkbox-68" name="toctree-checkbox-68" type="checkbox">
<label for="toctree-checkbox-68">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_overview.html">
Overview
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_terminology.html">
Terminology
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_examples.html">
Examples
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_benchmark_guide.html">
Benchmark Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_evaluate_guide.html">
Evaluate Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_compile_guide.html">
Compile Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_model_index_guide.html">
Model Index Guide
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_api.html">
API
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_framework_notes.html">
Framework Notes
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_faq.html">
FAQ
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../tools/neuronperf/neuronperf_troubleshooting.html">
Troubleshooting
</a>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../tools/neuronperf/rn.html">
What’s New
</a>
<input class="toctree-checkbox" id="toctree-checkbox-69" name="toctree-checkbox-69" type="checkbox">
<label for="toctree-checkbox-69">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/tools/neuronperf.html">
NeuronPerf 1.x Release Notes
</a>
</li>
</ul>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/calculator/neuron-calculator.html">
Neuron Calculator
</a>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../general/setup/index.html">
Setup Guide
</a>
<input class="toctree-checkbox" id="toctree-checkbox-70" name="toctree-checkbox-70" type="checkbox">
<label for="toctree-checkbox-70">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/setup/torch-neuronx.html">
PyTorch Neuron (torch-neuronx)
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/setup/torch-neuron.html">
PyTorch Neuron (torch-neuron)
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/setup/tensorflow-neuronx.html">
Tensorflow Neuron (tensorflow-neuronx)
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/setup/tensorflow-neuron.html">
Tensorflow Neuron (tensorflow-neuron)
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/setup/mxnet-neuron.html">
MxNet Neuron (mxnet-neuron)
</a>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../containers/index.html">
Containers Deployment
</a>
<input class="toctree-checkbox" id="toctree-checkbox-71" name="toctree-checkbox-71" type="checkbox">
<label for="toctree-checkbox-71">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../containers/locate-neuron-dlc-image.html">
Locate Neuron DLC Image
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../containers/getting-started.html">
Getting Started
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../containers/kubernetes-getting-started.html">
Kubernetes Getting Started
</a>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../containers/tutorials.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-72" name="toctree-checkbox-72" type="checkbox">
<label for="toctree-checkbox-72">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../containers/tutorials/inference/index.html">
Inference
</a>
<input class="toctree-checkbox" id="toctree-checkbox-73" name="toctree-checkbox-73" type="checkbox">
<label for="toctree-checkbox-73">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/tutorials/inference/tutorial-infer.html">
Run inference in pytorch neuron container
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/tutorials/inference/k8s_rn50_demo.html">
Deploy a TensorFlow Resnet50 model as a Kubernetes service
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../containers/tutorials/training/index.html">
Training
</a>
<input class="toctree-checkbox" id="toctree-checkbox-74" name="toctree-checkbox-74" type="checkbox">
<label for="toctree-checkbox-74">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/tutorials/training/tutorial-training.html">
Run training in Pytorch Neuron container
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/tutorials/training/k8s_mlp_train_demo.html">
Deploy a simple mlp training script as a Kubernetes job
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../containers/developerflows.html">
Developer Flows
</a>
<input class="toctree-checkbox" id="toctree-checkbox-75" name="toctree-checkbox-75" type="checkbox">
<label for="toctree-checkbox-75">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/dlc-then-ec2-devflow.html">
Deploy Neuron Container on EC2
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/dlc-then-ecs-devflow.html">
Deploy Neuron Container on Elastic Container Service (ECS)
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/dlc-then-eks-devflow.html">
Deploy Neuron Container on Elastic Kubernetes Service (EKS)
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/container-sm-hosting-devflow.html">
Bring Your Own Neuron Container to Sagemaker Hosting (inf1)
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../containers/faq-troubleshooting-releasenote.html">
FAQ, Troubleshooting and Release Note
</a>
<input class="toctree-checkbox" id="toctree-checkbox-76" name="toctree-checkbox-76" type="checkbox">
<label for="toctree-checkbox-76">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/faq.html">
FAQ
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/troubleshooting.html">
Troubleshooting Neuron Containers
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/containers/neuron-containers.html">
Neuron Containers Release Notes
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../release-notes/containers/neuron-k8.html">
Neuron K8 Release Notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../general/devflows/index.html">
Developer Flows
</a>
<input class="toctree-checkbox" id="toctree-checkbox-77" name="toctree-checkbox-77" type="checkbox">
<label for="toctree-checkbox-77">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../containers/index.html">
Deploy Containers with Neuron
</a>
<input class="toctree-checkbox" id="toctree-checkbox-78" name="toctree-checkbox-78" type="checkbox">
<label for="toctree-checkbox-78">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/locate-neuron-dlc-image.html">
Locate Neuron DLC Image
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/getting-started.html">
Getting Started
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../containers/kubernetes-getting-started.html">
Kubernetes Getting Started
</a>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../containers/tutorials.html">
Tutorials
</a>
<input class="toctree-checkbox" id="toctree-checkbox-79" name="toctree-checkbox-79" type="checkbox">
<label for="toctree-checkbox-79">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/tutorials/inference/index.html">
Inference
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/tutorials/training/index.html">
Training
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../containers/developerflows.html">
Developer Flows
</a>
<input class="toctree-checkbox" id="toctree-checkbox-80" name="toctree-checkbox-80" type="checkbox">
<label for="toctree-checkbox-80">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/dlc-then-ec2-devflow.html">
Deploy Neuron Container on EC2
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/dlc-then-ecs-devflow.html">
Deploy Neuron Container on Elastic Container Service (ECS)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/dlc-then-eks-devflow.html">
Deploy Neuron Container on Elastic Kubernetes Service (EKS)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/container-sm-hosting-devflow.html">
Bring Your Own Neuron Container to Sagemaker Hosting (inf1)
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../containers/faq-troubleshooting-releasenote.html">
FAQ, Troubleshooting and Release Note
</a>
<input class="toctree-checkbox" id="toctree-checkbox-81" name="toctree-checkbox-81" type="checkbox">
<label for="toctree-checkbox-81">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/faq.html">
FAQ
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../containers/troubleshooting.html">
Troubleshooting Neuron Containers
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/containers/neuron-containers.html">
Neuron Containers Release Notes
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../release-notes/containers/neuron-k8.html">
Neuron K8 Release Notes
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../general/devflows/ec2-flows.html">
AWS EC2
</a>
<input class="toctree-checkbox" id="toctree-checkbox-82" name="toctree-checkbox-82" type="checkbox">
<label for="toctree-checkbox-82">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../general/devflows/inference/ec2-flows.html">
Inference
</a>
<input class="toctree-checkbox" id="toctree-checkbox-83" name="toctree-checkbox-83" type="checkbox">
<label for="toctree-checkbox-83">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/inference/ec2-then-ec2-devflow.html">
Compile with Framework API and Deploy on EC2 Inf1
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/inference/ec2-then-ec2-devflow-inf2.html">
Compile with Framework API and Deploy on EC2 Inf2
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../general/devflows/training/ec2-flows.html">
Training
</a>
<input class="toctree-checkbox" id="toctree-checkbox-84" name="toctree-checkbox-84" type="checkbox">
<label for="toctree-checkbox-84">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/training/ec2/ec2-training.html">
Train your model on EC2
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../general/devflows/eks-flows.html">
Amazon EKS
</a>
<input class="toctree-checkbox" id="toctree-checkbox-85" name="toctree-checkbox-85" type="checkbox">
<label for="toctree-checkbox-85">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../general/devflows/inference/eks-flows.html">
Inference
</a>
<input class="toctree-checkbox" id="toctree-checkbox-86" name="toctree-checkbox-86" type="checkbox">
<label for="toctree-checkbox-86">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/inference/dlc-then-eks-devflow.html">
Deploy Neuron Container on Elastic Kubernetes Service (EKS)
</a>
</li>
</ul>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../general/devflows/training/eks-flows.html">
Training
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../general/devflows/ecs-flows.html">
AWS ECS
</a>
<input class="toctree-checkbox" id="toctree-checkbox-87" name="toctree-checkbox-87" type="checkbox">
<label for="toctree-checkbox-87">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../general/devflows/inference/ecs-flows.html">
Inference
</a>
<input class="toctree-checkbox" id="toctree-checkbox-88" name="toctree-checkbox-88" type="checkbox">
<label for="toctree-checkbox-88">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/inference/dlc-then-ecs-devflow.html">
Deploy Neuron Container on Elastic Container Service (ECS)
</a>
</li>
</ul>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../general/devflows/training/ecs-flows.html">
Training
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../general/devflows/sagemaker-flows.html">
Sagemaker
</a>
<input class="toctree-checkbox" id="toctree-checkbox-89" name="toctree-checkbox-89" type="checkbox">
<label for="toctree-checkbox-89">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../general/devflows/inference/sagemaker-flows.html">
Inference
</a>
<input class="toctree-checkbox" id="toctree-checkbox-90" name="toctree-checkbox-90" type="checkbox">
<label for="toctree-checkbox-90">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/inference/byoc-hosting-devflow-inf2.html">
Bring Your Own Neuron Container to Sagemaker Hosting (inf2 or trn1)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/inference/byoc-hosting-devflow.html">
Bring Your Own Neuron Container to Sagemaker Hosting (inf1)
</a>
</li>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/inference/neo-then-hosting-devflow.html">
Compile with Sagemaker Neo and Deploy on Sagemaker Hosting (inf1)
</a>
</li>
</ul>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../general/devflows/training/sagemaker-flows.html">
Training
</a>
<input class="toctree-checkbox" id="toctree-checkbox-91" name="toctree-checkbox-91" type="checkbox">
<label for="toctree-checkbox-91">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/training/sm-devflow/sm-training-devflow.html">
Train your model on SageMaker
</a>
</li>
</ul>
</li>
<li class="toctree-l3">
<a class="reference external" href="https://github.com/aws-neuron/aws-neuron-sagemaker-samples">
AWS Neuron Sagemaker Samples GitHub Repository
</a>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../general/devflows/parallelcluster-flows.html">
Parallel Cluster
</a>
<input class="toctree-checkbox" id="toctree-checkbox-92" name="toctree-checkbox-92" type="checkbox">
<label for="toctree-checkbox-92">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../general/devflows/inference/parallelcluster-flows.html">
Inference
</a>
</li>
<li class="toctree-l3 has-children">
<a class="reference internal" href="../../../../general/devflows/training/parallelcluster-flows.html">
Training
</a>
<input class="toctree-checkbox" id="toctree-checkbox-93" name="toctree-checkbox-93" type="checkbox">
<label for="toctree-checkbox-93">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l4">
<a class="reference internal" href="../../../../general/devflows/training/parallelcluster/parallelcluster-training.html">
Train your model on ParallelCluster
</a>
</li>
</ul>
</li>
</ul>
</li>
<li class="toctree-l2 has-children">
<a class="reference internal" href="../../../../general/devflows/aws-batch-flows.html">
AWS Batch Flows
</a>
<input class="toctree-checkbox" id="toctree-checkbox-94" name="toctree-checkbox-94" type="checkbox">
<label for="toctree-checkbox-94">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l3">
<a class="reference internal" href="../../../../general/devflows/inference/aws-batch-flows.html">
Inference
</a>
</li>
<li class="toctree-l3">
<a class="reference internal" href="../../../../general/devflows/training/aws-batch-flows.html">
Training
</a>
</li>
</ul>
</li>
</ul>
</li>
</ul>
<p aria-level="2" class="caption" role="heading">
<span class="caption-text">
Learning Neuron
</span>
</p>
<ul class="nav bd-sidenav">
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../general/arch/index.html">
Architecture
</a>
<input class="toctree-checkbox" id="toctree-checkbox-95" name="toctree-checkbox-95" type="checkbox">
<label for="toctree-checkbox-95">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-hardware/inf1-arch.html">
AWS Inf1 Architecture
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-hardware/trn1-arch.html">
AWS Trn1/Trn1n Architecture
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-hardware/inf2-arch.html">
AWS Inf2 Architecture
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-hardware/inferentia.html">
Inferentia Architecture
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-hardware/inferentia2.html">
Inferentia2 Architecture
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-hardware/trainium.html">
Trainium Architecture
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-hardware/neuroncores-arch.html">
AWS NeuronCore Architecture
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/model-architecture-fit.html">
Neuron Model Architecture Fit Guidelines
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/glossary.html">
Neuron Glossary
</a>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../general/arch/neuron-features/index.html">
Features
</a>
<input class="toctree-checkbox" id="toctree-checkbox-96" name="toctree-checkbox-96" type="checkbox">
<label for="toctree-checkbox-96">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/data-types.html">
Data Types
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/rounding-modes.html">
Rounding Modes
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/neuroncore-batching.html">
Neuron Batching
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/neuroncore-pipeline.html">
NeuronCore Pipeline
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/neuron-caching.html">
Neuron Persistent Cache
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/collective-communication.html">
Collective Communication
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/control-flow.html">
Neuron Control Flow
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/custom-c%2B%2B-operators.html">
Neuron Custom C++ Operators
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/arch/neuron-features/dynamic-shapes.html">
Neuron Dynamic Shapes
</a>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../general/appnotes/index.html">
Application Notes
</a>
<input class="toctree-checkbox" id="toctree-checkbox-97" name="toctree-checkbox-97" type="checkbox">
<label for="toctree-checkbox-97">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/announcements/neuron2.x/neuron2-intro.html">
Introducing first release of Neuron 2.x enabling EC2 Trn1 general availability (GA)
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/appnotes/neuron1x/introducing-libnrt.html">
Introducing Neuron Runtime 2.x (libnrt.so)
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/appnotes/perf/neuron-cc/performance-tuning.html">
Performance Tuning
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/appnotes/perf/neuron-cc/parallel-ncgs.html">
Parallel Execution using NEURON_RT_NUM_CORES
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/appnotes/torch-neuron/rcnn-app-note.html">
Running R-CNNs on Inf1
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/appnotes/transformers-neuronx/generative-llm-inference-with-neuron.html">
Generative LLM inference with Neuron
</a>
</li>
</ul>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/faq.html">
FAQ
</a>
</li>
<li class="toctree-l1">
<a class="reference internal" href="../../../../general/troubleshooting.html">
Troubleshooting
</a>
</li>
</ul>
<p aria-level="2" class="caption" role="heading">
<span class="caption-text">
About Neuron
</span>
</p>
<ul class="nav bd-sidenav">
<li class="toctree-l1">
<a class="reference internal" href="../../../../release-notes/release.html">
Release Details
</a>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../general/roadmap-readme.html">
Roadmap
</a>
<input class="toctree-checkbox" id="toctree-checkbox-98" name="toctree-checkbox-98" type="checkbox">
<label for="toctree-checkbox-98">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference external" href="https://github.com/orgs/aws-neuron/projects/1/views/1">
Neuron Public Roadmap
</a>
</li>
</ul>
</li>
<li class="toctree-l1 has-children">
<a class="reference internal" href="../../../../general/support.html">
Support
</a>
<input class="toctree-checkbox" id="toctree-checkbox-99" name="toctree-checkbox-99" type="checkbox">
<label for="toctree-checkbox-99">
<i class="fas fa-chevron-down">
</i>
</label>
<ul>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/sdk-policy.html">
SDK Maintenance Policy
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/security.html">
Security Disclosures
</a>
</li>
<li class="toctree-l2">
<a class="reference internal" href="../../../../general/contact.html">
Contact Us
</a>
</li>
</ul>
</li>
</ul>
</div>
</nav></div>
<div class="bd-sidebar__bottom">
<!-- To handle the deprecated key -->
<div class="navbar_extra_footer">
Theme by the <a href="https://ebp.jupyterbook.org">Executable Book Project</a>
</div>
</div>
</div>
<div id="rtd-footer-container"><!-- Inserted RTD Footer -->
<div class="injected">
<div class="rst-versions rst-badge" data-toggle="rst-versions">
<span class="rst-current-version" data-toggle="rst-current-version">
<span class="fa fa-book"> </span>
v: v2.14.1
<span class="fa fa-caret-down"></span>
</span>
<div class="rst-other-versions">
<dl>
<dt>Versions</dt>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/latest/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">latest</a>
</dd>
<dd class="rtd-current-item">
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.14.1</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.14.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.13.2/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.13.2</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.13.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.13.1</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.13.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.13.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.12.2/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.12.2</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.12.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.12.1</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.12.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.12.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.11.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.11.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.10.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.10.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.9.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.9.1</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.9.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.9.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.8.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.8.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.7.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.7.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.6.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.6.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.5.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.5.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.4.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.4.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v2.3.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v2.3.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.19.2/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.19.2</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.19.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.19.1</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.19.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.19.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.18.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.18.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.17.2/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.17.2</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.17.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.17.1</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.17.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.17.0</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.16.3/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.16.3</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.16.2/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.16.2</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.16.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.16.1</a>
</dd>
<dd>
<a href="https://awsdocs-neuron.readthedocs-hosted.com/en/v1.16.0/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html">v1.16.0</a>
</dd>
</dl>
<dl>
<dt>Downloads</dt>
<dd><a href="//awsdocs-neuron.readthedocs-hosted.com/_/downloads/en/v2.14.1/pdf/">PDF</a></dd>
</dl>
<dl>
<dt>On GitHub</dt>
<dd>
<a href="https://github.com/aws/aws-neuron-sdk/blob/v2.14.1//frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.rst">View</a>
</dd>
</dl>
<hr>
<div>
<div>
Documentation hosted by <a href="https://readthedocs.com">Read the Docs</a>
</div>
</div>
</div>
</div>
</div>
</div>
</div>
<!-- A tiny helper pixel to detect if we've scrolled -->
<div class="sbt-scroll-pixel-helper"></div>
<!-- Main content -->
<div class="col py-0 content-container">
<div class="header-article row sticky-top noprint">
<div class="col py-1 d-flex header-article-main">
<div class="header-article__left">
<label for="__navigation" class="headerbtn" data-toggle="tooltip" data-placement="right" title="" data-original-title="Toggle navigation">
<span class="headerbtn__icon-container">
<i class="fas fa-bars"></i>
</span>
</label>
</div>
<div class="header-article__right">
<button onclick="toggleFullScreen()" class="headerbtn" data-toggle="tooltip" data-placement="bottom" title="" data-original-title="Fullscreen mode">
<span class="headerbtn__icon-container">
<i class="fas fa-expand"></i>
</span>
</button>
<div class="menu-dropdown menu-dropdown-repository-buttons">
<button class="headerbtn menu-dropdown__trigger" aria-label="Source repositories">
<i class="fab fa-github"></i>
</button>
<div class="menu-dropdown__content">
<ul>
<li>
<a href="https://github.com/aws-neuron/aws-neuron-sdk" class="headerbtn" data-toggle="tooltip" data-placement="left" title="" data-original-title="Source repository">
<span class="headerbtn__icon-container">
<i class="fab fa-github"></i>
</span>
<span class="headerbtn__text-container">repository</span>
</a>
</li>
<li>
<a href="https://github.com/aws-neuron/aws-neuron-sdk/issues/new?title=Issue%20on%20page%20%2Fframeworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.html&body=Your%20issue%20content%20here." class="headerbtn" data-toggle="tooltip" data-placement="left" title="" data-original-title="Open an issue">
<span class="headerbtn__icon-container">
<i class="fas fa-lightbulb"></i>
</span>
<span class="headerbtn__text-container">open issue</span>
</a>
</li>
<li>
<a href="https://github.com/aws-neuron/aws-neuron-sdk/edit/v2.14.1/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.rst" class="headerbtn" data-toggle="tooltip" data-placement="left" title="" data-original-title="Edit this page">
<span class="headerbtn__icon-container">
<i class="fas fa-pencil-alt"></i>
</span>
<span class="headerbtn__text-container">suggest edit</span>
</a>
</li>
</ul>
</div>
</div>
<div class="menu-dropdown menu-dropdown-download-buttons">
<button class="headerbtn menu-dropdown__trigger" aria-label="Download this page">
<i class="fas fa-download"></i>
</button>
<div class="menu-dropdown__content">
<ul>
<li>
<a href="../../../../_sources/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.rst.txt" class="headerbtn" data-toggle="tooltip" data-placement="left" title="" data-original-title="Download source file">
<span class="headerbtn__icon-container">
<i class="fas fa-file"></i>
</span>
<span class="headerbtn__text-container">.rst</span>
</a>
</li>
<li>
<button onclick="printPdf(this)" class="headerbtn" data-toggle="tooltip" data-placement="left" title="" data-original-title="Print to PDF">
<span class="headerbtn__icon-container">
<i class="fas fa-file-pdf"></i>
</span>
<span class="headerbtn__text-container">.pdf</span>
</button>
</li>
</ul>
</div>
</div>
</div>
</div>
<!-- Table of contents -->
<div class="col-md-3 bd-toc show noprint">
</div>
</div>
<div class="article row">
<div class="col pl-md-3 pl-lg-5 content-container">
<!-- Table of contents that is only displayed when printing the page -->
<div id="jb-print-docs-body" class="onlyprint">
<h1>Install TensorFlow 2.x (tensorflow-neuronx)</h1>
<!-- Table of contents -->
<div id="print-main-content">
<div id="jb-print-toc">
</div>
</div>
</div>
<main id="main-content" role="main">
<div>
<p><em>This document is relevant for</em>: <code class="docutils literal notranslate"><span class="pre">Inf2</span></code>, <code class="docutils literal notranslate"><span class="pre">Trn1</span></code>, <code class="docutils literal notranslate"><span class="pre">Trn1n</span></code></p>
<div class="section" id="install-tensorflow-2-x-tensorflow-neuronx">
<span id="install-tensorflow-neuronx"></span><h1>Install TensorFlow 2.x (<code class="docutils literal notranslate"><span class="pre">tensorflow-neuronx</span></code>)<a class="headerlink" href="#install-tensorflow-2-x-tensorflow-neuronx" title="Permalink to this headline">#</a></h1>
<div class="sd-tab-set docutils">
<input checked="checked" id="sd-tab-item-0" name="sd-tab-set-0" type="radio">
<label class="sd-tab-label" for="sd-tab-item-0">
Tensorflow 2.10.1</label><div class="sd-tab-content docutils">
<div class="sd-tab-set docutils">
<input checked="checked" id="sd-tab-item-4" name="sd-tab-set-1" type="radio">
<label class="sd-tab-label" for="sd-tab-item-4">
Amazon Linux 2</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
<input id="sd-tab-item-5" name="sd-tab-set-1" type="radio">
<label class="sd-tab-label" for="sd-tab-item-5">
Ubuntu 20</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
</div>
</div>
<input id="sd-tab-item-1" name="sd-tab-set-0" type="radio">
<label class="sd-tab-label" for="sd-tab-item-1">
Tensorflow 2.9.3</label><div class="sd-tab-content docutils">
<div class="sd-tab-set docutils">
<input checked="checked" id="sd-tab-item-6" name="sd-tab-set-2" type="radio">
<label class="sd-tab-label" for="sd-tab-item-6">
Amazon Linux 2</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
<input id="sd-tab-item-7" name="sd-tab-set-2" type="radio">
<label class="sd-tab-label" for="sd-tab-item-7">
Ubuntu 20</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
</div>
</div>
<input id="sd-tab-item-2" name="sd-tab-set-0" type="radio">
<label class="sd-tab-label" for="sd-tab-item-2">
Tensorflow 2.8.4</label><div class="sd-tab-content docutils">
<div class="sd-tab-set docutils">
<input checked="checked" id="sd-tab-item-8" name="sd-tab-set-3" type="radio">
<label class="sd-tab-label" for="sd-tab-item-8">
Amazon Linux 2</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
<input id="sd-tab-item-9" name="sd-tab-set-3" type="radio">
<label class="sd-tab-label" for="sd-tab-item-9">
Ubuntu 20</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
</div>
</div>
<input id="sd-tab-item-3" name="sd-tab-set-0" type="radio">
<label class="sd-tab-label" for="sd-tab-item-3">
Tensorflow 2.7.4</label><div class="sd-tab-content docutils">
<div class="sd-tab-set docutils">
<input checked="checked" id="sd-tab-item-10" name="sd-tab-set-4" type="radio">
<label class="sd-tab-label" for="sd-tab-item-10">
Amazon Linux 2</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo yum install -y python3.7-venv gcc-c++
# Create Python venv
python3.7 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.7 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
<input id="sd-tab-item-11" name="sd-tab-set-4" type="radio">
<label class="sd-tab-label" for="sd-tab-item-11">
Ubuntu 20</label><div class="sd-tab-content docutils">
<div class="admonition note">
<p class="admonition-title">Note</p>
<ul class="simple">
<li><p>For a successful installation or update, execute each line of the instructions below separately or copy the contents of the code block into a script file and source its contents.</p></li>
<li><p>When launching a Trn1, please adjust your primary EBS volume size to a minimum of 512GB.</p></li>
</ul>
</div>
<div class="highlight-text notranslate"><div class="highlight"><pre><span></span># Install Python venv
sudo apt-get install -y python3.8-venv g++
# Create Python venv
python3.8 -m venv aws_neuron_venv_tensorflow
# Activate Python venv
source aws_neuron_venv_tensorflow/bin/activate
python -m pip install -U pip
# Install Jupyter notebook kernel
pip install ipykernel
python3.8 -m ipykernel install --user --name aws_neuron_venv_tensorflow --display-name "Python (tensorflow-neuronx)"
pip install jupyter notebook
pip install environment_kernels
# Set pip repository pointing to the Neuron repository
python -m pip config set global.extra-index-url https://pip.repos.neuron.amazonaws.com
# Install wget, awscli
python -m pip install wget
python -m pip install awscli
# Install Neuron Compiler and Framework
python -m pip install neuronx-cc==2.* tensorflow-neuronx
</pre></div>
</div>
</div>
</div>
</div>
</div>
<p><em>This document is relevant for</em>: <code class="docutils literal notranslate"><span class="pre">Inf2</span></code>, <code class="docutils literal notranslate"><span class="pre">Trn1</span></code>, <code class="docutils literal notranslate"><span class="pre">Trn1n</span></code></p>
</div>
<div class="section">
</div>
</div>
</main>
<footer class="footer-article noprint">
<!-- Previous / next buttons -->
<div class="prev-next-area">
</div>
</footer>
</div>
</div>
<div class="footer-content row">
<footer class="col footer"><p>
By AWS<br>
© Copyright 2023, Amazon.com.<br>
</p>
</footer>
</div>
</div>
</div>
</div>
<!-- Scripts loaded after <body> so the DOM is not blocked -->
<script src="../../../../_static/scripts/pydata-sphinx-theme.js?digest=1999514e3f237ded88cf"></script>
</body></html> | 2023-09-29T20:55:38.169Z |
https://awsdocs-neuron.readthedocs-hosted.com/en/v2.14.1/_sources/frameworks/tensorflow/tensorflow-neuronx/setup/tensorflow-neuronx-install.rst.txt | ```
.. _install-tensorflow-neuronx:
Install TensorFlow 2.x (``tensorflow-neuronx``)
===============================================
.. tab-set::
.. tab-item:: Tensorflow 2.10.1
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 32
:end-line: 33
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 35
:end-line: 36
.. tab-item:: Tensorflow 2.9.3
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 74
:end-line: 75
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 77
:end-line: 78
.. tab-item:: Tensorflow 2.8.4
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 80
:end-line: 81
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 83
:end-line: 84
.. tab-item:: Tensorflow 2.7.4
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 86
:end-line: 87
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 89
:end-line: 90
``` | <html><head><meta name="color-scheme" content="light dark"></head><body><pre style="word-wrap: break-word; white-space: pre-wrap;">.. _install-tensorflow-neuronx:
Install TensorFlow 2.x (``tensorflow-neuronx``)
===============================================
.. tab-set::
.. tab-item:: Tensorflow 2.10.1
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 32
:end-line: 33
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 35
:end-line: 36
.. tab-item:: Tensorflow 2.9.3
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 74
:end-line: 75
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 77
:end-line: 78
.. tab-item:: Tensorflow 2.8.4
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 80
:end-line: 81
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 83
:end-line: 84
.. tab-item:: Tensorflow 2.7.4
.. tab-set::
.. tab-item:: Amazon Linux 2
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 13
:end-line: 16
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 86
:end-line: 87
.. tab-item:: Ubuntu 20
.. include :: /general/setup/install-templates/trn1/dlami-notes.rst
:start-line: 19
:end-line: 22
.. include :: /src/helperscripts/installationScripts/python_instructions.txt
:start-line: 89
:end-line: 90
</pre></body></html> | 2023-09-29T20:55:38.840Z |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.