Skip to content

Commit 5265de4

Browse files
committed
model zoo v1.5.0
1 parent 4ead44a commit 5265de4

File tree

518 files changed

+23141
-27438
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

518 files changed

+23141
-27438
lines changed

CODEOWNERS

+1-1
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,7 @@
22
# Each line is a file pattern followed by one or more owners.
33

44
# These owners will be the default owners for everything in the repo.
5-
* @mlukaszewski @claynerobison @dmsuehir @karthikvadla @mhbuehler @WafaaT
5+
* @mlukaszewski @claynerobison @chuanqi129 @agramesh1
66

77
# Order is important. The last matching pattern has the most precedence.
88
# So if a pull request only touches javascript files, only these owners

Makefile

-2
Original file line numberDiff line numberDiff line change
@@ -12,8 +12,6 @@
1212
# See the License for the specific language governing permissions and
1313
# limitations under the License.
1414
#
15-
# SPDX-License-Identifier: EPL-2.0
16-
#
1715

1816

1917
PY_VERSION := 2

benchmarks/README.md

+10-21
Original file line numberDiff line numberDiff line change
@@ -6,49 +6,38 @@ Training and inference scripts with Intel-optimized MKL
66

77
The model scripts can be run on Linux and require the following
88
dependencies to be installed:
9-
* [Docker](https://docs.docker.com/install/)
10-
* [Python](https://www.python.org/downloads/) 2.7 or later
9+
* [Docker](https://docs.docker.com/install/) also support bare metal run
10+
* [Python](https://www.python.org/downloads/) 3.5 or later
1111
* [git](https://git-scm.com/book/en/v2/Getting-Started-Installing-Git)
1212
* `wget` for downloading pre-trained models
1313

1414
## TensorFlow Use Cases
1515

1616
| Use Case | Framework | Model | Mode | Instructions |
1717
| -----------------------| --------------| ------------------- | --------- |------------------------------|
18-
| Adversarial Networks | TensorFlow | [DCGAN](https://arxiv.org/pdf/1511.06434.pdf) | Inference | [FP32](adversarial_networks/tensorflow/dcgan/README.md#fp32-inference-instructions) |
1918
| Content Creation | TensorFlow | [DRAW](https://arxiv.org/pdf/1502.04623.pdf) | Inference | [FP32](content_creation/tensorflow/draw/README.md#fp32-inference-instructions) |
20-
| Face Detection and Alignment | Tensorflow | [FaceNet](https://arxiv.org/pdf/1503.03832.pdf) | Inference | [FP32](face_detection_and_alignment/tensorflow/facenet/README.md#fp32-inference-instructions) |
2119
| Face Detection and Alignment | TensorFlow | [MTCC](https://arxiv.org/pdf/1604.02878.pdf) | Inference | [FP32](face_detection_and_alignment/tensorflow/mtcc/README.md#fp32-inference-instructions) |
2220
| Image Recognition | TensorFlow | [DenseNet169](https://arxiv.org/pdf/1608.06993.pdf) | Inference | [FP32](image_recognition/tensorflow/densenet169/README.md#fp32-inference-instructions) |
2321
| Image Recognition | TensorFlow | [Inception ResNet V2](https://arxiv.org/pdf/1602.07261.pdf) | Inference | [Int8](image_recognition/tensorflow/inception_resnet_v2/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/inception_resnet_v2/README.md#fp32-inference-instructions) |
2422
| Image Recognition | TensorFlow | [Inception V3](https://arxiv.org/pdf/1512.00567.pdf) | Inference | [Int8](image_recognition/tensorflow/inceptionv3/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/inceptionv3/README.md#fp32-inference-instructions) |
2523
| Image Recognition | TensorFlow | [Inception V4](https://arxiv.org/pdf/1602.07261.pdf) | Inference | [Int8](image_recognition/tensorflow/inceptionv4/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/inceptionv4/README.md#fp32-inference-instructions) |
26-
| Image Recognition | TensorFlow | [MobileNet V1](https://arxiv.org/pdf/1704.04861.pdf) | Inference | [Int8](image_recognition/tensorflow/mobilenet_v1/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/mobilenet_v1/README.md#fp32-inference-instructions) |
24+
| Image Recognition | TensorFlow | [MobileNet V1*](https://arxiv.org/pdf/1704.04861.pdf) | Inference | [Int8](image_recognition/tensorflow/mobilenet_v1/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/mobilenet_v1/README.md#fp32-inference-instructions) |
2725
| Image Recognition | TensorFlow | [ResNet 101](https://arxiv.org/pdf/1512.03385.pdf) | Inference | [Int8](image_recognition/tensorflow/resnet101/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/resnet101/README.md#fp32-inference-instructions) |
2826
| Image Recognition | TensorFlow | [ResNet 50](https://arxiv.org/pdf/1512.03385.pdf) | Inference | [Int8](image_recognition/tensorflow/resnet50/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/resnet50/README.md#fp32-inference-instructions) |
29-
| Image Recognition | TensorFlow | [ResNet 50v1.5](https://github.com/tensorflow/models/tree/master/official/resnet) | Inference | [Int8](image_recognition/tensorflow/resnet50v1_5/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/resnet50v1_5/README.md#fp32-inference-instructions) |
30-
| Image Recognition | TensorFlow | [SqueezeNet](https://arxiv.org/pdf/1602.07360.pdf) | Inference | [FP32](image_recognition/tensorflow/squeezenet/README.md#fp32-inference-instructions) |
27+
| Image Recognition | TensorFlow | [ResNet 50v1.5*](https://github.com/tensorflow/models/tree/master/official/resnet) | Inference | [Int8](image_recognition/tensorflow/resnet50v1_5/README.md#int8-inference-instructions) [FP32](image_recognition/tensorflow/resnet50v1_5/README.md#fp32-inference-instructions) |
3128
| Image Segmentation | TensorFlow | [Mask R-CNN](https://arxiv.org/pdf/1703.06870.pdf) | Inference | [FP32](image_segmentation/tensorflow/maskrcnn/README.md#fp32-inference-instructions) |
32-
| Image Segmentation | TensorFlow | [UNet](https://arxiv.org/pdf/1505.04597.pdf) | Inference | [FP32](image_segmentation/tensorflow/unet/README.md#fp32-inference-instructions) |
3329
| Language Modeling | TensorFlow | [LM-1B](https://arxiv.org/pdf/1602.02410.pdf) | Inference | [FP32](language_modeling/tensorflow/lm-1b/README.md#fp32-inference-instructions) |
3430
| Language Translation | TensorFlow | [GNMT](https://arxiv.org/pdf/1609.08144.pdf) | Inference | [FP32](language_translation/tensorflow/gnmt/README.md#fp32-inference-instructions) |
35-
| Language Translation | TensorFlow | [Transformer Language](https://arxiv.org/pdf/1706.03762.pdf)| Inference | [FP32](language_translation/tensorflow/transformer_language/README.md#fp32-inference-instructions) |
36-
| Language Translation | TensorFlow | [Transformer_LT_Official ](https://arxiv.org/pdf/1706.03762.pdf)| Inference | [FP32](language_translation/tensorflow/transformer_lt_official/README.md#fp32-inference-instructions) |
31+
| Language Translation | TensorFlow | [GNMT](https://arxiv.org/pdf/1609.08144.pdf) | Training | [FP32](language_translation/tensorflow/gnmt/README.md#fp32-training-instructions) |
3732
| Object Detection | TensorFlow | [R-FCN](https://arxiv.org/pdf/1605.06409.pdf) | Inference | [Int8](object_detection/tensorflow/rfcn/README.md#int8-inference-instructions) [FP32](object_detection/tensorflow/rfcn/README.md#fp32-inference-instructions) |
3833
| Object Detection | TensorFlow | [Faster R-CNN](https://arxiv.org/pdf/1506.01497.pdf) | Inference | [Int8](object_detection/tensorflow/faster_rcnn/README.md#int8-inference-instructions) [FP32](object_detection/tensorflow/faster_rcnn/README.md#fp32-inference-instructions) |
39-
| Object Detection | TensorFlow | [SSD-MobileNet](https://arxiv.org/pdf/1704.04861.pdf) | Inference | [Int8](object_detection/tensorflow/ssd-mobilenet/README.md#int8-inference-instructions) [FP32](object_detection/tensorflow/ssd-mobilenet/README.md#fp32-inference-instructions) |
40-
| Object Detection | TensorFlow | [SSD-ResNet34](https://arxiv.org/pdf/1512.02325.pdf) | Inference | [Int8](object_detection/tensorflow/ssd-resnet34/README.md#int8-inference-instructions) [FP32](object_detection/tensorflow/ssd-resnet34/README.md#fp32-inference-instructions) |
34+
| Object Detection | TensorFlow | [SSD-MobileNet*](https://arxiv.org/pdf/1704.04861.pdf) | Inference | [Int8](object_detection/tensorflow/ssd-mobilenet/README.md#int8-inference-instructions) [FP32](object_detection/tensorflow/ssd-mobilenet/README.md#fp32-inference-instructions) |
35+
| Object Detection | TensorFlow | [SSD-ResNet34*](https://arxiv.org/pdf/1512.02325.pdf) | Inference | [Int8](object_detection/tensorflow/ssd-resnet34/README.md#int8-inference-instructions) [FP32](object_detection/tensorflow/ssd-resnet34/README.md#fp32-inference-instructions) |
36+
| Object Detection | TensorFlow | [SSD-ResNet34*](https://arxiv.org/pdf/1512.02325.pdf) | Training | [FP32](object_detection/tensorflow/ssd-resnet34/README.md#fp32-training-instructions) |
4137
| Object Detection | TensorFlow | [SSD-VGG16](https://arxiv.org/pdf/1512.02325.pdf) | Inference | [Int8](object_detection/tensorflow/ssd_vgg16/README.md#int8-inference-instructions) [FP32](object_detection/tensorflow/ssd_vgg16/README.md#fp32-inference-instructions) |
4238
| Recommendation | TensorFlow | [NCF](https://arxiv.org/pdf/1708.05031.pdf) | Inference | [FP32](recommendation/tensorflow/ncf/README.md#fp32-inference-instructions) |
4339
| Recommendation | TensorFlow | [Wide & Deep Large Dataset](https://arxiv.org/pdf/1606.07792.pdf) | Inference | [Int8](recommendation/tensorflow/wide_deep_large_ds/README.md#int8-inference-instructions) [FP32](recommendation/tensorflow/wide_deep_large_ds/README.md#fp32-inference-instructions) |
40+
| Recommendation | TensorFlow | [Wide & Deep Large Dataset](https://arxiv.org/pdf/1606.07792.pdf) | Training | [FP32](recommendation/tensorflow/wide_deep_large_ds/README.md#fp32-training-instructions) |
4441
| Recommendation | TensorFlow | [Wide & Deep](https://arxiv.org/pdf/1606.07792.pdf) | Inference | [FP32](recommendation/tensorflow/wide_deep/README.md#fp32-inference-instructions) |
45-
| Text-to-Speech | TensorFlow | [WaveNet](https://arxiv.org/pdf/1609.03499.pdf) | Inference | [FP32](text_to_speech/tensorflow/wavenet/README.md#fp32-inference-instructions) |
46-
47-
48-
## TensorFlow Serving Use Cases
49-
50-
51-
| Use Case | Framework | Model | Mode | Instructions |
52-
| -----------------------| --------------| ------------------- | --------- |------------------------------|
53-
| Image Recognition | TensorFlow Serving | [Inception V3](https://arxiv.org/pdf/1512.00567.pdf) | Inference | [FP32](image_recognition/tensorflow_serving/inceptionv3/README.md#fp32-inference-instructions) |
5442

43+
*Means the model is belong to [MLPerf](https://mlperf.org/) models, will long term support.

benchmarks/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -15,5 +15,5 @@
1515
# See the License for the specific language governing permissions and
1616
# limitations under the License.
1717
#
18-
# SPDX-License-Identifier: EPL-2.0
18+
1919
#

benchmarks/adversarial_networks/__init__.py

-19
This file was deleted.

benchmarks/adversarial_networks/tensorflow/dcgan/README.md

-76
This file was deleted.

benchmarks/adversarial_networks/tensorflow/dcgan/inference/fp32/__init__.py

-19
This file was deleted.

benchmarks/adversarial_networks/tensorflow/dcgan/inference/fp32/config.json

-8
This file was deleted.

benchmarks/adversarial_networks/tensorflow/dcgan/inference/fp32/model_init.py

-68
This file was deleted.

benchmarks/common/__init__.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -15,5 +15,5 @@
1515
# See the License for the specific language governing permissions and
1616
# limitations under the License.
1717
#
18-
# SPDX-License-Identifier: EPL-2.0
18+
1919
#

benchmarks/common/base_benchmark_util.py

+22-5
Original file line numberDiff line numberDiff line change
@@ -15,7 +15,7 @@
1515
# See the License for the specific language governing permissions and
1616
# limitations under the License.
1717
#
18-
# SPDX-License-Identifier: EPL-2.0
18+
1919
#
2020

2121
from __future__ import absolute_import
@@ -117,6 +117,23 @@ def _define_args(self):
117117
help="Specify the number threads between layers",
118118
dest="num_inter_threads", default=None)
119119

120+
self._common_arg_parser.add_argument(
121+
"-np", "--num-processes", type=check_positive_number,
122+
help="Specify the number of processes to run on as mpirun '-np' "
123+
"input for multi-instance execution. ",
124+
dest="num_processes", default=1)
125+
126+
self._common_arg_parser.add_argument(
127+
"-ppn", "--num-processes-per-node", type=check_positive_number,
128+
help="Specify the number of processes per node as mpirun '-ppn' "
129+
"input for multi-instance execution. ",
130+
dest="num_processes_per_node", default=1)
131+
132+
self._common_arg_parser.add_argument(
133+
"-ts", "--num-train-steps", type=check_positive_number,
134+
help="Specify the number of training steps ",
135+
dest="num_train_steps", default=1)
136+
120137
self._common_arg_parser.add_argument(
121138
"--data-num-intra-threads", type=check_positive_number,
122139
help="The number intra op threads for the data layer config",
@@ -204,11 +221,11 @@ def _define_args(self):
204221
def _validate_args(self):
205222
"""validate the args and initializes platform_util"""
206223
# check if socket id is in socket number range
207-
num_sockets = self._platform_util.num_cpu_sockets
224+
num_numas = self._platform_util.num_numa_nodes
208225
args = self.args
209-
if not -1 <= args.socket_id < num_sockets:
210-
raise ValueError("Socket id must be within socket number range: "
211-
"[0, {}].".format(num_sockets - 1))
226+
if not -1 <= args.socket_id < num_numas:
227+
raise ValueError("Socket id must be within NUMA number range: "
228+
"[0, {}].".format(num_numas - 1))
212229

213230
# check number of cores
214231
num_logical_cores_per_socket = \

0 commit comments

Comments
 (0)