├── .ci ├── buildkite │ └── test_ngtf_build.py ├── jenkins │ └── jenkins-trigger.groovy └── onnx │ ├── jenkins │ ├── Jenkinsfile │ ├── README.md │ └── runCI.sh │ └── onnxruntime │ ├── Jenkinsfile │ └── proxy.patch ├── .clang-format ├── .gitattributes ├── .gitignore ├── ABOUT.md ├── CMakeLists.txt ├── CODEOWNERS ├── CONTRIB.md ├── LICENSE ├── README.md ├── VERSION.in ├── changes.md ├── cmake ├── Modules │ ├── FindCUDNN.cmake │ ├── FindGraphviz.cmake │ ├── FindSphinx.cmake │ ├── fix_mode.cmake │ ├── gen_op_version.cmake │ ├── git_tags.cmake │ ├── print_switch.cmake │ ├── style_apply.cmake │ ├── style_check.cmake │ └── var_functions.cmake ├── clang_flags.cmake ├── external │ ├── eigen.cmake │ ├── gtest.cmake │ ├── json.cmake │ ├── llvm.cmake │ ├── onednn.cmake │ ├── onetbb.cmake │ ├── onnx.cmake │ ├── protobuf.cmake │ └── pybind11.cmake ├── sdl.cmake └── share │ └── ngraphConfig.cmake.in ├── contrib └── docker │ ├── Dockerfile.ngraph │ ├── Dockerfile.ngraph.centos74 │ ├── Dockerfile.ngraph.centos74_gpu │ ├── Dockerfile.ngraph.ubuntu1604 │ ├── Dockerfile.ngraph.ubuntu1604_gpu │ ├── Makefile │ ├── README.md │ ├── build-ngraph-and-test.sh │ ├── build-ngraph-docs.sh │ ├── docker_cleanup.sh │ ├── make-dimage.sh │ ├── run_as_centos_user.sh │ ├── run_as_ubuntu_user.sh │ └── run_as_user.sh ├── doc ├── CMakeLists.txt ├── doxygen │ ├── CMakeLists.txt │ ├── Doxyfile.in │ └── images │ │ ├── README.md │ │ ├── add_commutative_postcse.svg │ │ ├── add_commutative_precse.svg │ │ ├── decompose_gelu_post.svg │ │ ├── decompose_gelu_pre.svg │ │ ├── dyn_broadcast_post_constfld.svg │ │ ├── dyn_broadcast_post_dyneliminate.svg │ │ └── dyn_broadcast_pre_constfld.svg ├── examples │ ├── .clang-format │ ├── CMakeLists.txt │ ├── README.md │ ├── abc │ │ ├── CMakeLists.txt │ │ └── abc.cpp │ ├── abc_operator │ │ ├── CMakeLists.txt │ │ └── abc_operator.cpp │ ├── dynamic_tensor │ │ ├── CMakeLists.txt │ │ └── partial_shape.cpp │ ├── mnist_mlp │ │ ├── CMakeLists.txt │ │ ├── dist_mnist_mlp.cpp │ │ ├── mnist_loader.cpp │ │ ├── mnist_loader.hpp │ │ ├── mnist_mlp.cpp │ │ └── tensor_utils.hpp │ ├── onnx │ │ └── onnx_example.py │ ├── subgraph_snippets │ │ └── mxnet-gluon-example.py │ └── update │ │ ├── CMakeLists.txt │ │ └── update.cpp └── sphinx │ ├── CMakeLists.txt │ ├── Makefile │ ├── cmake_install.cmake │ ├── generate_python_api_doc.sh │ ├── ngraph.doxyfile │ ├── ngraph_theme │ ├── __init__.py │ ├── breadcrumbs.html │ ├── footer.html │ ├── layout.html │ ├── ngversions.html │ ├── search.html │ ├── searchbox.html │ ├── static │ │ ├── css │ │ │ ├── badge_only.css │ │ │ ├── badge_only.css.map │ │ │ ├── theme.css │ │ │ └── theme.css.map │ │ ├── doxygen.css │ │ ├── favicon.ico │ │ ├── fonts │ │ │ ├── Inconsolata-Bold.ttf │ │ │ ├── Inconsolata-Regular.ttf │ │ │ ├── RobotoSlab-Bold.ttf │ │ │ ├── RobotoSlab-Light.ttf │ │ │ ├── RobotoSlab-Regular.ttf │ │ │ └── RobotoSlab-Thin.ttf │ │ ├── js │ │ │ ├── doctools.js │ │ │ ├── handlebars-2.0.0.js │ │ │ ├── highlight.7.3.pack.js │ │ │ ├── jquery-1.8.0.min.js │ │ │ ├── marked.js │ │ │ ├── modernizr.min.js │ │ │ └── theme.js │ │ ├── logo.png │ │ └── slack.png │ └── theme.conf │ └── source │ ├── _templates │ ├── autosummary │ │ └── module.rst │ └── format_release_notes.rst │ ├── backends │ ├── backend-api │ │ └── index.rst │ ├── cpp-api.rst │ ├── dynamicbackend-api │ │ └── index.rst │ └── index.rst │ ├── branding-notice.rst │ ├── buildlb.rst │ ├── conf.py │ ├── core │ ├── constructing-graphs │ │ ├── derive-for-training.rst │ │ ├── distribute-train.rst │ │ ├── execute.rst │ │ ├── import.rst │ │ ├── index.rst │ │ ├── operator.rst │ │ └── update.rst │ ├── fusion │ │ ├── graph-rewrite.rst │ │ ├── index.rst │ │ ├── mg │ │ │ ├── cat.jpg │ │ │ ├── fusion_pattern.png │ │ │ ├── pr1_graph1.png │ │ │ ├── pr1_graph2.png │ │ │ ├── pr1_graph3.png │ │ │ ├── pr1_graph4.png │ │ │ ├── pr1_graph5.png │ │ │ ├── pr1_pattern.png │ │ │ ├── pr1_pattern2.png │ │ │ ├── pr2_graph1.png │ │ │ ├── pr2_graph2.png │ │ │ ├── pr2_graph3.png │ │ │ ├── pr2_pattern2.png │ │ │ ├── rp_graph1.png │ │ │ └── rp_pattern.png │ │ └── overview.rst │ ├── overview.rst │ ├── passes │ │ ├── list-of-passes.rst │ │ ├── passes-that-use-matcher.rst │ │ └── passes.rst │ └── quantization.rst │ ├── dynamic │ └── index.rst │ ├── features.rst │ ├── frameworks │ ├── fw_overview.rst │ ├── index.rst │ ├── onnx_integ.rst │ ├── overview.rst │ ├── paddle_integ.rst │ ├── quickstart.rst │ ├── tensorflow_connect.rst │ └── validated │ │ └── list.rst │ ├── glossary.rst │ ├── graphics │ ├── PaddlePaddleDir.svg │ ├── algebraic-simpl.png │ ├── arch_complex.png │ ├── arch_simple.png │ ├── arch_simple_pad.png │ ├── bridge-to-graph-compiler.png │ ├── bridge-to-graph-compiler.xcf │ ├── classngraph_patternmatcher.png │ ├── classngraph_tensor_descriptor.png │ ├── components-dl-stack.png │ ├── core-fusion.png │ ├── execution-interface-run-graph.svg │ ├── favicon.xcf │ ├── framework-to-graph-opt.png │ ├── framework-to-kernel-lib.png │ ├── full-ngstck-updated.png │ ├── full-ngstck.png │ ├── full-ngstck.xcf │ ├── graph-compilers-at-a-glance.png │ ├── intro_graph_optimization.png │ ├── intro_kernel_explosion.png │ ├── intro_kernels.png │ ├── kernel-problem-1.png │ ├── kernel-problem-2.png │ ├── kernel-problem-3.png │ ├── main_diagram_fw_hw.png │ ├── mobilenet-group-conv.png │ ├── mobilenet-group-conv.svg │ ├── nGraphCompilerstack.png │ ├── nGraph_main.png │ ├── nGraph_mask_1-1.png │ ├── ngcompiler-ecosystem.png │ ├── ngcompiler-ecosystem.xcf │ ├── ngpipelines.png │ ├── ngraph-algebraic-simp.png │ ├── ngraph-mxnet-models.png │ ├── ngraph_arch_diag.png │ ├── ngraph_full_stack_diagrams.png │ ├── ngraph_header.png │ ├── ngraph_logo_header.png │ ├── ngraph_logo_small.png │ ├── ngraph_logo_smallest.png │ ├── ngraph_wireframes_with_notice.xcf │ ├── ngraph_wireframes_with_notice_updated.png │ ├── overview-framework-bridges.svg │ ├── overview-translation-flow.svg │ ├── paddlepaddle_design.svg │ ├── paddlepaddle_directory.png │ ├── passes-to-graph-rewrite.png │ ├── readme_stack.png │ ├── simple-compiler-passes.svg │ ├── slack.png │ ├── stackngrknl-notice.png │ ├── stackngrknl.xcf │ ├── tablengraphops.png │ ├── tensor-compilers-at-a-glance.png │ ├── translation-flow-to-ng-fofx.png │ └── whole-stack.png │ ├── index.rst │ ├── inspection │ ├── debug_core.rst │ ├── debug_onnx.rst │ ├── debug_paddle.rst │ ├── debug_tf.rst │ ├── index.rst │ ├── profiling.rst │ └── viz_tools.rst │ ├── introduction.rst │ ├── ops │ ├── abs.rst │ ├── acos.rst │ ├── add.rst │ ├── all.rst │ ├── allreduce.rst │ ├── any.rst │ ├── arg_max.rst │ ├── arg_min.rst │ ├── asin.rst │ ├── atan.rst │ ├── avg_pool.rst │ ├── avg_pool_backprop.rst │ ├── batch_norm_inference.rst │ ├── batch_norm_training.rst │ ├── batch_norm_training_backprop.rst │ ├── broadcast.rst │ ├── broadcast_distributed.rst │ ├── ceiling.rst │ ├── checklist.txt │ ├── concat.rst │ ├── constant.rst │ ├── convert.rst │ ├── convolution.rst │ ├── cos.rst │ ├── cosh.rst │ ├── dequantize.rst │ ├── divide.rst │ ├── dot.rst │ ├── drop_out.rst │ ├── equal.rst │ ├── exp.rst │ ├── floor.rst │ ├── greater.rst │ ├── greater_eq.rst │ ├── index.rst │ ├── less.rst │ ├── less_eq.rst │ ├── log.rst │ ├── max.rst │ ├── max_pool.rst │ ├── maximum.rst │ ├── min.rst │ ├── minimum.rst │ ├── multiply.rst │ ├── negative.rst │ ├── not.rst │ ├── not_equal.rst │ ├── one_hot.rst │ ├── op_stub.rst │ ├── or.rst │ ├── pad.rst │ ├── parameter.rst │ ├── power.rst │ ├── product.rst │ ├── quantize.rst │ ├── random_uniform.rst │ ├── relu.rst │ ├── result.rst │ ├── shape_of.rst │ ├── sigmoid.rst │ ├── sign.rst │ ├── sin.rst │ ├── sinh.rst │ ├── slice.rst │ ├── softmax.rst │ ├── sqrt.rst │ ├── subtract.rst │ ├── tan.rst │ ├── tanh.rst │ ├── tensor_iterator.rst │ ├── tile.rst │ ├── topk.rst │ ├── transpose.rst │ ├── unsqueeze.rst │ ├── variadic_split.rst │ └── xor.rst │ ├── project │ ├── branding-notice.rst │ ├── contrib.md │ ├── contribution-guide.rst │ ├── doc-contributor-README.rst │ ├── extras │ │ ├── distributed_training.rst │ │ ├── homomorphic_encryption.rst │ │ ├── index.rst │ │ └── testing_latency.rst │ ├── governance.rst │ ├── index.rst │ └── release-notes.rst │ ├── provenance │ ├── index.rst │ └── overview.rst │ ├── python_api │ ├── _autosummary │ │ ├── ngraph.exceptions.rst │ │ ├── ngraph.ops.rst │ │ ├── ngraph.rst │ │ └── ngraph.runtime.rst │ ├── index.rst │ └── structure.rst │ ├── replacements.txt │ ├── sitemap.rst │ └── training │ ├── data_ingest.rst │ ├── index.rst │ ├── overview.rst │ ├── paddle_dist.rst │ ├── qat.rst │ └── tf_dist.rst ├── ecosystem-overview.md ├── environment_variables.md ├── licenses ├── Apache-2.0-license.txt ├── OFL-license.txt ├── caffe2-license.txt ├── eigen-license.txt ├── fontawesome-license.txt ├── googletest-license.txt ├── jquery-license.txt ├── json-license.txt ├── llvm-license.txt ├── mkl-dnn-license.txt ├── mklml-license.txt ├── mlir-license.txt ├── notifications.txt ├── numpy-license.txt ├── pybind11-license.txt ├── sphinx-license.txt ├── sphinx_rtd_theme-license.txt ├── swagger-ui-license.txt ├── tbb-license.txt └── tensorflow-license.txt ├── maint ├── apply-code-format.sh ├── bash_lib.sh ├── check-code-format.sh ├── clang_format_lib.sh ├── create_release.py └── external-prereq-packages.ubuntu-16.04.txt ├── python ├── .gitignore ├── BUILDING.md ├── CMakeLists.txt ├── README.md ├── build_wheel.py.in ├── build_wheel.sh.in ├── examples │ └── basic.py ├── requirements.txt ├── setup.py ├── src │ ├── ngraph │ │ ├── __init__.py │ │ ├── exceptions.py │ │ ├── impl │ │ │ ├── __init__.py │ │ │ ├── onnx_import │ │ │ │ └── __init__.py │ │ │ ├── op │ │ │ │ ├── __init__.py │ │ │ │ └── util │ │ │ │ │ └── __init__.py │ │ │ ├── passes │ │ │ │ └── __init__.py │ │ │ └── runtime │ │ │ │ └── __init__.py │ │ ├── ops.py │ │ ├── runtime.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── broadcasting.py │ │ │ ├── decorators.py │ │ │ ├── input_validation.py │ │ │ ├── node_factory.py │ │ │ ├── reduction.py │ │ │ └── types.py │ └── pyngraph │ │ ├── axis_set.cpp │ │ ├── axis_set.hpp │ │ ├── axis_vector.cpp │ │ ├── axis_vector.hpp │ │ ├── coordinate.cpp │ │ ├── coordinate.hpp │ │ ├── coordinate_diff.cpp │ │ ├── coordinate_diff.hpp │ │ ├── dimension.cpp │ │ ├── dimension.hpp │ │ ├── function.cpp │ │ ├── function.hpp │ │ ├── node.cpp │ │ ├── node.hpp │ │ ├── node_factory.cpp │ │ ├── node_factory.hpp │ │ ├── onnx_import │ │ ├── onnx_import.cpp │ │ └── onnx_import.hpp │ │ ├── ops │ │ ├── constant.cpp │ │ ├── constant.hpp │ │ ├── op.cpp │ │ ├── op.hpp │ │ ├── parameter.cpp │ │ ├── parameter.hpp │ │ ├── regmodule_pyngraph_op.cpp │ │ ├── regmodule_pyngraph_op.hpp │ │ ├── result.cpp │ │ ├── result.hpp │ │ └── util │ │ │ ├── arithmetic_reduction.cpp │ │ │ ├── arithmetic_reduction.hpp │ │ │ ├── binary_elementwise_arithmetic.cpp │ │ │ ├── binary_elementwise_arithmetic.hpp │ │ │ ├── binary_elementwise_comparison.cpp │ │ │ ├── binary_elementwise_comparison.hpp │ │ │ ├── binary_elementwise_logical.cpp │ │ │ ├── binary_elementwise_logical.hpp │ │ │ ├── index_reduction.cpp │ │ │ ├── index_reduction.hpp │ │ │ ├── op_annotations.cpp │ │ │ ├── op_annotations.hpp │ │ │ ├── regmodule_pyngraph_op_util.cpp │ │ │ ├── regmodule_pyngraph_op_util.hpp │ │ │ ├── unary_elementwise_arithmetic.cpp │ │ │ └── unary_elementwise_arithmetic.hpp │ │ ├── output.cpp │ │ ├── output.hpp │ │ ├── partial_shape.cpp │ │ ├── partial_shape.hpp │ │ ├── passes │ │ ├── manager.cpp │ │ ├── manager.hpp │ │ ├── regmodule_pyngraph_passes.cpp │ │ └── regmodule_pyngraph_passes.hpp │ │ ├── pyngraph.cpp │ │ ├── runtime │ │ ├── backend.cpp │ │ ├── backend.hpp │ │ ├── executable.cpp │ │ ├── executable.hpp │ │ ├── regmodule_pyngraph_runtime.cpp │ │ ├── regmodule_pyngraph_runtime.hpp │ │ ├── tensor.cpp │ │ └── tensor.hpp │ │ ├── serializer.cpp │ │ ├── serializer.hpp │ │ ├── shape.cpp │ │ ├── shape.hpp │ │ ├── strides.cpp │ │ ├── strides.hpp │ │ ├── types │ │ ├── element_type.cpp │ │ ├── element_type.hpp │ │ ├── regmodule_pyngraph_types.cpp │ │ ├── regmodule_pyngraph_types.hpp │ │ └── type.hpp │ │ ├── util.cpp │ │ ├── util.hpp │ │ └── util.py ├── test │ ├── __init__.py │ ├── conftest.py │ ├── ngraph │ │ ├── __init__.py │ │ ├── models │ │ │ └── add_abc.onnx │ │ ├── test_basic.py │ │ ├── test_convolution.py │ │ ├── test_core.py │ │ ├── test_create_op.py │ │ ├── test_data_movement.py │ │ ├── test_input_validation.py │ │ ├── test_node_factory.py │ │ ├── test_normalization.py │ │ ├── test_onnx_import.py │ │ ├── test_ops_binary.py │ │ ├── test_ops_fused.py │ │ ├── test_ops_matmul.py │ │ ├── test_ops_multioutput.py │ │ ├── test_ops_reshape.py │ │ ├── test_ops_scatter.py │ │ ├── test_ops_unary.py │ │ ├── test_pooling.py │ │ ├── test_reduction.py │ │ ├── test_sequence_processing.py │ │ └── util.py │ └── test_ops.py ├── test_requirements.txt └── tox.ini ├── src ├── CMakeLists.txt ├── contrib │ ├── CMakeLists.txt │ └── mlir │ │ ├── .clang-format │ │ ├── CMakeLists.txt │ │ ├── backend │ │ ├── analysis │ │ │ ├── memory_analysis.cpp │ │ │ └── memory_analysis.hpp │ │ ├── backend.hpp │ │ ├── cpu │ │ │ ├── cpu_backend.cpp │ │ │ └── cpu_backend.hpp │ │ └── pass │ │ │ ├── affine_lowerer.cpp │ │ │ ├── affine_lowerer.hpp │ │ │ └── op_lowerers.inc │ │ ├── core │ │ ├── compiler.cpp │ │ ├── compiler.hpp │ │ ├── ngraph_dialect │ │ │ ├── dialect.cpp │ │ │ ├── dialect.hpp │ │ │ ├── fused_ops.td │ │ │ ├── ops.cpp │ │ │ ├── ops.hpp │ │ │ ├── ops.td │ │ │ ├── ops_attributes.td │ │ │ ├── ops_interfaces.td │ │ │ ├── ops_v0.td │ │ │ ├── ops_v1.td │ │ │ ├── type.cpp │ │ │ └── type.hpp │ │ ├── ops_supported.inc │ │ └── pass │ │ │ ├── fused_ops_pattern.td │ │ │ ├── mlir_subgraph_extraction.cpp │ │ │ ├── mlir_subgraph_extraction.hpp │ │ │ ├── ng_dialect_builder.cpp │ │ │ ├── ng_dialect_builder.hpp │ │ │ ├── ng_dialect_fused_ops.cpp │ │ │ ├── ng_dialect_fused_ops.hpp │ │ │ ├── ng_op_fusion.cpp │ │ │ └── ng_op_fusion.hpp │ │ ├── runtime │ │ ├── cpu │ │ │ ├── callback_utils.hpp │ │ │ ├── cpu_callbacks.cpp │ │ │ ├── cpu_runtime.cpp │ │ │ ├── cpu_runtime.hpp │ │ │ ├── memory_manager.cpp │ │ │ └── memory_manager.hpp │ │ └── runtime.hpp │ │ ├── tools │ │ └── ngraph-opt │ │ │ ├── CMakeLists.txt │ │ │ └── ngraph_opt.cpp │ │ ├── utils.cpp │ │ └── utils.hpp ├── ngraph │ ├── CMakeLists.txt │ ├── assertion.cpp │ ├── assertion.hpp │ ├── attribute_adapter.cpp │ ├── attribute_adapter.hpp │ ├── attribute_visitor.cpp │ ├── attribute_visitor.hpp │ ├── autodiff │ │ ├── adjoints.cpp │ │ └── adjoints.hpp │ ├── axis_set.cpp │ ├── axis_set.hpp │ ├── axis_vector.cpp │ ├── axis_vector.hpp │ ├── builder │ │ ├── autobroadcast.cpp │ │ ├── autobroadcast.hpp │ │ ├── dequantize_builder.cpp │ │ ├── dequantize_builder.hpp │ │ ├── make_constant.hpp │ │ ├── matmul_factory.cpp │ │ ├── matmul_factory.hpp │ │ ├── norm.cpp │ │ ├── norm.hpp │ │ ├── numpy_transpose.cpp │ │ ├── numpy_transpose.hpp │ │ ├── quantization │ │ │ ├── quantized_linear_convolution.cpp │ │ │ └── quantized_linear_convolution.hpp │ │ ├── quantization_utils.cpp │ │ ├── quantization_utils.hpp │ │ ├── quantize_builder.cpp │ │ ├── quantize_builder.hpp │ │ ├── quantized_concat_builder.cpp │ │ ├── quantized_concat_builder.hpp │ │ ├── quantized_conv_builder.cpp │ │ ├── quantized_conv_builder.hpp │ │ ├── quantized_dot_builder.cpp │ │ ├── quantized_dot_builder.hpp │ │ ├── reduce_ops.cpp │ │ ├── reduce_ops.hpp │ │ ├── reshape.cpp │ │ ├── reshape.hpp │ │ ├── split.cpp │ │ ├── split.hpp │ │ └── tensor_mask.hpp │ ├── check.hpp │ ├── chrome_trace.cpp │ ├── chrome_trace.hpp │ ├── code_writer.hpp │ ├── codegen │ │ ├── CMakeLists.txt │ │ ├── codegen_visibility.h │ │ ├── compiler.cpp │ │ ├── compiler.hpp │ │ ├── execution_engine.cpp │ │ └── execution_engine.hpp │ ├── coordinate.cpp │ ├── coordinate.hpp │ ├── coordinate_diff.cpp │ ├── coordinate_diff.hpp │ ├── coordinate_transform.cpp │ ├── coordinate_transform.hpp │ ├── cpio.cpp │ ├── cpio.hpp │ ├── deprecated.hpp │ ├── descriptor │ │ ├── input.cpp │ │ ├── input.hpp │ │ ├── layout │ │ │ ├── dense_tensor_layout.cpp │ │ │ ├── dense_tensor_layout.hpp │ │ │ ├── tensor_layout.cpp │ │ │ └── tensor_layout.hpp │ │ ├── output.cpp │ │ ├── output.hpp │ │ ├── tensor.cpp │ │ └── tensor.hpp │ ├── dimension.cpp │ ├── dimension.hpp │ ├── distributed.cpp │ ├── distributed.hpp │ ├── distributed │ │ ├── null.cpp │ │ └── null.hpp │ ├── enum_names.hpp │ ├── env_util.cpp │ ├── env_util.hpp │ ├── evaluator.hpp │ ├── except.hpp │ ├── factory.cpp │ ├── factory.hpp │ ├── factory_adapter.hpp │ ├── file_util.cpp │ ├── file_util.hpp │ ├── frontend │ │ ├── CMakeLists.txt │ │ └── onnx_import │ │ │ ├── CMakeLists.txt │ │ │ ├── core │ │ │ ├── attribute.cpp │ │ │ ├── attribute.hpp │ │ │ ├── graph.cpp │ │ │ ├── graph.hpp │ │ │ ├── model.cpp │ │ │ ├── model.hpp │ │ │ ├── node.cpp │ │ │ ├── node.hpp │ │ │ ├── null_node.cpp │ │ │ ├── null_node.hpp │ │ │ ├── operator_set.hpp │ │ │ ├── tensor.hpp │ │ │ └── value_info.hpp │ │ │ ├── default_opset.hpp │ │ │ ├── exceptions.cpp │ │ │ ├── exceptions.hpp │ │ │ ├── onnx.cpp │ │ │ ├── onnx.hpp │ │ │ ├── onnx_utils.cpp │ │ │ ├── onnx_utils.hpp │ │ │ ├── op │ │ │ ├── abs.hpp │ │ │ ├── acos.hpp │ │ │ ├── acosh.cpp │ │ │ ├── acosh.hpp │ │ │ ├── add.cpp │ │ │ ├── add.hpp │ │ │ ├── and.hpp │ │ │ ├── argmax.cpp │ │ │ ├── argmax.hpp │ │ │ ├── argmin.cpp │ │ │ ├── argmin.hpp │ │ │ ├── asin.hpp │ │ │ ├── asinh.cpp │ │ │ ├── asinh.hpp │ │ │ ├── atan.hpp │ │ │ ├── atanh.cpp │ │ │ ├── atanh.hpp │ │ │ ├── average_pool.cpp │ │ │ ├── average_pool.hpp │ │ │ ├── batch_norm.cpp │ │ │ ├── batch_norm.hpp │ │ │ ├── cast.cpp │ │ │ ├── cast.hpp │ │ │ ├── ceil.hpp │ │ │ ├── clip.cpp │ │ │ ├── clip.hpp │ │ │ ├── concat.cpp │ │ │ ├── concat.hpp │ │ │ ├── constant.cpp │ │ │ ├── constant.hpp │ │ │ ├── constant_of_shape.cpp │ │ │ ├── constant_of_shape.hpp │ │ │ ├── conv.cpp │ │ │ ├── conv.hpp │ │ │ ├── conv_integer.cpp │ │ │ ├── conv_integer.hpp │ │ │ ├── conv_transpose.cpp │ │ │ ├── conv_transpose.hpp │ │ │ ├── cos.cpp │ │ │ ├── cos.hpp │ │ │ ├── cosh.cpp │ │ │ ├── cosh.hpp │ │ │ ├── cum_sum.cpp │ │ │ ├── cum_sum.hpp │ │ │ ├── depth_to_space.cpp │ │ │ ├── depth_to_space.hpp │ │ │ ├── dequantize_linear.cpp │ │ │ ├── dequantize_linear.hpp │ │ │ ├── div.hpp │ │ │ ├── dropout.hpp │ │ │ ├── elu.cpp │ │ │ ├── elu.hpp │ │ │ ├── equal.hpp │ │ │ ├── erf.hpp │ │ │ ├── exp.hpp │ │ │ ├── expand.cpp │ │ │ ├── expand.hpp │ │ │ ├── eye_like.cpp │ │ │ ├── eye_like.hpp │ │ │ ├── flatten.cpp │ │ │ ├── flatten.hpp │ │ │ ├── floor.hpp │ │ │ ├── gather.hpp │ │ │ ├── gather_nd.cpp │ │ │ ├── gather_nd.hpp │ │ │ ├── gemm.cpp │ │ │ ├── gemm.hpp │ │ │ ├── global_average_pool.cpp │ │ │ ├── global_average_pool.hpp │ │ │ ├── global_max_pool.cpp │ │ │ ├── global_max_pool.hpp │ │ │ ├── greater.hpp │ │ │ ├── hard_sigmoid.cpp │ │ │ ├── hard_sigmoid.hpp │ │ │ ├── hardmax.cpp │ │ │ ├── hardmax.hpp │ │ │ ├── identity.hpp │ │ │ ├── instance_norm.cpp │ │ │ ├── instance_norm.hpp │ │ │ ├── leaky_relu.cpp │ │ │ ├── leaky_relu.hpp │ │ │ ├── less.hpp │ │ │ ├── log.cpp │ │ │ ├── log.hpp │ │ │ ├── log_softmax.cpp │ │ │ ├── log_softmax.hpp │ │ │ ├── lp_norm.cpp │ │ │ ├── lp_norm.hpp │ │ │ ├── lp_pool.cpp │ │ │ ├── lp_pool.hpp │ │ │ ├── lrn.cpp │ │ │ ├── lrn.hpp │ │ │ ├── lstm.cpp │ │ │ ├── lstm.hpp │ │ │ ├── matmul.hpp │ │ │ ├── matmul_integer.cpp │ │ │ ├── matmul_integer.hpp │ │ │ ├── max.hpp │ │ │ ├── max_pool.cpp │ │ │ ├── max_pool.hpp │ │ │ ├── mean.cpp │ │ │ ├── mean.hpp │ │ │ ├── mean_variance_normalization.cpp │ │ │ ├── mean_variance_normalization.hpp │ │ │ ├── min.hpp │ │ │ ├── mod.cpp │ │ │ ├── mod.hpp │ │ │ ├── mul.hpp │ │ │ ├── neg.hpp │ │ │ ├── non_max_suppression.cpp │ │ │ ├── non_max_suppression.hpp │ │ │ ├── non_zero.cpp │ │ │ ├── non_zero.hpp │ │ │ ├── not.hpp │ │ │ ├── onehot.cpp │ │ │ ├── onehot.hpp │ │ │ ├── or.hpp │ │ │ ├── pad.cpp │ │ │ ├── pad.hpp │ │ │ ├── pow.hpp │ │ │ ├── prelu.cpp │ │ │ ├── prelu.hpp │ │ │ ├── qlinear_matmul.cpp │ │ │ ├── qlinear_matmul.hpp │ │ │ ├── quant_conv.cpp │ │ │ ├── quant_conv.hpp │ │ │ ├── quantize_linear.cpp │ │ │ ├── quantize_linear.hpp │ │ │ ├── reciprocal.cpp │ │ │ ├── reciprocal.hpp │ │ │ ├── reduce.cpp │ │ │ ├── reduce.hpp │ │ │ ├── relu.hpp │ │ │ ├── reshape.cpp │ │ │ ├── reshape.hpp │ │ │ ├── resize.cpp │ │ │ ├── resize.hpp │ │ │ ├── reverse_sequence.cpp │ │ │ ├── reverse_sequence.hpp │ │ │ ├── roi_align.cpp │ │ │ ├── roi_align.hpp │ │ │ ├── round.cpp │ │ │ ├── round.hpp │ │ │ ├── scatter_elements.cpp │ │ │ ├── scatter_elements.hpp │ │ │ ├── scatter_nd.cpp │ │ │ ├── scatter_nd.hpp │ │ │ ├── selu.cpp │ │ │ ├── selu.hpp │ │ │ ├── shape.cpp │ │ │ ├── shape.hpp │ │ │ ├── shrink.cpp │ │ │ ├── shrink.hpp │ │ │ ├── sigmoid.hpp │ │ │ ├── sign.hpp │ │ │ ├── sin.hpp │ │ │ ├── sinh.hpp │ │ │ ├── size.cpp │ │ │ ├── size.hpp │ │ │ ├── slice.cpp │ │ │ ├── slice.hpp │ │ │ ├── softmax.cpp │ │ │ ├── softmax.hpp │ │ │ ├── softplus.cpp │ │ │ ├── softplus.hpp │ │ │ ├── softsign.cpp │ │ │ ├── softsign.hpp │ │ │ ├── space_to_depth.cpp │ │ │ ├── space_to_depth.hpp │ │ │ ├── split.cpp │ │ │ ├── split.hpp │ │ │ ├── sqrt.hpp │ │ │ ├── squeeze.cpp │ │ │ ├── squeeze.hpp │ │ │ ├── sub.hpp │ │ │ ├── sum.hpp │ │ │ ├── supported_ops.md │ │ │ ├── tan.hpp │ │ │ ├── tanh.hpp │ │ │ ├── thresholded_relu.cpp │ │ │ ├── thresholded_relu.hpp │ │ │ ├── tile.cpp │ │ │ ├── tile.hpp │ │ │ ├── topk.cpp │ │ │ ├── topk.hpp │ │ │ ├── transpose.cpp │ │ │ ├── transpose.hpp │ │ │ ├── unsqueeze.cpp │ │ │ ├── unsqueeze.hpp │ │ │ ├── where.hpp │ │ │ └── xor.hpp │ │ │ ├── ops_bridge.cpp │ │ │ ├── ops_bridge.hpp │ │ │ └── utils │ │ │ ├── arg_min_max_factory.cpp │ │ │ ├── arg_min_max_factory.hpp │ │ │ ├── common.cpp │ │ │ ├── common.hpp │ │ │ ├── convpool.cpp │ │ │ ├── convpool.hpp │ │ │ ├── onnx_importer_visibility.hpp │ │ │ ├── pooling_factory.cpp │ │ │ ├── pooling_factory.hpp │ │ │ ├── reduction.cpp │ │ │ ├── reduction.hpp │ │ │ ├── reshape.cpp │ │ │ ├── reshape.hpp │ │ │ └── variadic.hpp │ ├── function.cpp │ ├── function.hpp │ ├── graph_util.cpp │ ├── graph_util.hpp │ ├── interval.cpp │ ├── interval.hpp │ ├── lambda.cpp │ ├── lambda.hpp │ ├── log.cpp │ ├── log.hpp │ ├── ngraph.cpp │ ├── ngraph.hpp │ ├── ngraph_visibility.hpp │ ├── node.cpp │ ├── node.hpp │ ├── node_input.cpp │ ├── node_input.hpp │ ├── node_output.cpp │ ├── node_output.hpp │ ├── op │ │ ├── abs.cpp │ │ ├── abs.hpp │ │ ├── acos.cpp │ │ ├── acos.hpp │ │ ├── acosh.cpp │ │ ├── acosh.hpp │ │ ├── add.cpp │ │ ├── add.hpp │ │ ├── all.cpp │ │ ├── all.hpp │ │ ├── allreduce.cpp │ │ ├── allreduce.hpp │ │ ├── any.cpp │ │ ├── any.hpp │ │ ├── argmax.cpp │ │ ├── argmax.hpp │ │ ├── argmin.cpp │ │ ├── argmin.hpp │ │ ├── asin.cpp │ │ ├── asin.hpp │ │ ├── asinh.cpp │ │ ├── asinh.hpp │ │ ├── atan.cpp │ │ ├── atan.hpp │ │ ├── atan2.cpp │ │ ├── atan2.hpp │ │ ├── atanh.cpp │ │ ├── atanh.hpp │ │ ├── avg_pool.cpp │ │ ├── avg_pool.hpp │ │ ├── batch_mat_mul_transpose.cpp │ │ ├── batch_mat_mul_transpose.hpp │ │ ├── batch_norm.cpp │ │ ├── batch_norm.hpp │ │ ├── batch_to_space.cpp │ │ ├── batch_to_space.hpp │ │ ├── binary_convolution.cpp │ │ ├── binary_convolution.hpp │ │ ├── broadcast.cpp │ │ ├── broadcast.hpp │ │ ├── broadcast_distributed.cpp │ │ ├── broadcast_distributed.hpp │ │ ├── bucketize.cpp │ │ ├── bucketize.hpp │ │ ├── ceiling.cpp │ │ ├── ceiling.hpp │ │ ├── clamp.cpp │ │ ├── clamp.hpp │ │ ├── concat.cpp │ │ ├── concat.hpp │ │ ├── constant.cpp │ │ ├── constant.hpp │ │ ├── conv_fused.cpp │ │ ├── conv_fused.hpp │ │ ├── convert.cpp │ │ ├── convert.hpp │ │ ├── convert_like.cpp │ │ ├── convert_like.hpp │ │ ├── convolution.cpp │ │ ├── convolution.hpp │ │ ├── cos.cpp │ │ ├── cos.hpp │ │ ├── cosh.cpp │ │ ├── cosh.hpp │ │ ├── crop_and_resize.cpp │ │ ├── crop_and_resize.hpp │ │ ├── crossentropy.cpp │ │ ├── crossentropy.hpp │ │ ├── ctc_greedy_decoder.cpp │ │ ├── ctc_greedy_decoder.hpp │ │ ├── cum_sum.cpp │ │ ├── cum_sum.hpp │ │ ├── deformable_convolution.cpp │ │ ├── deformable_convolution.hpp │ │ ├── deformable_psroi_pooling.cpp │ │ ├── deformable_psroi_pooling.hpp │ │ ├── depth_to_space.cpp │ │ ├── depth_to_space.hpp │ │ ├── dequantize.cpp │ │ ├── dequantize.hpp │ │ ├── detection_output.cpp │ │ ├── detection_output.hpp │ │ ├── divide.cpp │ │ ├── divide.hpp │ │ ├── dot.cpp │ │ ├── dot.hpp │ │ ├── elu.cpp │ │ ├── elu.hpp │ │ ├── embedding_lookup.cpp │ │ ├── embedding_lookup.hpp │ │ ├── embedding_segments_sum.cpp │ │ ├── embedding_segments_sum.hpp │ │ ├── embeddingbag_offsets_sum.cpp │ │ ├── embeddingbag_offsets_sum.hpp │ │ ├── embeddingbag_packedsum.cpp │ │ ├── embeddingbag_packedsum.hpp │ │ ├── equal.cpp │ │ ├── equal.hpp │ │ ├── erf.cpp │ │ ├── erf.hpp │ │ ├── exp.cpp │ │ ├── exp.hpp │ │ ├── experimental │ │ │ ├── batch_mat_mul.cpp │ │ │ ├── batch_mat_mul.hpp │ │ │ ├── compiled_kernel.cpp │ │ │ ├── compiled_kernel.hpp │ │ │ ├── dyn_broadcast.cpp │ │ │ ├── dyn_broadcast.hpp │ │ │ ├── dyn_pad.cpp │ │ │ ├── dyn_pad.hpp │ │ │ ├── dyn_replace_slice.cpp │ │ │ ├── dyn_replace_slice.hpp │ │ │ ├── dyn_slice.cpp │ │ │ ├── dyn_slice.hpp │ │ │ ├── generate_mask.cpp │ │ │ ├── generate_mask.hpp │ │ │ ├── layers │ │ │ │ ├── ctc_greedy_decoder.hpp │ │ │ │ ├── detection_output.hpp │ │ │ │ ├── interpolate.hpp │ │ │ │ ├── prior_box.hpp │ │ │ │ ├── prior_box_clustered.hpp │ │ │ │ ├── proposal.hpp │ │ │ │ ├── psroi_pooling.hpp │ │ │ │ ├── region_yolo.hpp │ │ │ │ ├── reorg_yolo.hpp │ │ │ │ └── roi_pooling.hpp │ │ │ ├── quantized_conv_bias.cpp │ │ │ ├── quantized_conv_bias.hpp │ │ │ ├── quantized_conv_relu.cpp │ │ │ ├── quantized_conv_relu.hpp │ │ │ ├── quantized_dot_bias.cpp │ │ │ ├── quantized_dot_bias.hpp │ │ │ ├── random_uniform.cpp │ │ │ ├── random_uniform.hpp │ │ │ ├── range.hpp │ │ │ ├── shape_of.hpp │ │ │ ├── tile.hpp │ │ │ └── transpose.hpp │ │ ├── extractimagepatches.cpp │ │ ├── extractimagepatches.hpp │ │ ├── fake_quantize.cpp │ │ ├── fake_quantize.hpp │ │ ├── floor.cpp │ │ ├── floor.hpp │ │ ├── floor_mod.cpp │ │ ├── floor_mod.hpp │ │ ├── gather.cpp │ │ ├── gather.hpp │ │ ├── gather_nd.cpp │ │ ├── gather_nd.hpp │ │ ├── gather_tree.cpp │ │ ├── gather_tree.hpp │ │ ├── gelu.cpp │ │ ├── gelu.hpp │ │ ├── gemm.cpp │ │ ├── gemm.hpp │ │ ├── greater.cpp │ │ ├── greater.hpp │ │ ├── greater_equal.cpp │ │ ├── greater_equal.hpp │ │ ├── grn.cpp │ │ ├── grn.hpp │ │ ├── group_conv.cpp │ │ ├── group_conv.hpp │ │ ├── gru_cell.cpp │ │ ├── gru_cell.hpp │ │ ├── hard_sigmoid.cpp │ │ ├── hard_sigmoid.hpp │ │ ├── interpolate.cpp │ │ ├── interpolate.hpp │ │ ├── layer_norm.cpp │ │ ├── layer_norm.hpp │ │ ├── less.cpp │ │ ├── less.hpp │ │ ├── less_equal.cpp │ │ ├── less_equal.hpp │ │ ├── log.cpp │ │ ├── log.hpp │ │ ├── logical_and.cpp │ │ ├── logical_and.hpp │ │ ├── logical_not.cpp │ │ ├── logical_not.hpp │ │ ├── logical_or.cpp │ │ ├── logical_or.hpp │ │ ├── logical_xor.cpp │ │ ├── logical_xor.hpp │ │ ├── lrn.cpp │ │ ├── lrn.hpp │ │ ├── lstm_cell.cpp │ │ ├── lstm_cell.hpp │ │ ├── lstm_sequence.cpp │ │ ├── lstm_sequence.hpp │ │ ├── matmul.cpp │ │ ├── matmul.hpp │ │ ├── max.cpp │ │ ├── max.hpp │ │ ├── max_pool.cpp │ │ ├── max_pool.hpp │ │ ├── maximum.cpp │ │ ├── maximum.hpp │ │ ├── min.cpp │ │ ├── min.hpp │ │ ├── minimum.cpp │ │ ├── minimum.hpp │ │ ├── mod.cpp │ │ ├── mod.hpp │ │ ├── multiply.cpp │ │ ├── multiply.hpp │ │ ├── mvn.cpp │ │ ├── mvn.hpp │ │ ├── negative.cpp │ │ ├── negative.hpp │ │ ├── non_max_suppression.cpp │ │ ├── non_max_suppression.hpp │ │ ├── non_zero.cpp │ │ ├── non_zero.hpp │ │ ├── normalize_l2.cpp │ │ ├── normalize_l2.hpp │ │ ├── not_equal.cpp │ │ ├── not_equal.hpp │ │ ├── one_hot.cpp │ │ ├── one_hot.hpp │ │ ├── op.cpp │ │ ├── op.hpp │ │ ├── pad.cpp │ │ ├── pad.hpp │ │ ├── parameter.cpp │ │ ├── parameter.hpp │ │ ├── partial_slice.cpp │ │ ├── partial_slice.hpp │ │ ├── passthrough.cpp │ │ ├── passthrough.hpp │ │ ├── power.cpp │ │ ├── power.hpp │ │ ├── prelu.cpp │ │ ├── prelu.hpp │ │ ├── prior_box.cpp │ │ ├── prior_box.hpp │ │ ├── prior_box_clustered.cpp │ │ ├── prior_box_clustered.hpp │ │ ├── product.cpp │ │ ├── product.hpp │ │ ├── proposal.cpp │ │ ├── proposal.hpp │ │ ├── psroi_pooling.cpp │ │ ├── psroi_pooling.hpp │ │ ├── quantize.cpp │ │ ├── quantize.hpp │ │ ├── quantized_convolution.cpp │ │ ├── quantized_convolution.hpp │ │ ├── quantized_dot.cpp │ │ ├── quantized_dot.hpp │ │ ├── range.cpp │ │ ├── range.hpp │ │ ├── recv.cpp │ │ ├── recv.hpp │ │ ├── reduce_logical_and.cpp │ │ ├── reduce_logical_and.hpp │ │ ├── reduce_logical_or.cpp │ │ ├── reduce_logical_or.hpp │ │ ├── reduce_mean.cpp │ │ ├── reduce_mean.hpp │ │ ├── reduce_prod.cpp │ │ ├── reduce_prod.hpp │ │ ├── reduce_sum.cpp │ │ ├── reduce_sum.hpp │ │ ├── region_yolo.cpp │ │ ├── region_yolo.hpp │ │ ├── relu.cpp │ │ ├── relu.hpp │ │ ├── reorg_yolo.cpp │ │ ├── reorg_yolo.hpp │ │ ├── replace_slice.cpp │ │ ├── replace_slice.hpp │ │ ├── reshape.cpp │ │ ├── reshape.hpp │ │ ├── result.cpp │ │ ├── result.hpp │ │ ├── reverse.cpp │ │ ├── reverse.hpp │ │ ├── reverse_sequence.cpp │ │ ├── reverse_sequence.hpp │ │ ├── rnn_cell.cpp │ │ ├── rnn_cell.hpp │ │ ├── roi_align.cpp │ │ ├── roi_align.hpp │ │ ├── roi_pooling.cpp │ │ ├── roi_pooling.hpp │ │ ├── round.cpp │ │ ├── round.hpp │ │ ├── scale_shift.cpp │ │ ├── scale_shift.hpp │ │ ├── scatter_add.cpp │ │ ├── scatter_add.hpp │ │ ├── scatter_elements_update.cpp │ │ ├── scatter_elements_update.hpp │ │ ├── scatter_nd.cpp │ │ ├── scatter_nd.hpp │ │ ├── scatter_nd_add.cpp │ │ ├── scatter_nd_add.hpp │ │ ├── scatter_nd_update.cpp │ │ ├── scatter_nd_update.hpp │ │ ├── scatter_update.cpp │ │ ├── scatter_update.hpp │ │ ├── select.cpp │ │ ├── select.hpp │ │ ├── selu.cpp │ │ ├── selu.hpp │ │ ├── send.cpp │ │ ├── send.hpp │ │ ├── shape_of.cpp │ │ ├── shape_of.hpp │ │ ├── shuffle_channels.cpp │ │ ├── shuffle_channels.hpp │ │ ├── sigmoid.cpp │ │ ├── sigmoid.hpp │ │ ├── sign.cpp │ │ ├── sign.hpp │ │ ├── sin.cpp │ │ ├── sin.hpp │ │ ├── sinh.cpp │ │ ├── sinh.hpp │ │ ├── slice.cpp │ │ ├── slice.hpp │ │ ├── softmax.cpp │ │ ├── softmax.hpp │ │ ├── softmax_crossentropy.cpp │ │ ├── softmax_crossentropy.hpp │ │ ├── space_to_batch.cpp │ │ ├── space_to_batch.hpp │ │ ├── space_to_depth.cpp │ │ ├── space_to_depth.hpp │ │ ├── split.cpp │ │ ├── split.hpp │ │ ├── sqrt.cpp │ │ ├── sqrt.hpp │ │ ├── squared_difference.cpp │ │ ├── squared_difference.hpp │ │ ├── squeeze.cpp │ │ ├── squeeze.hpp │ │ ├── stack.cpp │ │ ├── stack.hpp │ │ ├── stop_gradient.cpp │ │ ├── stop_gradient.hpp │ │ ├── strided_slice.cpp │ │ ├── strided_slice.hpp │ │ ├── subtract.cpp │ │ ├── subtract.hpp │ │ ├── sum.cpp │ │ ├── sum.hpp │ │ ├── tan.cpp │ │ ├── tan.hpp │ │ ├── tanh.cpp │ │ ├── tanh.hpp │ │ ├── tensor_iterator.cpp │ │ ├── tensor_iterator.hpp │ │ ├── tile.cpp │ │ ├── tile.hpp │ │ ├── topk.cpp │ │ ├── topk.hpp │ │ ├── transpose.cpp │ │ ├── transpose.hpp │ │ ├── unsqueeze.cpp │ │ ├── unsqueeze.hpp │ │ ├── util │ │ │ ├── activation_functions.cpp │ │ │ ├── activation_functions.hpp │ │ │ ├── arithmetic_reduction.cpp │ │ │ ├── arithmetic_reduction.hpp │ │ │ ├── arithmetic_reductions_keep_dims.cpp │ │ │ ├── arithmetic_reductions_keep_dims.hpp │ │ │ ├── attr_types.cpp │ │ │ ├── attr_types.hpp │ │ │ ├── binary_elementwise.cpp │ │ │ ├── binary_elementwise.hpp │ │ │ ├── binary_elementwise_arithmetic.cpp │ │ │ ├── binary_elementwise_arithmetic.hpp │ │ │ ├── binary_elementwise_comparison.cpp │ │ │ ├── binary_elementwise_comparison.hpp │ │ │ ├── binary_elementwise_logical.cpp │ │ │ ├── binary_elementwise_logical.hpp │ │ │ ├── broadcast_base.cpp │ │ │ ├── broadcast_base.hpp │ │ │ ├── embeddingbag_offsets_base.cpp │ │ │ ├── embeddingbag_offsets_base.hpp │ │ │ ├── embeddingbag_packed_base.cpp │ │ │ ├── embeddingbag_packed_base.hpp │ │ │ ├── eval_copy.hpp │ │ │ ├── fused_op.cpp │ │ │ ├── fused_op.hpp │ │ │ ├── index_reduction.cpp │ │ │ ├── index_reduction.hpp │ │ │ ├── logical_reduction.cpp │ │ │ ├── logical_reduction.hpp │ │ │ ├── logical_reduction_keep_dims.cpp │ │ │ ├── logical_reduction_keep_dims.hpp │ │ │ ├── op_annotations.hpp │ │ │ ├── rnn_cell_base.cpp │ │ │ ├── rnn_cell_base.hpp │ │ │ ├── scatter_base.cpp │ │ │ ├── scatter_base.hpp │ │ │ ├── scatter_nd_base.cpp │ │ │ ├── scatter_nd_base.hpp │ │ │ ├── unary_elementwise_arithmetic.cpp │ │ │ └── unary_elementwise_arithmetic.hpp │ │ ├── variadic_split.cpp │ │ └── variadic_split.hpp │ ├── ops.hpp │ ├── opset │ │ ├── opset.cpp │ │ ├── opset.hpp │ │ ├── opset0.hpp │ │ ├── opset0_tbl.hpp │ │ ├── opset1.hpp │ │ ├── opset1_tbl.hpp │ │ ├── opset3.hpp │ │ ├── opset3_tbl.hpp │ │ ├── opset_orphans.hpp │ │ └── opset_orphans_tbl.hpp │ ├── output_vector.hpp │ ├── partial_shape.cpp │ ├── partial_shape.hpp │ ├── pass │ │ ├── algebraic_simplification.cpp │ │ ├── algebraic_simplification.hpp │ │ ├── assign_layout.hpp │ │ ├── batch_fusion.cpp │ │ ├── batch_fusion.hpp │ │ ├── common_function_collection.cpp │ │ ├── common_function_collection.hpp │ │ ├── concat_fusion.cpp │ │ ├── concat_fusion.hpp │ │ ├── constant_folding.cpp │ │ ├── constant_folding.hpp │ │ ├── constant_folding_arithmetic_reduction.cpp │ │ ├── constant_folding_convert.cpp │ │ ├── constant_folding_dequantize.cpp │ │ ├── constant_folding_dyn_broadcast.cpp │ │ ├── constant_folding_dyn_reshape.cpp │ │ ├── constant_folding_dyn_slice.cpp │ │ ├── constant_folding_gather.cpp │ │ ├── constant_folding_logical_reduction.cpp │ │ ├── constant_folding_one_hot.cpp │ │ ├── constant_folding_pad.cpp │ │ ├── constant_folding_quantize.cpp │ │ ├── constant_folding_reverse.cpp │ │ ├── constant_folding_scatter.cpp │ │ ├── constant_folding_select.cpp │ │ ├── constant_folding_slice.cpp │ │ ├── constant_folding_split.cpp │ │ ├── constant_folding_tile.cpp │ │ ├── constant_folding_transpose.cpp │ │ ├── constant_folding_variadic_split.cpp │ │ ├── constant_to_broadcast.cpp │ │ ├── constant_to_broadcast.hpp │ │ ├── convert_fp32_to_fp16.cpp │ │ ├── convert_fp32_to_fp16.hpp │ │ ├── convert_opset_0_to_1.cpp │ │ ├── convert_opset_0_to_1.hpp │ │ ├── convert_opset_1_to_0.cpp │ │ ├── convert_opset_1_to_0.hpp │ │ ├── convert_opset_3_to_1.cpp │ │ ├── convert_opset_3_to_1.hpp │ │ ├── core_fusion.cpp │ │ ├── core_fusion.hpp │ │ ├── cse.cpp │ │ ├── cse.hpp │ │ ├── dump_sorted.cpp │ │ ├── dump_sorted.hpp │ │ ├── dyn_elimination.cpp │ │ ├── dyn_elimination.hpp │ │ ├── fused_op_decomposition.cpp │ │ ├── fused_op_decomposition.hpp │ │ ├── graph_rewrite.cpp │ │ ├── graph_rewrite.hpp │ │ ├── implicit_broadcast_elimination.cpp │ │ ├── implicit_broadcast_elimination.hpp │ │ ├── like_replacement.cpp │ │ ├── like_replacement.hpp │ │ ├── liveness.cpp │ │ ├── liveness.hpp │ │ ├── manager.cpp │ │ ├── manager.hpp │ │ ├── manager_state.hpp │ │ ├── memory_layout.cpp │ │ ├── memory_layout.hpp │ │ ├── memory_visualize.cpp │ │ ├── memory_visualize.hpp │ │ ├── nop_elimination.cpp │ │ ├── nop_elimination.hpp │ │ ├── pass.cpp │ │ ├── pass.hpp │ │ ├── pass_config.cpp │ │ ├── pass_config.hpp │ │ ├── pass_util.cpp │ │ ├── pass_util.hpp │ │ ├── propagate_cacheability.cpp │ │ ├── propagate_cacheability.hpp │ │ ├── reshape_elimination.cpp │ │ ├── reshape_elimination.hpp │ │ ├── reshape_elimination_v1.cpp │ │ ├── reshape_elimination_v1.hpp │ │ ├── reshape_sinking.cpp │ │ ├── reshape_sinking.hpp │ │ ├── serialize.cpp │ │ ├── serialize.hpp │ │ ├── shape_relevance.cpp │ │ ├── shape_relevance.hpp │ │ ├── validate.cpp │ │ ├── validate.hpp │ │ ├── validate_graph.cpp │ │ ├── validate_graph.hpp │ │ ├── visualize_tree.cpp │ │ ├── visualize_tree.hpp │ │ ├── zero_dim_tensor_elimination.cpp │ │ └── zero_dim_tensor_elimination.hpp │ ├── pattern │ │ ├── matcher.cpp │ │ ├── matcher.hpp │ │ └── op │ │ │ ├── any.cpp │ │ │ ├── any.hpp │ │ │ ├── any_of.cpp │ │ │ ├── any_of.hpp │ │ │ ├── branch.cpp │ │ │ ├── branch.hpp │ │ │ ├── capture.cpp │ │ │ ├── capture.hpp │ │ │ ├── label.cpp │ │ │ ├── label.hpp │ │ │ ├── or.cpp │ │ │ ├── or.hpp │ │ │ ├── pattern.cpp │ │ │ ├── pattern.hpp │ │ │ ├── skip.cpp │ │ │ ├── skip.hpp │ │ │ ├── true.cpp │ │ │ └── true.hpp │ ├── provenance.cpp │ ├── provenance.hpp │ ├── rank.hpp │ ├── rt_info.cpp │ ├── rt_info.hpp │ ├── runtime │ │ ├── CMakeLists.txt │ │ ├── aligned_buffer.cpp │ │ ├── aligned_buffer.hpp │ │ ├── allocator.cpp │ │ ├── allocator.hpp │ │ ├── backend.cpp │ │ ├── backend.hpp │ │ ├── backend_manager.cpp │ │ ├── backend_manager.hpp │ │ ├── cpu │ │ │ ├── CMakeLists.txt │ │ │ ├── builder │ │ │ │ ├── add.cpp │ │ │ │ ├── allreduce.cpp │ │ │ │ ├── argmax.cpp │ │ │ │ ├── argmin.cpp │ │ │ │ ├── avg_pool.cpp │ │ │ │ ├── batch_norm.cpp │ │ │ │ ├── bounded_relu.cpp │ │ │ │ ├── broadcast.cpp │ │ │ │ ├── broadcast_distributed.cpp │ │ │ │ ├── concat.cpp │ │ │ │ ├── convert.cpp │ │ │ │ ├── convert_layout.cpp │ │ │ │ ├── convolution.cpp │ │ │ │ ├── cum_sum.cpp │ │ │ │ ├── dot.cpp │ │ │ │ ├── dropout.cpp │ │ │ │ ├── embedding_lookup.cpp │ │ │ │ ├── erf.cpp │ │ │ │ ├── gather.cpp │ │ │ │ ├── gather_nd.cpp │ │ │ │ ├── gelu.cpp │ │ │ │ ├── leaky_relu.cpp │ │ │ │ ├── lrn.cpp │ │ │ │ ├── lstm.cpp │ │ │ │ ├── matmul_bias.cpp │ │ │ │ ├── max.cpp │ │ │ │ ├── max_pool.cpp │ │ │ │ ├── min.cpp │ │ │ │ ├── mlir_cpu_compiled_kernel.cpp │ │ │ │ ├── one_hot.cpp │ │ │ │ ├── pad.cpp │ │ │ │ ├── product.cpp │ │ │ │ ├── quantization.cpp │ │ │ │ ├── quantized_conv.cpp │ │ │ │ ├── quantized_dot.cpp │ │ │ │ ├── quantized_matmul.cpp │ │ │ │ ├── random_uniform.cpp │ │ │ │ ├── reduce_function.cpp │ │ │ │ ├── reduction.hpp │ │ │ │ ├── relu.cpp │ │ │ │ ├── replace_slice.cpp │ │ │ │ ├── reshape.cpp │ │ │ │ ├── reverse.cpp │ │ │ │ ├── reverse_sequence.cpp │ │ │ │ ├── rnn.cpp │ │ │ │ ├── scatter_add.cpp │ │ │ │ ├── scatter_nd_add.cpp │ │ │ │ ├── select.cpp │ │ │ │ ├── sigmoid.cpp │ │ │ │ ├── slice.cpp │ │ │ │ ├── softmax.cpp │ │ │ │ ├── state.cpp │ │ │ │ ├── sum.cpp │ │ │ │ ├── tile.cpp │ │ │ │ ├── topk.cpp │ │ │ │ └── update_slice.cpp │ │ │ ├── cpu_backend.cpp │ │ │ ├── cpu_backend.hpp │ │ │ ├── cpu_backend_visibility.h │ │ │ ├── cpu_builder.cpp │ │ │ ├── cpu_builder.hpp │ │ │ ├── cpu_builder_registry.cpp │ │ │ ├── cpu_builder_registry.hpp │ │ │ ├── cpu_call_frame.cpp │ │ │ ├── cpu_call_frame.hpp │ │ │ ├── cpu_cse.cpp │ │ │ ├── cpu_cse.hpp │ │ │ ├── cpu_debug_tracer.cpp │ │ │ ├── cpu_debug_tracer.hpp │ │ │ ├── cpu_debugger.cpp │ │ │ ├── cpu_debugger.hpp │ │ │ ├── cpu_eigen_utils.hpp │ │ │ ├── cpu_emitter.cpp │ │ │ ├── cpu_emitter.hpp │ │ │ ├── cpu_executable.cpp │ │ │ ├── cpu_executable.hpp │ │ │ ├── cpu_execution_mode.hpp │ │ │ ├── cpu_executor.cpp │ │ │ ├── cpu_executor.hpp │ │ │ ├── cpu_external_function.cpp │ │ │ ├── cpu_external_function.hpp │ │ │ ├── cpu_kernel_emitters.cpp │ │ │ ├── cpu_kernel_emitters.hpp │ │ │ ├── cpu_kernel_utils.cpp │ │ │ ├── cpu_kernel_utils.hpp │ │ │ ├── cpu_kernels.cpp │ │ │ ├── cpu_kernels.hpp │ │ │ ├── cpu_layout_descriptor.cpp │ │ │ ├── cpu_layout_descriptor.hpp │ │ │ ├── cpu_op_annotations.cpp │ │ │ ├── cpu_op_annotations.hpp │ │ │ ├── cpu_runtime_context.hpp │ │ │ ├── cpu_tensor.cpp │ │ │ ├── cpu_tensor.hpp │ │ │ ├── cpu_tensor_wrapper.cpp │ │ │ ├── cpu_tensor_wrapper.hpp │ │ │ ├── cpu_tracing.cpp │ │ │ ├── cpu_tracing.hpp │ │ │ ├── cpu_visualize_tree.cpp │ │ │ ├── cpu_visualize_tree.hpp │ │ │ ├── dnnl_emitter.cpp │ │ │ ├── dnnl_emitter.hpp │ │ │ ├── dnnl_invoke.cpp │ │ │ ├── dnnl_invoke.hpp │ │ │ ├── dnnl_utils.cpp │ │ │ ├── dnnl_utils.hpp │ │ │ ├── kernel │ │ │ │ ├── abs.hpp │ │ │ │ ├── acos.hpp │ │ │ │ ├── add.hpp │ │ │ │ ├── and.hpp │ │ │ │ ├── argmax.hpp │ │ │ │ ├── argmin.hpp │ │ │ │ ├── asin.hpp │ │ │ │ ├── atan.hpp │ │ │ │ ├── atan2.hpp │ │ │ │ ├── avg_pool.hpp │ │ │ │ ├── batchnorm.hpp │ │ │ │ ├── broadcast.hpp │ │ │ │ ├── ceil.hpp │ │ │ │ ├── concat.hpp │ │ │ │ ├── convert.hpp │ │ │ │ ├── convolution.hpp │ │ │ │ ├── cos.hpp │ │ │ │ ├── cosh.hpp │ │ │ │ ├── cum_sum.hpp │ │ │ │ ├── cwise_pow.hpp │ │ │ │ ├── divide.hpp │ │ │ │ ├── dot.hpp │ │ │ │ ├── dropout.hpp │ │ │ │ ├── equal.hpp │ │ │ │ ├── erf.hpp │ │ │ │ ├── exp.hpp │ │ │ │ ├── floor.hpp │ │ │ │ ├── gather.hpp │ │ │ │ ├── greater.hpp │ │ │ │ ├── greater_eq.hpp │ │ │ │ ├── less.hpp │ │ │ │ ├── less_eq.hpp │ │ │ │ ├── log.hpp │ │ │ │ ├── max_pool.hpp │ │ │ │ ├── maximum.hpp │ │ │ │ ├── minimum.hpp │ │ │ │ ├── multiply.hpp │ │ │ │ ├── negative.hpp │ │ │ │ ├── not.hpp │ │ │ │ ├── not_equal.hpp │ │ │ │ ├── one_hot.hpp │ │ │ │ ├── or.hpp │ │ │ │ ├── pad.cpp │ │ │ │ ├── pad.hpp │ │ │ │ ├── reduce_max.cpp │ │ │ │ ├── reduce_max.hpp │ │ │ │ ├── reduce_min.hpp │ │ │ │ ├── reduce_product.hpp │ │ │ │ ├── reduce_sum.cpp │ │ │ │ ├── reduce_sum.hpp │ │ │ │ ├── relu.hpp │ │ │ │ ├── replace_slice.hpp │ │ │ │ ├── reshape.cpp │ │ │ │ ├── reshape.hpp │ │ │ │ ├── result.hpp │ │ │ │ ├── reverse.hpp │ │ │ │ ├── reverse_sequence.hpp │ │ │ │ ├── round.hpp │ │ │ │ ├── scatter_add.hpp │ │ │ │ ├── select.hpp │ │ │ │ ├── sigmoid_multiply.hpp │ │ │ │ ├── sign.hpp │ │ │ │ ├── sin.hpp │ │ │ │ ├── sinh.hpp │ │ │ │ ├── slice.hpp │ │ │ │ ├── softmax.hpp │ │ │ │ ├── sqrt.hpp │ │ │ │ ├── subtract.hpp │ │ │ │ ├── tan.hpp │ │ │ │ ├── tanh.hpp │ │ │ │ ├── tile.hpp │ │ │ │ ├── update_slice.hpp │ │ │ │ └── xor.hpp │ │ │ ├── kernel_selectors.hpp │ │ │ ├── op │ │ │ │ ├── batch_norm_relu.cpp │ │ │ │ ├── batch_norm_relu.hpp │ │ │ │ ├── bounded_relu.cpp │ │ │ │ ├── bounded_relu.hpp │ │ │ │ ├── conv_add.cpp │ │ │ │ ├── conv_add.hpp │ │ │ │ ├── conv_relu.cpp │ │ │ │ ├── conv_relu.hpp │ │ │ │ ├── convert_layout.cpp │ │ │ │ ├── convert_layout.hpp │ │ │ │ ├── deconv.cpp │ │ │ │ ├── deconv.hpp │ │ │ │ ├── dropout.cpp │ │ │ │ ├── dropout.hpp │ │ │ │ ├── gelu_backprop.cpp │ │ │ │ ├── gelu_backprop.hpp │ │ │ │ ├── group_conv_bias.cpp │ │ │ │ ├── group_conv_bias.hpp │ │ │ │ ├── leaky_relu.cpp │ │ │ │ ├── leaky_relu.hpp │ │ │ │ ├── lstm.cpp │ │ │ │ ├── lstm.hpp │ │ │ │ ├── matmul_bias.cpp │ │ │ │ ├── matmul_bias.hpp │ │ │ │ ├── max_pool_with_indices.cpp │ │ │ │ ├── max_pool_with_indices.hpp │ │ │ │ ├── quantized_matmul.cpp │ │ │ │ ├── quantized_matmul.hpp │ │ │ │ ├── rnn.cpp │ │ │ │ ├── rnn.hpp │ │ │ │ ├── rnn_utils.hpp │ │ │ │ ├── sigmoid_mul.cpp │ │ │ │ ├── sigmoid_mul.hpp │ │ │ │ ├── update_slice.cpp │ │ │ │ └── update_slice.hpp │ │ │ ├── pass │ │ │ │ ├── cpu_assignment.cpp │ │ │ │ ├── cpu_assignment.hpp │ │ │ │ ├── cpu_collapse_dims.cpp │ │ │ │ ├── cpu_collapse_dims.hpp │ │ │ │ ├── cpu_dnnl_primitive_build.cpp │ │ │ │ ├── cpu_dnnl_primitive_build.hpp │ │ │ │ ├── cpu_fusion.cpp │ │ │ │ ├── cpu_fusion.hpp │ │ │ │ ├── cpu_horizontal_fusion.cpp │ │ │ │ ├── cpu_horizontal_fusion.hpp │ │ │ │ ├── cpu_layout.cpp │ │ │ │ ├── cpu_layout.hpp │ │ │ │ ├── cpu_mat_fusion.cpp │ │ │ │ ├── cpu_mat_fusion.hpp │ │ │ │ ├── cpu_memory_assignment.cpp │ │ │ │ ├── cpu_memory_assignment.hpp │ │ │ │ ├── cpu_memory_optimization.cpp │ │ │ │ ├── cpu_memory_optimization.hpp │ │ │ │ ├── cpu_post_layout_optimizations.cpp │ │ │ │ ├── cpu_post_layout_optimizations.hpp │ │ │ │ ├── cpu_rnn_fusion.cpp │ │ │ │ ├── cpu_rnn_fusion.hpp │ │ │ │ ├── cpu_workspace_insertion.cpp │ │ │ │ └── cpu_workspace_insertion.hpp │ │ │ ├── pregenerated_src │ │ │ │ └── cpu_cg_runtime_context.hpp │ │ │ ├── static_initialize.hpp │ │ │ └── unit_test.manifest │ │ ├── dynamic │ │ │ ├── dynamic_backend.cpp │ │ │ ├── dynamic_backend.hpp │ │ │ ├── dynamic_executable.cpp │ │ │ ├── dynamic_executable.hpp │ │ │ ├── dynamic_tensor.cpp │ │ │ └── dynamic_tensor.hpp │ │ ├── eval │ │ │ ├── CMakeLists.txt │ │ │ ├── eval_backend.cpp │ │ │ ├── eval_backend.hpp │ │ │ ├── eval_backend_visibility.hpp │ │ │ ├── eval_executable.cpp │ │ │ ├── eval_executable.hpp │ │ │ └── unit_test.manifest │ │ ├── executable.cpp │ │ ├── executable.hpp │ │ ├── executable_cache.cpp │ │ ├── executable_cache.hpp │ │ ├── gcpu │ │ │ ├── CMakeLists.txt │ │ │ ├── gcpu_backend.cpp │ │ │ ├── gcpu_backend.hpp │ │ │ ├── gcpu_backend_visibility.hpp │ │ │ ├── gcpu_executable.cpp │ │ │ ├── gcpu_executable.hpp │ │ │ ├── kernel │ │ │ │ └── dot.hpp │ │ │ └── unit_test.manifest │ │ ├── host_tensor.cpp │ │ ├── host_tensor.hpp │ │ ├── interpreter │ │ │ ├── CMakeLists.txt │ │ │ ├── int_backend.cpp │ │ │ ├── int_backend.hpp │ │ │ ├── int_backend_visibility.hpp │ │ │ ├── int_executable.cpp │ │ │ ├── int_executable.hpp │ │ │ └── unit_test.manifest │ │ ├── mlir │ │ │ ├── CMakeLists.txt │ │ │ ├── mlir_backend.cpp │ │ │ ├── mlir_backend.hpp │ │ │ ├── mlir_backend_visibility.hpp │ │ │ ├── mlir_executable.cpp │ │ │ ├── mlir_executable.hpp │ │ │ └── unit_test.manifest │ │ ├── opt_kernel │ │ │ ├── broadcast.hpp │ │ │ └── reshape.hpp │ │ ├── performance_counter.hpp │ │ ├── reference │ │ │ ├── abs.hpp │ │ │ ├── acos.hpp │ │ │ ├── acosh.hpp │ │ │ ├── add.hpp │ │ │ ├── all.hpp │ │ │ ├── allreduce.hpp │ │ │ ├── and.hpp │ │ │ ├── any.hpp │ │ │ ├── argmax.hpp │ │ │ ├── argmin.hpp │ │ │ ├── asin.hpp │ │ │ ├── asinh.hpp │ │ │ ├── atan.hpp │ │ │ ├── atan2.hpp │ │ │ ├── atanh.hpp │ │ │ ├── autobroadcast_binop.hpp │ │ │ ├── avg_pool.hpp │ │ │ ├── batch_mat_mul.hpp │ │ │ ├── batch_norm.hpp │ │ │ ├── broadcast.hpp │ │ │ ├── broadcast_distributed.hpp │ │ │ ├── ceiling.hpp │ │ │ ├── clamp.hpp │ │ │ ├── concat.hpp │ │ │ ├── constant.hpp │ │ │ ├── convert.hpp │ │ │ ├── convolution.hpp │ │ │ ├── copy.hpp │ │ │ ├── cos.hpp │ │ │ ├── cosh.hpp │ │ │ ├── cum_sum.hpp │ │ │ ├── dequantize.hpp │ │ │ ├── divide.hpp │ │ │ ├── dot.hpp │ │ │ ├── embedding_lookup.hpp │ │ │ ├── equal.hpp │ │ │ ├── erf.hpp │ │ │ ├── exp.hpp │ │ │ ├── floor.hpp │ │ │ ├── gather.hpp │ │ │ ├── gather_nd.hpp │ │ │ ├── generate_mask.hpp │ │ │ ├── greater.hpp │ │ │ ├── greater_equal.hpp │ │ │ ├── less.hpp │ │ │ ├── less_equal.hpp │ │ │ ├── log.hpp │ │ │ ├── lrn.hpp │ │ │ ├── matmul.hpp │ │ │ ├── max.hpp │ │ │ ├── max_pool.hpp │ │ │ ├── maximum.hpp │ │ │ ├── mean.hpp │ │ │ ├── min.hpp │ │ │ ├── minimum.hpp │ │ │ ├── mod.hpp │ │ │ ├── multiply.hpp │ │ │ ├── negate.hpp │ │ │ ├── non_zero.hpp │ │ │ ├── not.hpp │ │ │ ├── not_equal.hpp │ │ │ ├── one_hot.hpp │ │ │ ├── or.hpp │ │ │ ├── pad.hpp │ │ │ ├── power.hpp │ │ │ ├── product.hpp │ │ │ ├── quantize.hpp │ │ │ ├── random_uniform.hpp │ │ │ ├── range.hpp │ │ │ ├── recv.hpp │ │ │ ├── relu.hpp │ │ │ ├── replace_slice.hpp │ │ │ ├── reshape.hpp │ │ │ ├── result.hpp │ │ │ ├── reverse.hpp │ │ │ ├── reverse_sequence.hpp │ │ │ ├── round.hpp │ │ │ ├── scatter_add.hpp │ │ │ ├── scatter_elements_update.hpp │ │ │ ├── scatter_nd_add.hpp │ │ │ ├── select.hpp │ │ │ ├── send.hpp │ │ │ ├── shape_of.hpp │ │ │ ├── sigmoid.hpp │ │ │ ├── sign.hpp │ │ │ ├── sin.hpp │ │ │ ├── sinh.hpp │ │ │ ├── slice.hpp │ │ │ ├── softmax.hpp │ │ │ ├── sqrt.hpp │ │ │ ├── strided_slice.hpp │ │ │ ├── subtract.hpp │ │ │ ├── sum.hpp │ │ │ ├── tan.hpp │ │ │ ├── tanh.hpp │ │ │ ├── tile.hpp │ │ │ ├── topk.hpp │ │ │ └── xor.hpp │ │ ├── tensor.cpp │ │ └── tensor.hpp │ ├── serializer.cpp │ ├── serializer.hpp │ ├── serializer_stub.cpp │ ├── shape.cpp │ ├── shape.hpp │ ├── shape_util.cpp │ ├── shape_util.hpp │ ├── slice_plan.cpp │ ├── slice_plan.hpp │ ├── specialize_function.cpp │ ├── specialize_function.hpp │ ├── state │ │ ├── bernoulli_rng_state.cpp │ │ ├── bernoulli_rng_state.hpp │ │ ├── state.hpp │ │ ├── uniform_rng_state.cpp │ │ └── uniform_rng_state.hpp │ ├── strides.cpp │ ├── strides.hpp │ ├── type.cpp │ ├── type.hpp │ ├── type │ │ ├── bfloat16.cpp │ │ ├── bfloat16.hpp │ │ ├── element_type.cpp │ │ ├── element_type.hpp │ │ ├── element_type_traits.hpp │ │ ├── float16.cpp │ │ └── float16.hpp │ ├── util.cpp │ ├── util.hpp │ ├── validation_util.cpp │ ├── validation_util.hpp │ ├── variant.cpp │ ├── variant.hpp │ ├── version.in.hpp │ └── visibility.hpp ├── resource │ ├── CMakeLists.txt │ ├── header_rewrite.cpp │ ├── header_rewrite.hpp │ ├── main.cpp │ ├── uncomment.cpp │ ├── uncomment.hpp │ ├── util.cpp │ └── util.hpp ├── runtime │ ├── CMakeLists.txt │ ├── gpu │ │ ├── CMakeLists.txt │ │ ├── cublas_emitter.cpp │ │ ├── cublas_emitter.hpp │ │ ├── cuda_emitter.cpp │ │ ├── cuda_emitter.hpp │ │ ├── cuda_error_check.hpp │ │ ├── cudnn_descriptors.hpp │ │ ├── cudnn_emitter.cpp │ │ ├── cudnn_emitter.hpp │ │ ├── cudnn_host_parameters.hpp │ │ ├── cudnn_invoke.cpp │ │ ├── cudnn_invoke.hpp │ │ ├── gpu_backend.cpp │ │ ├── gpu_backend.hpp │ │ ├── gpu_backend_visibility.hpp │ │ ├── gpu_call_frame.cpp │ │ ├── gpu_call_frame.hpp │ │ ├── gpu_compiled_function.cpp │ │ ├── gpu_compiled_function.hpp │ │ ├── gpu_cuda_context_manager.cpp │ │ ├── gpu_cuda_context_manager.hpp │ │ ├── gpu_cuda_function_builder.cpp │ │ ├── gpu_cuda_function_builder.hpp │ │ ├── gpu_cuda_function_pool.cpp │ │ ├── gpu_cuda_function_pool.hpp │ │ ├── gpu_cuda_kernel_builder.cpp │ │ ├── gpu_cuda_kernel_builder.hpp │ │ ├── gpu_cuda_kernel_ops.hpp │ │ ├── gpu_emitter.cpp │ │ ├── gpu_emitter.hpp │ │ ├── gpu_executable.cpp │ │ ├── gpu_executable.hpp │ │ ├── gpu_external_function.cpp │ │ ├── gpu_external_function.hpp │ │ ├── gpu_host_parameters.hpp │ │ ├── gpu_internal_function.cpp │ │ ├── gpu_internal_function.hpp │ │ ├── gpu_invoke.cpp │ │ ├── gpu_invoke.hpp │ │ ├── gpu_kernel_args.cpp │ │ ├── gpu_kernel_args.hpp │ │ ├── gpu_kernel_emitters.cpp │ │ ├── gpu_kernel_emitters.hpp │ │ ├── gpu_memory_manager.cpp │ │ ├── gpu_memory_manager.hpp │ │ ├── gpu_op_annotations.hpp │ │ ├── gpu_primitive_emitter.cpp │ │ ├── gpu_primitive_emitter.hpp │ │ ├── gpu_runtime_constructor.cpp │ │ ├── gpu_runtime_constructor.hpp │ │ ├── gpu_runtime_context.cpp │ │ ├── gpu_runtime_context.hpp │ │ ├── gpu_tensor.cpp │ │ ├── gpu_tensor.hpp │ │ ├── gpu_tensor_wrapper.cpp │ │ ├── gpu_tensor_wrapper.hpp │ │ ├── gpu_util.cpp │ │ ├── gpu_util.hpp │ │ ├── host_emitter.cpp │ │ ├── host_emitter.hpp │ │ ├── nvcc │ │ │ ├── example.cu.cpp │ │ │ └── kernels.hpp │ │ ├── nvdiff.hpp │ │ ├── nvrtc │ │ │ └── helpers.hpp │ │ ├── nvshape.hpp │ │ ├── op │ │ │ ├── batch_norm.cpp │ │ │ ├── batch_norm.hpp │ │ │ ├── op_tbl.hpp │ │ │ ├── rnn.cpp │ │ │ └── rnn.hpp │ │ ├── pass │ │ │ ├── gpu_batch_norm_cache.cpp │ │ │ ├── gpu_batch_norm_cache.hpp │ │ │ ├── gpu_layout.cpp │ │ │ ├── gpu_layout.hpp │ │ │ ├── gpu_rnn_fusion.cpp │ │ │ ├── gpu_rnn_fusion.hpp │ │ │ ├── tensor_memory_reservation.cpp │ │ │ └── tensor_memory_reservation.hpp │ │ ├── type_info.cpp │ │ ├── type_info.hpp │ │ └── unit_test.manifest │ └── nop │ │ ├── CMakeLists.txt │ │ ├── nop_backend.cpp │ │ ├── nop_backend.hpp │ │ └── nop_backend_visibility.hpp └── tools │ ├── CMakeLists.txt │ ├── nbench │ ├── CMakeLists.txt │ ├── benchmark.cpp │ ├── benchmark.hpp │ ├── benchmark_pipelined.cpp │ ├── benchmark_pipelined.hpp │ ├── benchmark_utils.cpp │ ├── benchmark_utils.hpp │ └── nbench.cpp │ ├── reserialize │ ├── CMakeLists.txt │ └── reserialize.cpp │ ├── run_onnx_model │ ├── CMakeLists.txt │ └── run_onnx_model.cpp │ └── serialize_onnx │ ├── CMakeLists.txt │ └── serialize_onnx.cpp └── test ├── CMakeLists.txt ├── algebraic_simplification.cpp ├── aligned_buffer.cpp ├── all_close_f.cpp ├── assertion.cpp ├── attributes.cpp ├── backend ├── abc.in.cpp ├── abs.in.cpp ├── acos.in.cpp ├── acosh.in.cpp ├── add.in.cpp ├── aliased_output.in.cpp ├── all.in.cpp ├── any.in.cpp ├── api.in.cpp ├── arg_reduce.in.cpp ├── asin.in.cpp ├── asinh.in.cpp ├── atan.in.cpp ├── atan2.in.cpp ├── atanh.in.cpp ├── auto_broadcast.in.cpp ├── autodiff.in.cpp ├── batch_mat_mul.in.cpp ├── batch_norm.in.cpp ├── broadcast.in.cpp ├── builder_flatten.in.cpp ├── builder_reduce_ops_opset1.in.cpp ├── ceiling.in.cpp ├── clamp.in.cpp ├── comparison.in.cpp ├── computation_reuse.in.cpp ├── concat.in.cpp ├── constant.in.cpp ├── conv_bias.in.cpp ├── convert.in.cpp ├── convolution.in.cpp ├── convolution_reference.in.cpp ├── cos.in.cpp ├── cosh.in.cpp ├── cross_entropy.in.cpp ├── cum_sum.in.cpp ├── divide.in.cpp ├── dot.in.cpp ├── dyn_broadcast.in.cpp ├── dyn_replace_slice_reference.in.cpp ├── dyn_reshape.in.cpp ├── dyn_slice_reference.in.cpp ├── dynamic.in.cpp ├── elu.in.cpp ├── embedding_lookup.in.cpp ├── erf.in.cpp ├── exp.in.cpp ├── fake_quantize.in.cpp ├── floor.in.cpp ├── function_name.in.cpp ├── gather.in.cpp ├── gelu.in.cpp ├── gemm.in.cpp ├── generate_mask.in.cpp ├── graph_comparison.in.cpp ├── grn.in.cpp ├── group_conv.in.cpp ├── group_convolution.in.cpp ├── gru_cell.in.cpp ├── hard_sigmoid.in.cpp ├── layer_norm.in.cpp ├── log.in.cpp ├── logical_and.in.cpp ├── logical_or.in.cpp ├── logical_xor.in.cpp ├── lrn.in.cpp ├── lstm_cell.in.cpp ├── matmul.in.cpp ├── max.in.cpp ├── maximum.in.cpp ├── min.in.cpp ├── minimum.in.cpp ├── mlir.in.cpp ├── mod.in.cpp ├── multiple_backends.in.cpp ├── multiple_result.in.cpp ├── multiply.in.cpp ├── mvn.in.cpp ├── negative.in.cpp ├── node_name.in.cpp ├── non_zero.in.cpp ├── normalize.in.cpp ├── not.in.cpp ├── numeric.in.cpp ├── numpy.in.cpp ├── one_hot.in.cpp ├── pad.in.cpp ├── parameter_as_output.in.cpp ├── partial_slice.in.cpp ├── pool.in.cpp ├── power.in.cpp ├── prelu.in.cpp ├── product.in.cpp ├── quantize_dequantize.in.cpp ├── quantized_convolution.in.cpp ├── quantized_dot.in.cpp ├── random_uniform.in.cpp ├── range.in.cpp ├── reduce_max.in.cpp ├── reduce_mean.in.cpp ├── reduce_min.in.cpp ├── reduce_prod.in.cpp ├── reduce_sum.in.cpp ├── relu.in.cpp ├── replace_slice.in.cpp ├── reshape.in.cpp ├── reverse.in.cpp ├── reverse_sequence.in.cpp ├── rnn_cell.in.cpp ├── round.in.cpp ├── scale.in.cpp ├── scatter.in.cpp ├── select.in.cpp ├── shape_of.in.cpp ├── shuffle_channels.in.cpp ├── sigmoid.in.cpp ├── sign.in.cpp ├── sin.in.cpp ├── sinh.in.cpp ├── slice.in.cpp ├── softmax.in.cpp ├── split.in.cpp ├── sqrt.in.cpp ├── squared_difference.in.cpp ├── squeeze.in.cpp ├── stack.in.cpp ├── strided_slice.in.cpp ├── subtract.in.cpp ├── sum.in.cpp ├── tan.in.cpp ├── tanh.in.cpp ├── tile.in.cpp ├── topk.in.cpp ├── transpose.in.cpp ├── unhandled_op.in.cpp ├── unsqueeze.in.cpp ├── validate_call.in.cpp └── zero_sized.in.cpp ├── backend_api.cpp ├── backend_debug_api.cpp ├── backend_performance.cpp ├── bfloat16.cpp ├── build_graph.cpp ├── builder.cpp ├── builder_autobroadcast.cpp ├── builder_quantization.cpp ├── check.cpp ├── concat_fusion.cpp ├── constant.cpp ├── constant_folding.cpp ├── control_dependencies.cpp ├── convert_u1_to_string.cpp ├── coordinate.cpp ├── copy.cpp ├── core.cpp ├── core_fusion.cpp ├── cpio.cpp ├── cpu_codegen.cpp ├── cpu_core_fusion.in.cpp ├── cpu_debug_tracer.in.cpp ├── cpu_debugger.in.cpp ├── cpu_fusion.cpp ├── cpu_fusion.in.cpp ├── cpu_test.in.cpp ├── cse.cpp ├── dnnl.cpp ├── dyn_elimination.cpp ├── element_type.cpp ├── eval.cpp ├── file_util.cpp ├── files ├── graph_with_goe.json ├── onnx │ ├── convtranspose_output_shape │ │ ├── w.bin │ │ ├── x.bin │ │ └── y.bin │ ├── qlinearconv2d │ │ ├── x.bin │ │ └── y.bin │ └── qlinearconv3d │ │ ├── x.bin │ │ └── y.bin └── test.cpio ├── float16.cpp ├── gpu_fusion.cpp ├── gpu_test.cpp ├── header_standalone.in.cpp ├── includes.cpp ├── input_output_assign.cpp ├── intervals.cpp ├── main.cpp ├── misc.cpp ├── misc.hpp ├── mlir ├── CMakeLists.txt ├── affine_conversion │ ├── bare_ptr_call_conv.mlir │ ├── callback_ops.mlir │ ├── core_ops.mlir │ ├── memory_opt.mlir │ └── types.mlir ├── lit.cfg.py ├── lit.site.cfg.py.in ├── ngraph_dialect │ ├── elementwise_binary_ops.mlir │ ├── fused_ops.mlir │ ├── module_function.mlir │ ├── pattern │ │ └── fused_ops.mlir │ └── types.mlir ├── ops_test.cpp └── transforms │ └── op_fusion.mlir ├── models ├── conv_bias.json ├── mxnet │ ├── 10_bucket_LSTM.json │ ├── 1_lstm_cell_forward.json │ ├── 1rnn_layer_3lstm_cell.json │ ├── 2layer_3timestep_ic100oc100.json │ ├── 2rnn_layer_1timestep.json │ ├── 2rnn_layer_3lstm_cell.json │ ├── 3_lstm_cell_forward.json │ ├── Graph_fprop_sigmoid.json │ ├── LSTM_backward.json │ ├── LSTM_forward.json │ ├── Seq2Seq_backward.json │ ├── Seq2Seq_forward.json │ ├── Sockeye_Seq2Seq_backward.json │ ├── Sockeye_Seq2Seq_forward.json │ ├── batch_dot_3.json │ ├── bn_bprop.json │ ├── bn_fprop.json │ ├── bn_fprop_b2c3h2w2.json │ ├── gru_debug.json │ ├── lstm_bi_directional.json │ ├── mnist_mlp_forward.json │ ├── mxnet_densenet121_inference_batch1_float32.json │ ├── rnn-10-step-fusion-test.json │ └── tranpose.json ├── onnx │ ├── acosh.prototxt │ ├── add_abc.onnx │ ├── add_abc.prototxt │ ├── add_abc_initializers.prototxt │ ├── add_bcast.prototxt │ ├── addmul_abc.prototxt │ ├── argmax_int32.prototxt │ ├── argmin_int32.prototxt │ ├── argmin_no_keepdims.prototxt │ ├── asinh.prototxt │ ├── atanh.prototxt │ ├── average_pool_2d.prototxt │ ├── average_pool_2d_pads.prototxt │ ├── batchnorm_default.prototxt │ ├── bool_const_op.prototxt │ ├── bool_init_and.prototxt │ ├── bool_init_raw.prototxt │ ├── bool_input_or.prototxt │ ├── concat.prototxt │ ├── concat_negative_axis.prototxt │ ├── conv2d_dilation_assym_pads_strides.prototxt │ ├── conv3d_bias.prototxt │ ├── conv_integer.prototxt │ ├── conv_integer_no_zero_point.prototxt │ ├── conv_integer_pads.prototxt │ ├── conv_transpose_w_groups.prototxt │ ├── conv_with_strides_and_asymmetric_padding.prototxt │ ├── conv_with_strides_no_padding.prototxt │ ├── conv_with_strides_padding.prototxt │ ├── conv_with_strides_padding_bias.prototxt │ ├── convtranspose_dyn_data.prototxt │ ├── convtranspose_dyn_filters.prototxt │ ├── convtranspose_groups_pads_bias.prototxt │ ├── convtranspose_groups_w_pads.prototxt │ ├── convtranspose_output_shape.prototxt │ ├── convtranspose_output_shape_auto_pads_same_lower.prototxt │ ├── convtranspose_output_shape_auto_pads_same_upper.prototxt │ ├── cosh.prototxt │ ├── cum_sum_1d.prototxt │ ├── cum_sum_2d_axis_input.prototxt │ ├── cum_sum_2d_dynamic_axis_input.prototxt │ ├── cum_sum_3d_exclusive_reverse.prototxt │ ├── custom_operator.prototxt │ ├── custom_operator_default_domain.prototxt │ ├── depth_to_space.prototxt │ ├── depth_to_space_bad_blocksize.prototxt │ ├── depth_to_space_chw.prototxt │ ├── depth_to_space_no_blocksize.prototxt │ ├── dequant_lin.prototxt │ ├── dequantize_linear_0.prototxt │ ├── dequantize_linear_1.prototxt │ ├── dequantize_linear_2.prototxt │ ├── dequantize_linear_3.prototxt │ ├── dequantize_linear_4.prototxt │ ├── dequantize_linear_5.prototxt │ ├── div.prototxt │ ├── dynamic_shapes │ │ ├── a_plus_b_dyn_rank.prototxt │ │ ├── ab_plus_c.prototxt │ │ ├── acosh_dyn_shape.prototxt │ │ ├── argmax_dyn.prototxt │ │ ├── argmin_no_keep_dims_dyn.prototxt │ │ ├── asinh_dyn_shape.prototxt │ │ ├── atanh_dyn_shape.prototxt │ │ ├── average_pool_2d_dyn.prototxt │ │ ├── constant_of_shape_float_zeros.prototxt │ │ ├── constant_of_shape_int_ones.prototxt │ │ ├── conv_with_dynamic_batch.prototxt │ │ ├── expand_dyn.prototxt │ │ ├── expand_uint16_dyn.prototxt │ │ ├── flatten_dyn_shape_axis.prototxt │ │ ├── flatten_dyn_shape_axis0.prototxt │ │ ├── flatten_dyn_shape_neg_axis.prototxt │ │ ├── global_average_pool_dyn.prototxt │ │ ├── global_max_pool_dyn.prototxt │ │ ├── max_pool_2d_dyn.prototxt │ │ ├── scalar_initializers.prototxt │ │ ├── slice_2d_default_steps_dyn_begin_end.prototxt │ │ ├── slice_2d_input.prototxt │ │ ├── slice_3d_input.prototxt │ │ ├── slice_3d_input_12_axes.prototxt │ │ ├── slice_3d_input_20_axes.prototxt │ │ ├── slice_3d_input_neg_axes.prototxt │ │ ├── slice_4d_input_0231_axes_ends_max.prototxt │ │ ├── slice_4d_input_2103_axes.prototxt │ │ ├── slice_4d_input_23_axes.prototxt │ │ ├── slice_4d_input_23_axes_21_steps.prototxt │ │ ├── slice_default_axes.prototxt │ │ ├── slice_default_steps.prototxt │ │ └── transpose.prototxt │ ├── elu.prototxt │ ├── erf.prototxt │ ├── erf_int32.prototxt │ ├── expand_static_shape.prototxt │ ├── eye_like.prototxt │ ├── filename.prototxt │ ├── flatten.prototxt │ ├── gatherND_float.prototxt │ ├── gatherND_int32.prototxt │ ├── gemm_abc.prototxt │ ├── global_lp_pool_dynamic_hw.prototxt │ ├── global_lp_pool_p0.prototxt │ ├── global_lp_pool_p1.prototxt │ ├── global_lp_pool_p2.prototxt │ ├── global_lp_pool_p3.prototxt │ ├── hardmax.prototxt │ ├── initializer_wo_input.prototxt │ ├── instance_norm.prototxt │ ├── leaky_relu.prototxt │ ├── lp_norm_default.prototxt │ ├── lp_norm_p1.prototxt │ ├── lp_norm_p2.prototxt │ ├── lstm_bdir_short_input_seq.prototxt │ ├── lstm_fwd_hardsigmoid_activation.prototxt │ ├── lstm_fwd_large_batch_no_clip.prototxt │ ├── lstm_fwd_mixed_seq.prototxt │ ├── lstm_fwd_with_clip.prototxt │ ├── lstm_mixed_seq_reverse.prototxt │ ├── matmul.prototxt │ ├── matmul_float.prototxt │ ├── matmul_integer.prototxt │ ├── matmul_integer_4d.prototxt │ ├── matmul_integer_4d_no_zero_point.prototxt │ ├── matmul_integer_no_zero_point.prototxt │ ├── matmul_integer_scalar.prototxt │ ├── matmul_vec_ten3d.prototxt │ ├── max.prototxt │ ├── max_opset1.prototxt │ ├── max_pool_2d_pads.prototxt │ ├── mean.prototxt │ ├── mean_opset1.prototxt │ ├── min_two_inputs.prototxt │ ├── min_two_inputs_opset1.prototxt │ ├── missing_input.prototxt │ ├── missing_op_domain.prototxt │ ├── mod_sign.prototxt │ ├── non_zero_1d.prototxt │ ├── non_zero_1d_float.prototxt │ ├── non_zero_2d_bool.prototxt │ ├── non_zero_3d.prototxt │ ├── non_zero_scalar.prototxt │ ├── one_hot_axis.prototxt │ ├── one_hot_no_axis.prototxt │ ├── onnx_prototxt_converter.py │ ├── onnx_prototxt_converter_requirements.txt │ ├── override_op.prototxt │ ├── pad_constant.prototxt │ ├── prelu.prototxt │ ├── provenance_downgrade_topk.prototxt │ ├── provenance_input_tags.prototxt │ ├── provenance_multiple_outputs_op.prototxt │ ├── provenance_node_name_and_outputs.prototxt │ ├── provenance_only_outputs.prototxt │ ├── provenance_tag_add.prototxt │ ├── qlinear_conv_2d.prototxt │ ├── qlinear_conv_3d.prototxt │ ├── qlinear_matmul.prototxt │ ├── qlinear_matmul_3d.prototxt │ ├── quant_conv_lin.prototxt │ ├── quantize_linear.prototxt │ ├── quantize_linear_axis_negative.prototxt │ ├── quantize_linear_axis_zero.prototxt │ ├── quantize_linear_zero_point.prototxt │ ├── reciprocal.prototxt │ ├── reduce_l1.prototxt │ ├── reduce_l2.prototxt │ ├── reduce_log_sum.prototxt │ ├── reduce_log_sum_exp.prototxt │ ├── reduce_max.prototxt │ ├── reduce_mean.prototxt │ ├── reduce_min.prototxt │ ├── reduce_prod.prototxt │ ├── reduce_sum.prototxt │ ├── reduce_sum_square.prototxt │ ├── relu.prototxt │ ├── reshape_extended_dims.prototxt │ ├── reshape_negative_dim.prototxt │ ├── reshape_negative_with_zero_dims.prototxt │ ├── reshape_output_shape_as_input.prototxt │ ├── reshape_reduced_dims.prototxt │ ├── reshape_reordered_dims.prototxt │ ├── reshape_single_dim.prototxt │ ├── resize_opset10.prototxt │ ├── reverse_sequence_incorrect_batch_axis.prototxt │ ├── reverse_sequence_incorrect_time_axis.prototxt │ ├── reverse_sequence_time_0_batch_1.prototxt │ ├── reverse_sequence_time_1_batch_0.prototxt │ ├── reverse_sequence_time_and_batch_axis_equal.prototxt │ ├── round.prototxt │ ├── scatter_elements_opset11.prototxt │ ├── scatter_nd.prototxt │ ├── scatter_opset10.prototxt │ ├── selu.prototxt │ ├── shape.prototxt │ ├── shrink_float.prototxt │ ├── shrink_int.prototxt │ ├── sigmoid.prototxt │ ├── sign.prototxt │ ├── sinh.prototxt │ ├── softmax_0D.prototxt │ ├── softmax_1D.prototxt │ ├── softmax_axis_0.prototxt │ ├── softmax_axis_1.prototxt │ ├── softmax_axis_2.prototxt │ ├── softmax_invalid_axis_1D.prototxt │ ├── softmax_invalid_axis_3D.prototxt │ ├── softplus.prototxt │ ├── space_to_depth.prototxt │ ├── space_to_depth_bad_blocksize.prototxt │ ├── space_to_depth_chw.prototxt │ ├── space_to_depth_no_blocksize.prototxt │ ├── split_equal_parts_2d.prototxt │ ├── split_equal_parts_default.prototxt │ ├── split_variable_parts_2d.prototxt │ ├── squeeze_duplicate_axes.prototxt │ ├── sub.prototxt │ ├── sum.prototxt │ ├── sum_one_input.prototxt │ ├── sum_opset1.prototxt │ ├── sum_opset8.prototxt │ ├── tanh.prototxt │ ├── thresholded_relu.prototxt │ ├── tile.prototxt │ ├── tile_static.prototxt │ ├── top_k.prototxt │ ├── top_k_opset_10.prototxt │ ├── top_k_opset_10_const_k.prototxt │ ├── top_k_opset_11_const_k_smallest.prototxt │ ├── unknown_domain.prototxt │ ├── unknown_domain_add.prototxt │ ├── unsqueeze.prototxt │ ├── unsqueeze_negative_axes.prototxt │ ├── unsupported_op.prototxt │ └── where.prototxt ├── paddlepaddle │ ├── ngraph-paddlepaddle-bprop0.json │ ├── ngraph-paddlepaddle-bprop1.json │ ├── ngraph-paddlepaddle-function1.json │ └── ngraph-paddlepaddle-function3.json ├── tensorflow │ ├── mnist_cnn_maxpool │ │ ├── tf_function_cluster_13[_XlaCompiledKernel=true,_XlaNumConstantArgs=0,_XlaNumResourceArgs=0].v33.json │ │ └── tf_function_cluster_17[_XlaCompiledKernel=true,_XlaNumConstantArgs=1,_XlaNumResourceArgs=0].v170.json │ ├── mnist_mlp │ │ └── tf_function_cluster_4[_XlaCompiledKernel=true,_XlaNumConstantArgs=1,_XlaNumResourceArgs=0].v82.json │ ├── resnet8 │ │ ├── tf_function_cluster_12[_XlaCompiledKernel=true,_XlaNumConstantArgs=3,_XlaNumResourceArgs=0].v23.json │ │ ├── tf_function_cluster_16[_XlaCompiledKernel=true,_XlaNumConstantArgs=6,_XlaNumResourceArgs=0].v42.json │ │ ├── tf_function_cluster_20[_XlaCompiledKernel=true,_XlaNumConstantArgs=3,_XlaNumResourceArgs=0].v23.json │ │ ├── tf_function_cluster_22[_XlaCompiledKernel=true,_XlaNumConstantArgs=4,_XlaNumResourceArgs=0].v24.json │ │ ├── tf_function_cluster_23[_XlaCompiledKernel=true,_XlaNumConstantArgs=1,_XlaNumResourceArgs=0].v296.json │ │ ├── tf_function_cluster_28[_XlaCompiledKernel=true,_XlaNumConstantArgs=0,_XlaNumResourceArgs=0].v13.json │ │ ├── tf_function_cluster_34[_XlaCompiledKernel=true,_XlaNumConstantArgs=7,_XlaNumResourceArgs=0].v73.json │ │ ├── tf_function_cluster_4[_XlaCompiledKernel=true,_XlaNumConstantArgs=1,_XlaNumResourceArgs=0].v14.json │ │ └── tf_function_cluster_8[_XlaCompiledKernel=true,_XlaNumConstantArgs=2,_XlaNumResourceArgs=0].v28.json │ └── rnn │ │ └── vanilla_rnn_3_time_step.json └── tf_conv_mnist_nhwc.json ├── ngraph_api.cpp ├── node_input_output.cpp ├── nop_elimination.cpp ├── onnx ├── onnx_import.in.cpp ├── onnx_import_const_folding.in.cpp ├── onnx_import_convpool.in.cpp ├── onnx_import_dyn_shapes.in.cpp ├── onnx_import_library.in.cpp ├── onnx_import_provenance.in.cpp ├── onnx_import_quant.in.cpp ├── onnx_import_reshape.in.cpp └── onnx_import_rnn.in.cpp ├── op.cpp ├── op_eval ├── matmul.cpp ├── mod.cpp ├── non_zero.cpp └── strided_slice.cpp ├── op_is.cpp ├── opset1.cpp ├── opset_pass ├── broadcast_opset_pass.cpp ├── convolution_opset_pass.cpp ├── gather_opset_pass.cpp ├── generate_mask_opset_pass.cpp ├── one_hot_opset_pass.cpp ├── pad_opset_pass.cpp ├── poolings_opset_pass.cpp ├── reduction_opset_pass.cpp ├── reverse_opset_pass.cpp ├── select_opset_pass.cpp ├── slice_opset_pass.cpp ├── softmax_opset_pass.cpp ├── topk_opset_pass.cpp └── transpose_opset_pass.cpp ├── partial_shape.cpp ├── pass.cpp ├── pass_liveness.cpp ├── pass_manager.cpp ├── pass_memory_layout.cpp ├── pass_shape_relevance.cpp ├── pattern.cpp ├── provenance.cpp ├── ref_generators ├── generate_convolution_ref.py ├── generate_dyn_replace_slice_ref.py ├── generate_dyn_slice_ref.py ├── generate_lrn_across_axes.py └── generate_normalize_l2_ref.py ├── replace_node.cpp ├── reshape_elimination.cpp ├── reshape_elimination_v1.cpp ├── reshape_sinking.cpp ├── serialize.cpp ├── shape.cpp ├── specialize_function.cpp ├── tensor.cpp ├── tools.cpp ├── type_info.cpp ├── type_prop ├── all.cpp ├── any.cpp ├── avg_pool.cpp ├── batch_mat_mul.cpp ├── batch_mat_mul_transpose.cpp ├── batch_norm.cpp ├── batch_to_space.cpp ├── binary_elementwise.cpp ├── broadcast.cpp ├── bucketize.cpp ├── clamp.cpp ├── compat.cpp ├── concat.cpp ├── constant.cpp ├── convert.cpp ├── convolution.cpp ├── convolution_bias.cpp ├── crop_and_resize.cpp ├── deformable_psroi_pooling.cpp ├── depth_to_space.cpp ├── dequantize.cpp ├── dot.cpp ├── dyn_broadcast.cpp ├── dyn_pad.cpp ├── dyn_replace_slice.cpp ├── dyn_reshape.cpp ├── dyn_slice.cpp ├── elu.cpp ├── embedding_lookup.cpp ├── embedding_segments_sum.cpp ├── embeddingbag_offsetssum.cpp ├── embeddingbag_packedsum.cpp ├── extractimagepatches.cpp ├── fake_quantize.cpp ├── gather.cpp ├── gather_nd.cpp ├── gather_tree.cpp ├── gemm.cpp ├── grn.cpp ├── group_convolution.cpp ├── group_convolution_backprop_data.cpp ├── gru_cell.cpp ├── hard_sigmoid.cpp ├── index_reduction.cpp ├── layer_norm.cpp ├── lrn.cpp ├── lstm_cell.cpp ├── lstm_sequence.cpp ├── matmul.cpp ├── max_pool.cpp ├── mvn.cpp ├── non_max_suppression.cpp ├── non_zero.cpp ├── normalize.cpp ├── one_hot.cpp ├── pad.cpp ├── parameter.cpp ├── prelu.cpp ├── proposal.cpp ├── quantize.cpp ├── quantized_convolution.cpp ├── quantized_dot.cpp ├── random_uniform.cpp ├── range.cpp ├── reduce_prod.cpp ├── reduce_sum.cpp ├── replace_slice.cpp ├── reshape.cpp ├── reverse.cpp ├── reverse_sequence.cpp ├── rnn_cell.cpp ├── roi_align.cpp ├── scale_shift.cpp ├── scatter_add.cpp ├── scatter_elements_update.cpp ├── scatter_nd.cpp ├── scatter_nd_update.cpp ├── scatter_update.cpp ├── select.cpp ├── shape_of.cpp ├── shuffle_channels.cpp ├── slice.cpp ├── space_to_batch.cpp ├── space_to_depth.cpp ├── split.cpp ├── squared_difference.cpp ├── squeeze.cpp ├── strided_slice.cpp ├── sum.cpp ├── tile.cpp ├── top_k.cpp ├── transpose.cpp ├── unary_elementwise.cpp ├── unsqueeze.cpp └── variadic_split.cpp ├── type_prop_benchmark.cpp ├── type_prop_layers.cpp ├── update_convolution_reference.sh ├── update_dyn_replace_slice_reference.sh ├── update_dyn_slice_reference.sh ├── util.cpp ├── util ├── CMakeLists.txt ├── all_close.hpp ├── all_close_f.cpp ├── all_close_f.hpp ├── autodiff │ ├── backprop_derivative.hpp │ ├── backprop_function.cpp │ ├── backprop_function.hpp │ ├── numeric_compare.hpp │ └── numeric_derivative.hpp ├── float_util.cpp ├── float_util.hpp ├── known_element_types.hpp ├── matcher.hpp ├── ndarray.hpp ├── provenance_enabler.hpp ├── random.hpp ├── test_case.cpp ├── test_case.hpp ├── test_control.cpp ├── test_control.hpp ├── test_tools.cpp ├── test_tools.hpp ├── type_prop.hpp ├── unit-test-execution │ ├── README.md │ ├── conftest.py │ ├── requirements.txt │ └── unit_test_executable.py └── visitor.hpp └── zero_dim_tensor_elimination.cpp /.ci/buildkite/test_ngtf_build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.ci/buildkite/test_ngtf_build.py -------------------------------------------------------------------------------- /.ci/onnx/jenkins/Jenkinsfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.ci/onnx/jenkins/Jenkinsfile -------------------------------------------------------------------------------- /.ci/onnx/jenkins/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.ci/onnx/jenkins/README.md -------------------------------------------------------------------------------- /.ci/onnx/jenkins/runCI.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.ci/onnx/jenkins/runCI.sh -------------------------------------------------------------------------------- /.ci/onnx/onnxruntime/Jenkinsfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.ci/onnx/onnxruntime/Jenkinsfile -------------------------------------------------------------------------------- /.ci/onnx/onnxruntime/proxy.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.ci/onnx/onnxruntime/proxy.patch -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.clang-format -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.gitattributes -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/.gitignore -------------------------------------------------------------------------------- /ABOUT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/ABOUT.md -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CONTRIB.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/CONTRIB.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/README.md -------------------------------------------------------------------------------- /VERSION.in: -------------------------------------------------------------------------------- 1 | ${NGRAPH_VERSION} 2 | -------------------------------------------------------------------------------- /changes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/changes.md -------------------------------------------------------------------------------- /cmake/Modules/FindCUDNN.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/FindCUDNN.cmake -------------------------------------------------------------------------------- /cmake/Modules/FindGraphviz.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/FindGraphviz.cmake -------------------------------------------------------------------------------- /cmake/Modules/FindSphinx.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/FindSphinx.cmake -------------------------------------------------------------------------------- /cmake/Modules/fix_mode.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/fix_mode.cmake -------------------------------------------------------------------------------- /cmake/Modules/git_tags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/git_tags.cmake -------------------------------------------------------------------------------- /cmake/Modules/print_switch.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/print_switch.cmake -------------------------------------------------------------------------------- /cmake/Modules/style_apply.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/style_apply.cmake -------------------------------------------------------------------------------- /cmake/Modules/style_check.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/style_check.cmake -------------------------------------------------------------------------------- /cmake/Modules/var_functions.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/Modules/var_functions.cmake -------------------------------------------------------------------------------- /cmake/clang_flags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/clang_flags.cmake -------------------------------------------------------------------------------- /cmake/external/eigen.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/eigen.cmake -------------------------------------------------------------------------------- /cmake/external/gtest.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/gtest.cmake -------------------------------------------------------------------------------- /cmake/external/json.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/json.cmake -------------------------------------------------------------------------------- /cmake/external/llvm.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/llvm.cmake -------------------------------------------------------------------------------- /cmake/external/onednn.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/onednn.cmake -------------------------------------------------------------------------------- /cmake/external/onetbb.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/onetbb.cmake -------------------------------------------------------------------------------- /cmake/external/onnx.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/onnx.cmake -------------------------------------------------------------------------------- /cmake/external/protobuf.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/protobuf.cmake -------------------------------------------------------------------------------- /cmake/external/pybind11.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/external/pybind11.cmake -------------------------------------------------------------------------------- /cmake/sdl.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/sdl.cmake -------------------------------------------------------------------------------- /cmake/share/ngraphConfig.cmake.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/cmake/share/ngraphConfig.cmake.in -------------------------------------------------------------------------------- /contrib/docker/Dockerfile.ngraph: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/contrib/docker/Dockerfile.ngraph -------------------------------------------------------------------------------- /contrib/docker/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/contrib/docker/Makefile -------------------------------------------------------------------------------- /contrib/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/contrib/docker/README.md -------------------------------------------------------------------------------- /contrib/docker/docker_cleanup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/contrib/docker/docker_cleanup.sh -------------------------------------------------------------------------------- /contrib/docker/make-dimage.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/contrib/docker/make-dimage.sh -------------------------------------------------------------------------------- /contrib/docker/run_as_user.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/contrib/docker/run_as_user.sh -------------------------------------------------------------------------------- /doc/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/CMakeLists.txt -------------------------------------------------------------------------------- /doc/doxygen/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/doxygen/CMakeLists.txt -------------------------------------------------------------------------------- /doc/doxygen/Doxyfile.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/doxygen/Doxyfile.in -------------------------------------------------------------------------------- /doc/doxygen/images/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/doxygen/images/README.md -------------------------------------------------------------------------------- /doc/examples/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/examples/.clang-format -------------------------------------------------------------------------------- /doc/examples/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/examples/CMakeLists.txt -------------------------------------------------------------------------------- /doc/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/examples/README.md -------------------------------------------------------------------------------- /doc/examples/abc/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/examples/abc/CMakeLists.txt -------------------------------------------------------------------------------- /doc/examples/abc/abc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/examples/abc/abc.cpp -------------------------------------------------------------------------------- /doc/examples/onnx/onnx_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/examples/onnx/onnx_example.py -------------------------------------------------------------------------------- /doc/examples/update/update.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/examples/update/update.cpp -------------------------------------------------------------------------------- /doc/sphinx/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/CMakeLists.txt -------------------------------------------------------------------------------- /doc/sphinx/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/Makefile -------------------------------------------------------------------------------- /doc/sphinx/cmake_install.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/cmake_install.cmake -------------------------------------------------------------------------------- /doc/sphinx/ngraph.doxyfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/ngraph.doxyfile -------------------------------------------------------------------------------- /doc/sphinx/ngraph_theme/static/js/doctools.js: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /doc/sphinx/source/buildlb.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/buildlb.rst -------------------------------------------------------------------------------- /doc/sphinx/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/conf.py -------------------------------------------------------------------------------- /doc/sphinx/source/features.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/features.rst -------------------------------------------------------------------------------- /doc/sphinx/source/glossary.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/glossary.rst -------------------------------------------------------------------------------- /doc/sphinx/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/index.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/abs.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/abs.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/acos.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/acos.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/add.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/add.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/all.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/all.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/any.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/any.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/arg_max.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/arg_max.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/arg_min.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/arg_min.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/asin.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/asin.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/atan.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/atan.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/ceiling.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/ceiling.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/concat.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/concat.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/convert.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/convert.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/cos.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/cos.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/cosh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/cosh.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/divide.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/divide.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/dot.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/dot.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/equal.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/equal.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/exp.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/exp.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/floor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/floor.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/greater.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/greater.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/index.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/less.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/less.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/less_eq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/less_eq.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/log.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/log.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/max.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/max.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/maximum.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/maximum.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/min.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/min.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/minimum.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/minimum.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/not.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/not.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/one_hot.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/one_hot.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/op_stub.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/op_stub.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/or.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/or.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/pad.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/pad.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/power.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/power.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/product.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/product.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/relu.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/relu.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/result.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/result.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/sigmoid.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/sigmoid.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/sign.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/sign.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/sin.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/sin.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/sinh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/sinh.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/slice.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/slice.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/softmax.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/softmax.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/sqrt.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/sqrt.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/tan.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/tan.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/tanh.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/tanh.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/tile.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/tile.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/topk.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/topk.rst -------------------------------------------------------------------------------- /doc/sphinx/source/ops/xor.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/ops/xor.rst -------------------------------------------------------------------------------- /doc/sphinx/source/sitemap.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/doc/sphinx/source/sitemap.rst -------------------------------------------------------------------------------- /ecosystem-overview.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/ecosystem-overview.md -------------------------------------------------------------------------------- /environment_variables.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/environment_variables.md -------------------------------------------------------------------------------- /licenses/Apache-2.0-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/Apache-2.0-license.txt -------------------------------------------------------------------------------- /licenses/OFL-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/OFL-license.txt -------------------------------------------------------------------------------- /licenses/caffe2-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/caffe2-license.txt -------------------------------------------------------------------------------- /licenses/eigen-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/eigen-license.txt -------------------------------------------------------------------------------- /licenses/fontawesome-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/fontawesome-license.txt -------------------------------------------------------------------------------- /licenses/googletest-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/googletest-license.txt -------------------------------------------------------------------------------- /licenses/jquery-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/jquery-license.txt -------------------------------------------------------------------------------- /licenses/json-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/json-license.txt -------------------------------------------------------------------------------- /licenses/llvm-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/llvm-license.txt -------------------------------------------------------------------------------- /licenses/mkl-dnn-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/mkl-dnn-license.txt -------------------------------------------------------------------------------- /licenses/mklml-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/mklml-license.txt -------------------------------------------------------------------------------- /licenses/mlir-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/mlir-license.txt -------------------------------------------------------------------------------- /licenses/notifications.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/notifications.txt -------------------------------------------------------------------------------- /licenses/numpy-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/numpy-license.txt -------------------------------------------------------------------------------- /licenses/pybind11-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/pybind11-license.txt -------------------------------------------------------------------------------- /licenses/sphinx-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/sphinx-license.txt -------------------------------------------------------------------------------- /licenses/swagger-ui-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/swagger-ui-license.txt -------------------------------------------------------------------------------- /licenses/tbb-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/tbb-license.txt -------------------------------------------------------------------------------- /licenses/tensorflow-license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/licenses/tensorflow-license.txt -------------------------------------------------------------------------------- /maint/apply-code-format.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/maint/apply-code-format.sh -------------------------------------------------------------------------------- /maint/bash_lib.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/maint/bash_lib.sh -------------------------------------------------------------------------------- /maint/check-code-format.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/maint/check-code-format.sh -------------------------------------------------------------------------------- /maint/clang_format_lib.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/maint/clang_format_lib.sh -------------------------------------------------------------------------------- /maint/create_release.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/maint/create_release.py -------------------------------------------------------------------------------- /python/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/.gitignore -------------------------------------------------------------------------------- /python/BUILDING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/BUILDING.md -------------------------------------------------------------------------------- /python/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/CMakeLists.txt -------------------------------------------------------------------------------- /python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/README.md -------------------------------------------------------------------------------- /python/build_wheel.py.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/build_wheel.py.in -------------------------------------------------------------------------------- /python/build_wheel.sh.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/build_wheel.sh.in -------------------------------------------------------------------------------- /python/examples/basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/examples/basic.py -------------------------------------------------------------------------------- /python/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/requirements.txt -------------------------------------------------------------------------------- /python/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/setup.py -------------------------------------------------------------------------------- /python/src/ngraph/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/ngraph/__init__.py -------------------------------------------------------------------------------- /python/src/ngraph/exceptions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/ngraph/exceptions.py -------------------------------------------------------------------------------- /python/src/ngraph/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/ngraph/ops.py -------------------------------------------------------------------------------- /python/src/ngraph/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/ngraph/runtime.py -------------------------------------------------------------------------------- /python/src/ngraph/utils/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/ngraph/utils/types.py -------------------------------------------------------------------------------- /python/src/pyngraph/axis_set.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/axis_set.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/axis_set.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/axis_set.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/dimension.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/dimension.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/dimension.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/dimension.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/function.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/function.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/function.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/function.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/node.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/node.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/node.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/node.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/ops/op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/ops/op.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/ops/op.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/ops/op.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/output.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/output.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/output.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/output.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/pyngraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/pyngraph.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/shape.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/shape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/shape.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/strides.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/strides.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/strides.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/strides.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/util.cpp -------------------------------------------------------------------------------- /python/src/pyngraph/util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/util.hpp -------------------------------------------------------------------------------- /python/src/pyngraph/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/src/pyngraph/util.py -------------------------------------------------------------------------------- /python/test/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test/__init__.py -------------------------------------------------------------------------------- /python/test/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test/conftest.py -------------------------------------------------------------------------------- /python/test/ngraph/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test/ngraph/__init__.py -------------------------------------------------------------------------------- /python/test/ngraph/test_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test/ngraph/test_basic.py -------------------------------------------------------------------------------- /python/test/ngraph/test_core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test/ngraph/test_core.py -------------------------------------------------------------------------------- /python/test/ngraph/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test/ngraph/util.py -------------------------------------------------------------------------------- /python/test/test_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test/test_ops.py -------------------------------------------------------------------------------- /python/test_requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/test_requirements.txt -------------------------------------------------------------------------------- /python/tox.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/python/tox.ini -------------------------------------------------------------------------------- /src/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/CMakeLists.txt -------------------------------------------------------------------------------- /src/contrib/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/contrib/CMakeLists.txt -------------------------------------------------------------------------------- /src/contrib/mlir/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/contrib/mlir/.clang-format -------------------------------------------------------------------------------- /src/contrib/mlir/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/contrib/mlir/CMakeLists.txt -------------------------------------------------------------------------------- /src/contrib/mlir/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/contrib/mlir/utils.cpp -------------------------------------------------------------------------------- /src/contrib/mlir/utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/contrib/mlir/utils.hpp -------------------------------------------------------------------------------- /src/ngraph/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/CMakeLists.txt -------------------------------------------------------------------------------- /src/ngraph/assertion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/assertion.cpp -------------------------------------------------------------------------------- /src/ngraph/assertion.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/assertion.hpp -------------------------------------------------------------------------------- /src/ngraph/attribute_adapter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/attribute_adapter.cpp -------------------------------------------------------------------------------- /src/ngraph/attribute_adapter.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/attribute_adapter.hpp -------------------------------------------------------------------------------- /src/ngraph/attribute_visitor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/attribute_visitor.cpp -------------------------------------------------------------------------------- /src/ngraph/attribute_visitor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/attribute_visitor.hpp -------------------------------------------------------------------------------- /src/ngraph/autodiff/adjoints.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/autodiff/adjoints.cpp -------------------------------------------------------------------------------- /src/ngraph/autodiff/adjoints.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/autodiff/adjoints.hpp -------------------------------------------------------------------------------- /src/ngraph/axis_set.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/axis_set.cpp -------------------------------------------------------------------------------- /src/ngraph/axis_set.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/axis_set.hpp -------------------------------------------------------------------------------- /src/ngraph/axis_vector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/axis_vector.cpp -------------------------------------------------------------------------------- /src/ngraph/axis_vector.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/axis_vector.hpp -------------------------------------------------------------------------------- /src/ngraph/builder/norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/norm.cpp -------------------------------------------------------------------------------- /src/ngraph/builder/norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/norm.hpp -------------------------------------------------------------------------------- /src/ngraph/builder/reduce_ops.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/reduce_ops.cpp -------------------------------------------------------------------------------- /src/ngraph/builder/reduce_ops.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/reduce_ops.hpp -------------------------------------------------------------------------------- /src/ngraph/builder/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/reshape.cpp -------------------------------------------------------------------------------- /src/ngraph/builder/reshape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/reshape.hpp -------------------------------------------------------------------------------- /src/ngraph/builder/split.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/split.cpp -------------------------------------------------------------------------------- /src/ngraph/builder/split.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/builder/split.hpp -------------------------------------------------------------------------------- /src/ngraph/check.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/check.hpp -------------------------------------------------------------------------------- /src/ngraph/chrome_trace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/chrome_trace.cpp -------------------------------------------------------------------------------- /src/ngraph/chrome_trace.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/chrome_trace.hpp -------------------------------------------------------------------------------- /src/ngraph/code_writer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/code_writer.hpp -------------------------------------------------------------------------------- /src/ngraph/codegen/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/codegen/CMakeLists.txt -------------------------------------------------------------------------------- /src/ngraph/codegen/compiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/codegen/compiler.cpp -------------------------------------------------------------------------------- /src/ngraph/codegen/compiler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/codegen/compiler.hpp -------------------------------------------------------------------------------- /src/ngraph/coordinate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/coordinate.cpp -------------------------------------------------------------------------------- /src/ngraph/coordinate.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/coordinate.hpp -------------------------------------------------------------------------------- /src/ngraph/coordinate_diff.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/coordinate_diff.cpp -------------------------------------------------------------------------------- /src/ngraph/coordinate_diff.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/coordinate_diff.hpp -------------------------------------------------------------------------------- /src/ngraph/cpio.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/cpio.cpp -------------------------------------------------------------------------------- /src/ngraph/cpio.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/cpio.hpp -------------------------------------------------------------------------------- /src/ngraph/deprecated.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/deprecated.hpp -------------------------------------------------------------------------------- /src/ngraph/descriptor/input.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/descriptor/input.cpp -------------------------------------------------------------------------------- /src/ngraph/descriptor/input.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/descriptor/input.hpp -------------------------------------------------------------------------------- /src/ngraph/descriptor/output.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/descriptor/output.cpp -------------------------------------------------------------------------------- /src/ngraph/descriptor/output.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/descriptor/output.hpp -------------------------------------------------------------------------------- /src/ngraph/descriptor/tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/descriptor/tensor.cpp -------------------------------------------------------------------------------- /src/ngraph/descriptor/tensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/descriptor/tensor.hpp -------------------------------------------------------------------------------- /src/ngraph/dimension.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/dimension.cpp -------------------------------------------------------------------------------- /src/ngraph/dimension.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/dimension.hpp -------------------------------------------------------------------------------- /src/ngraph/distributed.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/distributed.cpp -------------------------------------------------------------------------------- /src/ngraph/distributed.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/distributed.hpp -------------------------------------------------------------------------------- /src/ngraph/distributed/null.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/distributed/null.cpp -------------------------------------------------------------------------------- /src/ngraph/distributed/null.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/distributed/null.hpp -------------------------------------------------------------------------------- /src/ngraph/enum_names.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/enum_names.hpp -------------------------------------------------------------------------------- /src/ngraph/env_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/env_util.cpp -------------------------------------------------------------------------------- /src/ngraph/env_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/env_util.hpp -------------------------------------------------------------------------------- /src/ngraph/evaluator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/evaluator.hpp -------------------------------------------------------------------------------- /src/ngraph/except.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/except.hpp -------------------------------------------------------------------------------- /src/ngraph/factory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/factory.cpp -------------------------------------------------------------------------------- /src/ngraph/factory.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/factory.hpp -------------------------------------------------------------------------------- /src/ngraph/factory_adapter.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/factory_adapter.hpp -------------------------------------------------------------------------------- /src/ngraph/file_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/file_util.cpp -------------------------------------------------------------------------------- /src/ngraph/file_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/file_util.hpp -------------------------------------------------------------------------------- /src/ngraph/function.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/function.cpp -------------------------------------------------------------------------------- /src/ngraph/function.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/function.hpp -------------------------------------------------------------------------------- /src/ngraph/graph_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/graph_util.cpp -------------------------------------------------------------------------------- /src/ngraph/graph_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/graph_util.hpp -------------------------------------------------------------------------------- /src/ngraph/interval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/interval.cpp -------------------------------------------------------------------------------- /src/ngraph/interval.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/interval.hpp -------------------------------------------------------------------------------- /src/ngraph/lambda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/lambda.cpp -------------------------------------------------------------------------------- /src/ngraph/lambda.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/lambda.hpp -------------------------------------------------------------------------------- /src/ngraph/log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/log.cpp -------------------------------------------------------------------------------- /src/ngraph/log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/log.hpp -------------------------------------------------------------------------------- /src/ngraph/ngraph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/ngraph.cpp -------------------------------------------------------------------------------- /src/ngraph/ngraph.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/ngraph.hpp -------------------------------------------------------------------------------- /src/ngraph/ngraph_visibility.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/ngraph_visibility.hpp -------------------------------------------------------------------------------- /src/ngraph/node.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/node.cpp -------------------------------------------------------------------------------- /src/ngraph/node.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/node.hpp -------------------------------------------------------------------------------- /src/ngraph/node_input.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/node_input.cpp -------------------------------------------------------------------------------- /src/ngraph/node_input.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/node_input.hpp -------------------------------------------------------------------------------- /src/ngraph/node_output.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/node_output.cpp -------------------------------------------------------------------------------- /src/ngraph/node_output.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/node_output.hpp -------------------------------------------------------------------------------- /src/ngraph/op/abs.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/abs.cpp -------------------------------------------------------------------------------- /src/ngraph/op/abs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/abs.hpp -------------------------------------------------------------------------------- /src/ngraph/op/acos.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/acos.cpp -------------------------------------------------------------------------------- /src/ngraph/op/acos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/acos.hpp -------------------------------------------------------------------------------- /src/ngraph/op/acosh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/acosh.cpp -------------------------------------------------------------------------------- /src/ngraph/op/acosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/acosh.hpp -------------------------------------------------------------------------------- /src/ngraph/op/add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/add.cpp -------------------------------------------------------------------------------- /src/ngraph/op/add.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/add.hpp -------------------------------------------------------------------------------- /src/ngraph/op/all.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/all.cpp -------------------------------------------------------------------------------- /src/ngraph/op/all.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/all.hpp -------------------------------------------------------------------------------- /src/ngraph/op/allreduce.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/allreduce.cpp -------------------------------------------------------------------------------- /src/ngraph/op/allreduce.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/allreduce.hpp -------------------------------------------------------------------------------- /src/ngraph/op/any.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/any.cpp -------------------------------------------------------------------------------- /src/ngraph/op/any.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/any.hpp -------------------------------------------------------------------------------- /src/ngraph/op/argmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/argmax.cpp -------------------------------------------------------------------------------- /src/ngraph/op/argmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/argmax.hpp -------------------------------------------------------------------------------- /src/ngraph/op/argmin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/argmin.cpp -------------------------------------------------------------------------------- /src/ngraph/op/argmin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/argmin.hpp -------------------------------------------------------------------------------- /src/ngraph/op/asin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/asin.cpp -------------------------------------------------------------------------------- /src/ngraph/op/asin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/asin.hpp -------------------------------------------------------------------------------- /src/ngraph/op/asinh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/asinh.cpp -------------------------------------------------------------------------------- /src/ngraph/op/asinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/asinh.hpp -------------------------------------------------------------------------------- /src/ngraph/op/atan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/atan.cpp -------------------------------------------------------------------------------- /src/ngraph/op/atan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/atan.hpp -------------------------------------------------------------------------------- /src/ngraph/op/atan2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/atan2.cpp -------------------------------------------------------------------------------- /src/ngraph/op/atan2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/atan2.hpp -------------------------------------------------------------------------------- /src/ngraph/op/atanh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/atanh.cpp -------------------------------------------------------------------------------- /src/ngraph/op/atanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/atanh.hpp -------------------------------------------------------------------------------- /src/ngraph/op/avg_pool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/avg_pool.cpp -------------------------------------------------------------------------------- /src/ngraph/op/avg_pool.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/avg_pool.hpp -------------------------------------------------------------------------------- /src/ngraph/op/batch_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/batch_norm.cpp -------------------------------------------------------------------------------- /src/ngraph/op/batch_norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/batch_norm.hpp -------------------------------------------------------------------------------- /src/ngraph/op/batch_to_space.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/batch_to_space.cpp -------------------------------------------------------------------------------- /src/ngraph/op/batch_to_space.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/batch_to_space.hpp -------------------------------------------------------------------------------- /src/ngraph/op/broadcast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/broadcast.cpp -------------------------------------------------------------------------------- /src/ngraph/op/broadcast.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/broadcast.hpp -------------------------------------------------------------------------------- /src/ngraph/op/bucketize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/bucketize.cpp -------------------------------------------------------------------------------- /src/ngraph/op/bucketize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/bucketize.hpp -------------------------------------------------------------------------------- /src/ngraph/op/ceiling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/ceiling.cpp -------------------------------------------------------------------------------- /src/ngraph/op/ceiling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/ceiling.hpp -------------------------------------------------------------------------------- /src/ngraph/op/clamp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/clamp.cpp -------------------------------------------------------------------------------- /src/ngraph/op/clamp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/clamp.hpp -------------------------------------------------------------------------------- /src/ngraph/op/concat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/concat.cpp -------------------------------------------------------------------------------- /src/ngraph/op/concat.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/concat.hpp -------------------------------------------------------------------------------- /src/ngraph/op/constant.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/constant.cpp -------------------------------------------------------------------------------- /src/ngraph/op/constant.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/constant.hpp -------------------------------------------------------------------------------- /src/ngraph/op/conv_fused.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/conv_fused.cpp -------------------------------------------------------------------------------- /src/ngraph/op/conv_fused.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/conv_fused.hpp -------------------------------------------------------------------------------- /src/ngraph/op/convert.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/convert.cpp -------------------------------------------------------------------------------- /src/ngraph/op/convert.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/convert.hpp -------------------------------------------------------------------------------- /src/ngraph/op/convert_like.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/convert_like.cpp -------------------------------------------------------------------------------- /src/ngraph/op/convert_like.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/convert_like.hpp -------------------------------------------------------------------------------- /src/ngraph/op/convolution.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/convolution.cpp -------------------------------------------------------------------------------- /src/ngraph/op/convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/convolution.hpp -------------------------------------------------------------------------------- /src/ngraph/op/cos.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/cos.cpp -------------------------------------------------------------------------------- /src/ngraph/op/cos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/cos.hpp -------------------------------------------------------------------------------- /src/ngraph/op/cosh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/cosh.cpp -------------------------------------------------------------------------------- /src/ngraph/op/cosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/cosh.hpp -------------------------------------------------------------------------------- /src/ngraph/op/crop_and_resize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/crop_and_resize.cpp -------------------------------------------------------------------------------- /src/ngraph/op/crossentropy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/crossentropy.cpp -------------------------------------------------------------------------------- /src/ngraph/op/crossentropy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/crossentropy.hpp -------------------------------------------------------------------------------- /src/ngraph/op/cum_sum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/cum_sum.cpp -------------------------------------------------------------------------------- /src/ngraph/op/cum_sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/cum_sum.hpp -------------------------------------------------------------------------------- /src/ngraph/op/dequantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/dequantize.cpp -------------------------------------------------------------------------------- /src/ngraph/op/dequantize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/dequantize.hpp -------------------------------------------------------------------------------- /src/ngraph/op/divide.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/divide.cpp -------------------------------------------------------------------------------- /src/ngraph/op/divide.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/divide.hpp -------------------------------------------------------------------------------- /src/ngraph/op/dot.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/dot.cpp -------------------------------------------------------------------------------- /src/ngraph/op/dot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/dot.hpp -------------------------------------------------------------------------------- /src/ngraph/op/elu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/elu.cpp -------------------------------------------------------------------------------- /src/ngraph/op/elu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/elu.hpp -------------------------------------------------------------------------------- /src/ngraph/op/equal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/equal.cpp -------------------------------------------------------------------------------- /src/ngraph/op/equal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/equal.hpp -------------------------------------------------------------------------------- /src/ngraph/op/erf.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/erf.cpp -------------------------------------------------------------------------------- /src/ngraph/op/erf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/erf.hpp -------------------------------------------------------------------------------- /src/ngraph/op/exp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/exp.cpp -------------------------------------------------------------------------------- /src/ngraph/op/exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/exp.hpp -------------------------------------------------------------------------------- /src/ngraph/op/floor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/floor.cpp -------------------------------------------------------------------------------- /src/ngraph/op/floor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/floor.hpp -------------------------------------------------------------------------------- /src/ngraph/op/floor_mod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/floor_mod.cpp -------------------------------------------------------------------------------- /src/ngraph/op/floor_mod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/floor_mod.hpp -------------------------------------------------------------------------------- /src/ngraph/op/gather.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gather.cpp -------------------------------------------------------------------------------- /src/ngraph/op/gather.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gather.hpp -------------------------------------------------------------------------------- /src/ngraph/op/gather_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gather_nd.cpp -------------------------------------------------------------------------------- /src/ngraph/op/gather_nd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gather_nd.hpp -------------------------------------------------------------------------------- /src/ngraph/op/gather_tree.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gather_tree.cpp -------------------------------------------------------------------------------- /src/ngraph/op/gather_tree.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gather_tree.hpp -------------------------------------------------------------------------------- /src/ngraph/op/gelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gelu.cpp -------------------------------------------------------------------------------- /src/ngraph/op/gelu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gelu.hpp -------------------------------------------------------------------------------- /src/ngraph/op/gemm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gemm.cpp -------------------------------------------------------------------------------- /src/ngraph/op/gemm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gemm.hpp -------------------------------------------------------------------------------- /src/ngraph/op/greater.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/greater.cpp -------------------------------------------------------------------------------- /src/ngraph/op/greater.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/greater.hpp -------------------------------------------------------------------------------- /src/ngraph/op/grn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/grn.cpp -------------------------------------------------------------------------------- /src/ngraph/op/grn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/grn.hpp -------------------------------------------------------------------------------- /src/ngraph/op/group_conv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/group_conv.cpp -------------------------------------------------------------------------------- /src/ngraph/op/group_conv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/group_conv.hpp -------------------------------------------------------------------------------- /src/ngraph/op/gru_cell.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gru_cell.cpp -------------------------------------------------------------------------------- /src/ngraph/op/gru_cell.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/gru_cell.hpp -------------------------------------------------------------------------------- /src/ngraph/op/hard_sigmoid.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/hard_sigmoid.cpp -------------------------------------------------------------------------------- /src/ngraph/op/hard_sigmoid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/hard_sigmoid.hpp -------------------------------------------------------------------------------- /src/ngraph/op/interpolate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/interpolate.cpp -------------------------------------------------------------------------------- /src/ngraph/op/interpolate.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/interpolate.hpp -------------------------------------------------------------------------------- /src/ngraph/op/layer_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/layer_norm.cpp -------------------------------------------------------------------------------- /src/ngraph/op/layer_norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/layer_norm.hpp -------------------------------------------------------------------------------- /src/ngraph/op/less.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/less.cpp -------------------------------------------------------------------------------- /src/ngraph/op/less.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/less.hpp -------------------------------------------------------------------------------- /src/ngraph/op/less_equal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/less_equal.cpp -------------------------------------------------------------------------------- /src/ngraph/op/less_equal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/less_equal.hpp -------------------------------------------------------------------------------- /src/ngraph/op/log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/log.cpp -------------------------------------------------------------------------------- /src/ngraph/op/log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/log.hpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_and.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_and.cpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_and.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_and.hpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_not.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_not.cpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_not.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_not.hpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_or.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_or.cpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_or.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_or.hpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_xor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_xor.cpp -------------------------------------------------------------------------------- /src/ngraph/op/logical_xor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/logical_xor.hpp -------------------------------------------------------------------------------- /src/ngraph/op/lrn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/lrn.cpp -------------------------------------------------------------------------------- /src/ngraph/op/lrn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/lrn.hpp -------------------------------------------------------------------------------- /src/ngraph/op/lstm_cell.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/lstm_cell.cpp -------------------------------------------------------------------------------- /src/ngraph/op/lstm_cell.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/lstm_cell.hpp -------------------------------------------------------------------------------- /src/ngraph/op/matmul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/matmul.cpp -------------------------------------------------------------------------------- /src/ngraph/op/matmul.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/matmul.hpp -------------------------------------------------------------------------------- /src/ngraph/op/max.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/max.cpp -------------------------------------------------------------------------------- /src/ngraph/op/max.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/max.hpp -------------------------------------------------------------------------------- /src/ngraph/op/max_pool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/max_pool.cpp -------------------------------------------------------------------------------- /src/ngraph/op/max_pool.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/max_pool.hpp -------------------------------------------------------------------------------- /src/ngraph/op/maximum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/maximum.cpp -------------------------------------------------------------------------------- /src/ngraph/op/maximum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/maximum.hpp -------------------------------------------------------------------------------- /src/ngraph/op/min.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/min.cpp -------------------------------------------------------------------------------- /src/ngraph/op/min.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/min.hpp -------------------------------------------------------------------------------- /src/ngraph/op/minimum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/minimum.cpp -------------------------------------------------------------------------------- /src/ngraph/op/minimum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/minimum.hpp -------------------------------------------------------------------------------- /src/ngraph/op/mod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/mod.cpp -------------------------------------------------------------------------------- /src/ngraph/op/mod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/mod.hpp -------------------------------------------------------------------------------- /src/ngraph/op/multiply.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/multiply.cpp -------------------------------------------------------------------------------- /src/ngraph/op/multiply.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/multiply.hpp -------------------------------------------------------------------------------- /src/ngraph/op/mvn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/mvn.cpp -------------------------------------------------------------------------------- /src/ngraph/op/mvn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/mvn.hpp -------------------------------------------------------------------------------- /src/ngraph/op/negative.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/negative.cpp -------------------------------------------------------------------------------- /src/ngraph/op/negative.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/negative.hpp -------------------------------------------------------------------------------- /src/ngraph/op/non_zero.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/non_zero.cpp -------------------------------------------------------------------------------- /src/ngraph/op/non_zero.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/non_zero.hpp -------------------------------------------------------------------------------- /src/ngraph/op/normalize_l2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/normalize_l2.cpp -------------------------------------------------------------------------------- /src/ngraph/op/normalize_l2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/normalize_l2.hpp -------------------------------------------------------------------------------- /src/ngraph/op/not_equal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/not_equal.cpp -------------------------------------------------------------------------------- /src/ngraph/op/not_equal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/not_equal.hpp -------------------------------------------------------------------------------- /src/ngraph/op/one_hot.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/one_hot.cpp -------------------------------------------------------------------------------- /src/ngraph/op/one_hot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/one_hot.hpp -------------------------------------------------------------------------------- /src/ngraph/op/op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/op.cpp -------------------------------------------------------------------------------- /src/ngraph/op/op.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/op.hpp -------------------------------------------------------------------------------- /src/ngraph/op/pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/pad.cpp -------------------------------------------------------------------------------- /src/ngraph/op/pad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/pad.hpp -------------------------------------------------------------------------------- /src/ngraph/op/parameter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/parameter.cpp -------------------------------------------------------------------------------- /src/ngraph/op/parameter.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/parameter.hpp -------------------------------------------------------------------------------- /src/ngraph/op/passthrough.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/passthrough.cpp -------------------------------------------------------------------------------- /src/ngraph/op/passthrough.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/passthrough.hpp -------------------------------------------------------------------------------- /src/ngraph/op/power.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/power.cpp -------------------------------------------------------------------------------- /src/ngraph/op/power.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/power.hpp -------------------------------------------------------------------------------- /src/ngraph/op/prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/prelu.cpp -------------------------------------------------------------------------------- /src/ngraph/op/prelu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/prelu.hpp -------------------------------------------------------------------------------- /src/ngraph/op/prior_box.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/prior_box.cpp -------------------------------------------------------------------------------- /src/ngraph/op/prior_box.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/prior_box.hpp -------------------------------------------------------------------------------- /src/ngraph/op/product.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/product.cpp -------------------------------------------------------------------------------- /src/ngraph/op/product.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/product.hpp -------------------------------------------------------------------------------- /src/ngraph/op/proposal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/proposal.cpp -------------------------------------------------------------------------------- /src/ngraph/op/proposal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/proposal.hpp -------------------------------------------------------------------------------- /src/ngraph/op/quantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/quantize.cpp -------------------------------------------------------------------------------- /src/ngraph/op/quantize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/quantize.hpp -------------------------------------------------------------------------------- /src/ngraph/op/range.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/range.cpp -------------------------------------------------------------------------------- /src/ngraph/op/range.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/range.hpp -------------------------------------------------------------------------------- /src/ngraph/op/recv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/recv.cpp -------------------------------------------------------------------------------- /src/ngraph/op/recv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/recv.hpp -------------------------------------------------------------------------------- /src/ngraph/op/reduce_mean.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reduce_mean.cpp -------------------------------------------------------------------------------- /src/ngraph/op/reduce_mean.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reduce_mean.hpp -------------------------------------------------------------------------------- /src/ngraph/op/reduce_prod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reduce_prod.cpp -------------------------------------------------------------------------------- /src/ngraph/op/reduce_prod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reduce_prod.hpp -------------------------------------------------------------------------------- /src/ngraph/op/reduce_sum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reduce_sum.cpp -------------------------------------------------------------------------------- /src/ngraph/op/reduce_sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reduce_sum.hpp -------------------------------------------------------------------------------- /src/ngraph/op/region_yolo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/region_yolo.cpp -------------------------------------------------------------------------------- /src/ngraph/op/region_yolo.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/region_yolo.hpp -------------------------------------------------------------------------------- /src/ngraph/op/relu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/relu.cpp -------------------------------------------------------------------------------- /src/ngraph/op/relu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/relu.hpp -------------------------------------------------------------------------------- /src/ngraph/op/reorg_yolo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reorg_yolo.cpp -------------------------------------------------------------------------------- /src/ngraph/op/reorg_yolo.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reorg_yolo.hpp -------------------------------------------------------------------------------- /src/ngraph/op/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reshape.cpp -------------------------------------------------------------------------------- /src/ngraph/op/reshape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reshape.hpp -------------------------------------------------------------------------------- /src/ngraph/op/result.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/result.cpp -------------------------------------------------------------------------------- /src/ngraph/op/result.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/result.hpp -------------------------------------------------------------------------------- /src/ngraph/op/reverse.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reverse.cpp -------------------------------------------------------------------------------- /src/ngraph/op/reverse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/reverse.hpp -------------------------------------------------------------------------------- /src/ngraph/op/rnn_cell.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/rnn_cell.cpp -------------------------------------------------------------------------------- /src/ngraph/op/rnn_cell.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/rnn_cell.hpp -------------------------------------------------------------------------------- /src/ngraph/op/roi_align.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/roi_align.cpp -------------------------------------------------------------------------------- /src/ngraph/op/roi_align.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/roi_align.hpp -------------------------------------------------------------------------------- /src/ngraph/op/roi_pooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/roi_pooling.cpp -------------------------------------------------------------------------------- /src/ngraph/op/roi_pooling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/roi_pooling.hpp -------------------------------------------------------------------------------- /src/ngraph/op/round.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/round.cpp -------------------------------------------------------------------------------- /src/ngraph/op/round.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/round.hpp -------------------------------------------------------------------------------- /src/ngraph/op/scale_shift.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/scale_shift.cpp -------------------------------------------------------------------------------- /src/ngraph/op/scale_shift.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/scale_shift.hpp -------------------------------------------------------------------------------- /src/ngraph/op/scatter_add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/scatter_add.cpp -------------------------------------------------------------------------------- /src/ngraph/op/scatter_add.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/scatter_add.hpp -------------------------------------------------------------------------------- /src/ngraph/op/scatter_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/scatter_nd.cpp -------------------------------------------------------------------------------- /src/ngraph/op/scatter_nd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/scatter_nd.hpp -------------------------------------------------------------------------------- /src/ngraph/op/select.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/select.cpp -------------------------------------------------------------------------------- /src/ngraph/op/select.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/select.hpp -------------------------------------------------------------------------------- /src/ngraph/op/selu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/selu.cpp -------------------------------------------------------------------------------- /src/ngraph/op/selu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/selu.hpp -------------------------------------------------------------------------------- /src/ngraph/op/send.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/send.cpp -------------------------------------------------------------------------------- /src/ngraph/op/send.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/send.hpp -------------------------------------------------------------------------------- /src/ngraph/op/shape_of.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/shape_of.cpp -------------------------------------------------------------------------------- /src/ngraph/op/shape_of.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/shape_of.hpp -------------------------------------------------------------------------------- /src/ngraph/op/sigmoid.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sigmoid.cpp -------------------------------------------------------------------------------- /src/ngraph/op/sigmoid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sigmoid.hpp -------------------------------------------------------------------------------- /src/ngraph/op/sign.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sign.cpp -------------------------------------------------------------------------------- /src/ngraph/op/sign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sign.hpp -------------------------------------------------------------------------------- /src/ngraph/op/sin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sin.cpp -------------------------------------------------------------------------------- /src/ngraph/op/sin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sin.hpp -------------------------------------------------------------------------------- /src/ngraph/op/sinh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sinh.cpp -------------------------------------------------------------------------------- /src/ngraph/op/sinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sinh.hpp -------------------------------------------------------------------------------- /src/ngraph/op/slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/slice.cpp -------------------------------------------------------------------------------- /src/ngraph/op/slice.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/slice.hpp -------------------------------------------------------------------------------- /src/ngraph/op/softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/softmax.cpp -------------------------------------------------------------------------------- /src/ngraph/op/softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/softmax.hpp -------------------------------------------------------------------------------- /src/ngraph/op/split.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/split.cpp -------------------------------------------------------------------------------- /src/ngraph/op/split.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/split.hpp -------------------------------------------------------------------------------- /src/ngraph/op/sqrt.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sqrt.cpp -------------------------------------------------------------------------------- /src/ngraph/op/sqrt.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sqrt.hpp -------------------------------------------------------------------------------- /src/ngraph/op/squeeze.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/squeeze.cpp -------------------------------------------------------------------------------- /src/ngraph/op/squeeze.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/squeeze.hpp -------------------------------------------------------------------------------- /src/ngraph/op/stack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/stack.cpp -------------------------------------------------------------------------------- /src/ngraph/op/stack.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/stack.hpp -------------------------------------------------------------------------------- /src/ngraph/op/subtract.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/subtract.cpp -------------------------------------------------------------------------------- /src/ngraph/op/subtract.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/subtract.hpp -------------------------------------------------------------------------------- /src/ngraph/op/sum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sum.cpp -------------------------------------------------------------------------------- /src/ngraph/op/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/sum.hpp -------------------------------------------------------------------------------- /src/ngraph/op/tan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/tan.cpp -------------------------------------------------------------------------------- /src/ngraph/op/tan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/tan.hpp -------------------------------------------------------------------------------- /src/ngraph/op/tanh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/tanh.cpp -------------------------------------------------------------------------------- /src/ngraph/op/tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/tanh.hpp -------------------------------------------------------------------------------- /src/ngraph/op/tile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/tile.cpp -------------------------------------------------------------------------------- /src/ngraph/op/tile.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/tile.hpp -------------------------------------------------------------------------------- /src/ngraph/op/topk.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/topk.cpp -------------------------------------------------------------------------------- /src/ngraph/op/topk.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/topk.hpp -------------------------------------------------------------------------------- /src/ngraph/op/transpose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/transpose.cpp -------------------------------------------------------------------------------- /src/ngraph/op/transpose.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/transpose.hpp -------------------------------------------------------------------------------- /src/ngraph/op/unsqueeze.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/unsqueeze.cpp -------------------------------------------------------------------------------- /src/ngraph/op/unsqueeze.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/op/unsqueeze.hpp -------------------------------------------------------------------------------- /src/ngraph/ops.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/ops.hpp -------------------------------------------------------------------------------- /src/ngraph/opset/opset.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/opset/opset.cpp -------------------------------------------------------------------------------- /src/ngraph/opset/opset.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/opset/opset.hpp -------------------------------------------------------------------------------- /src/ngraph/opset/opset0.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/opset/opset0.hpp -------------------------------------------------------------------------------- /src/ngraph/opset/opset1.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/opset/opset1.hpp -------------------------------------------------------------------------------- /src/ngraph/opset/opset3.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/opset/opset3.hpp -------------------------------------------------------------------------------- /src/ngraph/output_vector.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/output_vector.hpp -------------------------------------------------------------------------------- /src/ngraph/partial_shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/partial_shape.cpp -------------------------------------------------------------------------------- /src/ngraph/partial_shape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/partial_shape.hpp -------------------------------------------------------------------------------- /src/ngraph/pass/cse.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/cse.cpp -------------------------------------------------------------------------------- /src/ngraph/pass/cse.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/cse.hpp -------------------------------------------------------------------------------- /src/ngraph/pass/liveness.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/liveness.cpp -------------------------------------------------------------------------------- /src/ngraph/pass/liveness.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/liveness.hpp -------------------------------------------------------------------------------- /src/ngraph/pass/manager.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/manager.cpp -------------------------------------------------------------------------------- /src/ngraph/pass/manager.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/manager.hpp -------------------------------------------------------------------------------- /src/ngraph/pass/pass.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/pass.cpp -------------------------------------------------------------------------------- /src/ngraph/pass/pass.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/pass.hpp -------------------------------------------------------------------------------- /src/ngraph/pass/pass_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/pass_util.cpp -------------------------------------------------------------------------------- /src/ngraph/pass/pass_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/pass_util.hpp -------------------------------------------------------------------------------- /src/ngraph/pass/serialize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/serialize.cpp -------------------------------------------------------------------------------- /src/ngraph/pass/serialize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/serialize.hpp -------------------------------------------------------------------------------- /src/ngraph/pass/validate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/validate.cpp -------------------------------------------------------------------------------- /src/ngraph/pass/validate.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pass/validate.hpp -------------------------------------------------------------------------------- /src/ngraph/pattern/matcher.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/matcher.cpp -------------------------------------------------------------------------------- /src/ngraph/pattern/matcher.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/matcher.hpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/any.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/any.cpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/any.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/any.hpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/or.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/or.cpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/or.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/or.hpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/skip.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/skip.cpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/skip.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/skip.hpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/true.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/true.cpp -------------------------------------------------------------------------------- /src/ngraph/pattern/op/true.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/pattern/op/true.hpp -------------------------------------------------------------------------------- /src/ngraph/provenance.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/provenance.cpp -------------------------------------------------------------------------------- /src/ngraph/provenance.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/provenance.hpp -------------------------------------------------------------------------------- /src/ngraph/rank.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/rank.hpp -------------------------------------------------------------------------------- /src/ngraph/rt_info.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/rt_info.cpp -------------------------------------------------------------------------------- /src/ngraph/rt_info.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/rt_info.hpp -------------------------------------------------------------------------------- /src/ngraph/runtime/backend.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/runtime/backend.cpp -------------------------------------------------------------------------------- /src/ngraph/runtime/backend.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/runtime/backend.hpp -------------------------------------------------------------------------------- /src/ngraph/runtime/tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/runtime/tensor.cpp -------------------------------------------------------------------------------- /src/ngraph/runtime/tensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/runtime/tensor.hpp -------------------------------------------------------------------------------- /src/ngraph/serializer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/serializer.cpp -------------------------------------------------------------------------------- /src/ngraph/serializer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/serializer.hpp -------------------------------------------------------------------------------- /src/ngraph/serializer_stub.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/serializer_stub.cpp -------------------------------------------------------------------------------- /src/ngraph/shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/shape.cpp -------------------------------------------------------------------------------- /src/ngraph/shape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/shape.hpp -------------------------------------------------------------------------------- /src/ngraph/shape_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/shape_util.cpp -------------------------------------------------------------------------------- /src/ngraph/shape_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/shape_util.hpp -------------------------------------------------------------------------------- /src/ngraph/slice_plan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/slice_plan.cpp -------------------------------------------------------------------------------- /src/ngraph/slice_plan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/slice_plan.hpp -------------------------------------------------------------------------------- /src/ngraph/state/state.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/state/state.hpp -------------------------------------------------------------------------------- /src/ngraph/strides.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/strides.cpp -------------------------------------------------------------------------------- /src/ngraph/strides.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/strides.hpp -------------------------------------------------------------------------------- /src/ngraph/type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/type.cpp -------------------------------------------------------------------------------- /src/ngraph/type.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/type.hpp -------------------------------------------------------------------------------- /src/ngraph/type/bfloat16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/type/bfloat16.cpp -------------------------------------------------------------------------------- /src/ngraph/type/bfloat16.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/type/bfloat16.hpp -------------------------------------------------------------------------------- /src/ngraph/type/float16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/type/float16.cpp -------------------------------------------------------------------------------- /src/ngraph/type/float16.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/type/float16.hpp -------------------------------------------------------------------------------- /src/ngraph/util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/util.cpp -------------------------------------------------------------------------------- /src/ngraph/util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/util.hpp -------------------------------------------------------------------------------- /src/ngraph/validation_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/validation_util.cpp -------------------------------------------------------------------------------- /src/ngraph/validation_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/validation_util.hpp -------------------------------------------------------------------------------- /src/ngraph/variant.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/variant.cpp -------------------------------------------------------------------------------- /src/ngraph/variant.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/variant.hpp -------------------------------------------------------------------------------- /src/ngraph/version.in.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/version.in.hpp -------------------------------------------------------------------------------- /src/ngraph/visibility.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/ngraph/visibility.hpp -------------------------------------------------------------------------------- /src/resource/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/resource/CMakeLists.txt -------------------------------------------------------------------------------- /src/resource/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/resource/main.cpp -------------------------------------------------------------------------------- /src/resource/uncomment.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/resource/uncomment.cpp -------------------------------------------------------------------------------- /src/resource/uncomment.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/resource/uncomment.hpp -------------------------------------------------------------------------------- /src/resource/util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/resource/util.cpp -------------------------------------------------------------------------------- /src/resource/util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/resource/util.hpp -------------------------------------------------------------------------------- /src/runtime/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/CMakeLists.txt -------------------------------------------------------------------------------- /src/runtime/gpu/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/CMakeLists.txt -------------------------------------------------------------------------------- /src/runtime/gpu/gpu_invoke.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/gpu_invoke.cpp -------------------------------------------------------------------------------- /src/runtime/gpu/gpu_invoke.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/gpu_invoke.hpp -------------------------------------------------------------------------------- /src/runtime/gpu/gpu_tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/gpu_tensor.cpp -------------------------------------------------------------------------------- /src/runtime/gpu/gpu_tensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/gpu_tensor.hpp -------------------------------------------------------------------------------- /src/runtime/gpu/gpu_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/gpu_util.cpp -------------------------------------------------------------------------------- /src/runtime/gpu/gpu_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/gpu_util.hpp -------------------------------------------------------------------------------- /src/runtime/gpu/nvdiff.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/nvdiff.hpp -------------------------------------------------------------------------------- /src/runtime/gpu/nvshape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/nvshape.hpp -------------------------------------------------------------------------------- /src/runtime/gpu/op/op_tbl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/op/op_tbl.hpp -------------------------------------------------------------------------------- /src/runtime/gpu/op/rnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/op/rnn.cpp -------------------------------------------------------------------------------- /src/runtime/gpu/op/rnn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/op/rnn.hpp -------------------------------------------------------------------------------- /src/runtime/gpu/type_info.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/type_info.cpp -------------------------------------------------------------------------------- /src/runtime/gpu/type_info.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/gpu/type_info.hpp -------------------------------------------------------------------------------- /src/runtime/nop/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/runtime/nop/CMakeLists.txt -------------------------------------------------------------------------------- /src/tools/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/tools/CMakeLists.txt -------------------------------------------------------------------------------- /src/tools/nbench/benchmark.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/tools/nbench/benchmark.cpp -------------------------------------------------------------------------------- /src/tools/nbench/benchmark.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/tools/nbench/benchmark.hpp -------------------------------------------------------------------------------- /src/tools/nbench/nbench.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/src/tools/nbench/nbench.cpp -------------------------------------------------------------------------------- /test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/CMakeLists.txt -------------------------------------------------------------------------------- /test/aligned_buffer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/aligned_buffer.cpp -------------------------------------------------------------------------------- /test/all_close_f.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/all_close_f.cpp -------------------------------------------------------------------------------- /test/assertion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/assertion.cpp -------------------------------------------------------------------------------- /test/attributes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/attributes.cpp -------------------------------------------------------------------------------- /test/backend/abc.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/abc.in.cpp -------------------------------------------------------------------------------- /test/backend/abs.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/abs.in.cpp -------------------------------------------------------------------------------- /test/backend/acos.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/acos.in.cpp -------------------------------------------------------------------------------- /test/backend/acosh.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/acosh.in.cpp -------------------------------------------------------------------------------- /test/backend/add.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/add.in.cpp -------------------------------------------------------------------------------- /test/backend/all.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/all.in.cpp -------------------------------------------------------------------------------- /test/backend/any.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/any.in.cpp -------------------------------------------------------------------------------- /test/backend/api.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/api.in.cpp -------------------------------------------------------------------------------- /test/backend/arg_reduce.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/arg_reduce.in.cpp -------------------------------------------------------------------------------- /test/backend/asin.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/asin.in.cpp -------------------------------------------------------------------------------- /test/backend/asinh.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/asinh.in.cpp -------------------------------------------------------------------------------- /test/backend/atan.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/atan.in.cpp -------------------------------------------------------------------------------- /test/backend/atan2.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/atan2.in.cpp -------------------------------------------------------------------------------- /test/backend/atanh.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/atanh.in.cpp -------------------------------------------------------------------------------- /test/backend/autodiff.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/autodiff.in.cpp -------------------------------------------------------------------------------- /test/backend/batch_norm.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/batch_norm.in.cpp -------------------------------------------------------------------------------- /test/backend/broadcast.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/broadcast.in.cpp -------------------------------------------------------------------------------- /test/backend/ceiling.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/ceiling.in.cpp -------------------------------------------------------------------------------- /test/backend/clamp.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/clamp.in.cpp -------------------------------------------------------------------------------- /test/backend/comparison.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/comparison.in.cpp -------------------------------------------------------------------------------- /test/backend/concat.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/concat.in.cpp -------------------------------------------------------------------------------- /test/backend/constant.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/constant.in.cpp -------------------------------------------------------------------------------- /test/backend/conv_bias.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/conv_bias.in.cpp -------------------------------------------------------------------------------- /test/backend/convert.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/convert.in.cpp -------------------------------------------------------------------------------- /test/backend/cos.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/cos.in.cpp -------------------------------------------------------------------------------- /test/backend/cosh.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/cosh.in.cpp -------------------------------------------------------------------------------- /test/backend/cum_sum.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/cum_sum.in.cpp -------------------------------------------------------------------------------- /test/backend/divide.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/divide.in.cpp -------------------------------------------------------------------------------- /test/backend/dot.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/dot.in.cpp -------------------------------------------------------------------------------- /test/backend/dynamic.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/dynamic.in.cpp -------------------------------------------------------------------------------- /test/backend/elu.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/elu.in.cpp -------------------------------------------------------------------------------- /test/backend/erf.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/erf.in.cpp -------------------------------------------------------------------------------- /test/backend/exp.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/exp.in.cpp -------------------------------------------------------------------------------- /test/backend/floor.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/floor.in.cpp -------------------------------------------------------------------------------- /test/backend/gather.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/gather.in.cpp -------------------------------------------------------------------------------- /test/backend/gelu.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/gelu.in.cpp -------------------------------------------------------------------------------- /test/backend/gemm.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/gemm.in.cpp -------------------------------------------------------------------------------- /test/backend/grn.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/grn.in.cpp -------------------------------------------------------------------------------- /test/backend/group_conv.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/group_conv.in.cpp -------------------------------------------------------------------------------- /test/backend/gru_cell.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/gru_cell.in.cpp -------------------------------------------------------------------------------- /test/backend/layer_norm.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/layer_norm.in.cpp -------------------------------------------------------------------------------- /test/backend/log.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/log.in.cpp -------------------------------------------------------------------------------- /test/backend/logical_or.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/logical_or.in.cpp -------------------------------------------------------------------------------- /test/backend/lrn.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/lrn.in.cpp -------------------------------------------------------------------------------- /test/backend/lstm_cell.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/lstm_cell.in.cpp -------------------------------------------------------------------------------- /test/backend/matmul.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/matmul.in.cpp -------------------------------------------------------------------------------- /test/backend/max.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/max.in.cpp -------------------------------------------------------------------------------- /test/backend/maximum.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/maximum.in.cpp -------------------------------------------------------------------------------- /test/backend/min.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/min.in.cpp -------------------------------------------------------------------------------- /test/backend/minimum.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/minimum.in.cpp -------------------------------------------------------------------------------- /test/backend/mlir.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/mlir.in.cpp -------------------------------------------------------------------------------- /test/backend/mod.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/mod.in.cpp -------------------------------------------------------------------------------- /test/backend/multiply.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/multiply.in.cpp -------------------------------------------------------------------------------- /test/backend/mvn.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/mvn.in.cpp -------------------------------------------------------------------------------- /test/backend/negative.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/negative.in.cpp -------------------------------------------------------------------------------- /test/backend/node_name.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/node_name.in.cpp -------------------------------------------------------------------------------- /test/backend/non_zero.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/non_zero.in.cpp -------------------------------------------------------------------------------- /test/backend/normalize.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/normalize.in.cpp -------------------------------------------------------------------------------- /test/backend/not.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/not.in.cpp -------------------------------------------------------------------------------- /test/backend/numeric.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/numeric.in.cpp -------------------------------------------------------------------------------- /test/backend/numpy.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/numpy.in.cpp -------------------------------------------------------------------------------- /test/backend/one_hot.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/one_hot.in.cpp -------------------------------------------------------------------------------- /test/backend/pad.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/pad.in.cpp -------------------------------------------------------------------------------- /test/backend/pool.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/pool.in.cpp -------------------------------------------------------------------------------- /test/backend/power.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/power.in.cpp -------------------------------------------------------------------------------- /test/backend/prelu.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/prelu.in.cpp -------------------------------------------------------------------------------- /test/backend/product.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/product.in.cpp -------------------------------------------------------------------------------- /test/backend/range.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/range.in.cpp -------------------------------------------------------------------------------- /test/backend/reduce_max.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/reduce_max.in.cpp -------------------------------------------------------------------------------- /test/backend/reduce_min.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/reduce_min.in.cpp -------------------------------------------------------------------------------- /test/backend/reduce_sum.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/reduce_sum.in.cpp -------------------------------------------------------------------------------- /test/backend/relu.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/relu.in.cpp -------------------------------------------------------------------------------- /test/backend/reshape.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/reshape.in.cpp -------------------------------------------------------------------------------- /test/backend/reverse.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/reverse.in.cpp -------------------------------------------------------------------------------- /test/backend/rnn_cell.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/rnn_cell.in.cpp -------------------------------------------------------------------------------- /test/backend/round.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/round.in.cpp -------------------------------------------------------------------------------- /test/backend/scale.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/scale.in.cpp -------------------------------------------------------------------------------- /test/backend/scatter.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/scatter.in.cpp -------------------------------------------------------------------------------- /test/backend/select.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/select.in.cpp -------------------------------------------------------------------------------- /test/backend/shape_of.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/shape_of.in.cpp -------------------------------------------------------------------------------- /test/backend/sigmoid.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/sigmoid.in.cpp -------------------------------------------------------------------------------- /test/backend/sign.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/sign.in.cpp -------------------------------------------------------------------------------- /test/backend/sin.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/sin.in.cpp -------------------------------------------------------------------------------- /test/backend/sinh.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/sinh.in.cpp -------------------------------------------------------------------------------- /test/backend/slice.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/slice.in.cpp -------------------------------------------------------------------------------- /test/backend/softmax.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/softmax.in.cpp -------------------------------------------------------------------------------- /test/backend/split.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/split.in.cpp -------------------------------------------------------------------------------- /test/backend/sqrt.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/sqrt.in.cpp -------------------------------------------------------------------------------- /test/backend/squeeze.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/squeeze.in.cpp -------------------------------------------------------------------------------- /test/backend/stack.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/stack.in.cpp -------------------------------------------------------------------------------- /test/backend/subtract.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/subtract.in.cpp -------------------------------------------------------------------------------- /test/backend/sum.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/sum.in.cpp -------------------------------------------------------------------------------- /test/backend/tan.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/tan.in.cpp -------------------------------------------------------------------------------- /test/backend/tanh.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/tanh.in.cpp -------------------------------------------------------------------------------- /test/backend/tile.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/tile.in.cpp -------------------------------------------------------------------------------- /test/backend/topk.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/topk.in.cpp -------------------------------------------------------------------------------- /test/backend/transpose.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/transpose.in.cpp -------------------------------------------------------------------------------- /test/backend/unsqueeze.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/unsqueeze.in.cpp -------------------------------------------------------------------------------- /test/backend/zero_sized.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend/zero_sized.in.cpp -------------------------------------------------------------------------------- /test/backend_api.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend_api.cpp -------------------------------------------------------------------------------- /test/backend_debug_api.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend_debug_api.cpp -------------------------------------------------------------------------------- /test/backend_performance.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/backend_performance.cpp -------------------------------------------------------------------------------- /test/bfloat16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/bfloat16.cpp -------------------------------------------------------------------------------- /test/build_graph.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/build_graph.cpp -------------------------------------------------------------------------------- /test/builder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/builder.cpp -------------------------------------------------------------------------------- /test/builder_autobroadcast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/builder_autobroadcast.cpp -------------------------------------------------------------------------------- /test/builder_quantization.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/builder_quantization.cpp -------------------------------------------------------------------------------- /test/check.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/check.cpp -------------------------------------------------------------------------------- /test/concat_fusion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/concat_fusion.cpp -------------------------------------------------------------------------------- /test/constant.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/constant.cpp -------------------------------------------------------------------------------- /test/constant_folding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/constant_folding.cpp -------------------------------------------------------------------------------- /test/control_dependencies.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/control_dependencies.cpp -------------------------------------------------------------------------------- /test/convert_u1_to_string.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/convert_u1_to_string.cpp -------------------------------------------------------------------------------- /test/coordinate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/coordinate.cpp -------------------------------------------------------------------------------- /test/copy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/copy.cpp -------------------------------------------------------------------------------- /test/core.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/core.cpp -------------------------------------------------------------------------------- /test/core_fusion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/core_fusion.cpp -------------------------------------------------------------------------------- /test/cpio.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpio.cpp -------------------------------------------------------------------------------- /test/cpu_codegen.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpu_codegen.cpp -------------------------------------------------------------------------------- /test/cpu_core_fusion.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpu_core_fusion.in.cpp -------------------------------------------------------------------------------- /test/cpu_debug_tracer.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpu_debug_tracer.in.cpp -------------------------------------------------------------------------------- /test/cpu_debugger.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpu_debugger.in.cpp -------------------------------------------------------------------------------- /test/cpu_fusion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpu_fusion.cpp -------------------------------------------------------------------------------- /test/cpu_fusion.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpu_fusion.in.cpp -------------------------------------------------------------------------------- /test/cpu_test.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cpu_test.in.cpp -------------------------------------------------------------------------------- /test/cse.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/cse.cpp -------------------------------------------------------------------------------- /test/dnnl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/dnnl.cpp -------------------------------------------------------------------------------- /test/dyn_elimination.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/dyn_elimination.cpp -------------------------------------------------------------------------------- /test/element_type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/element_type.cpp -------------------------------------------------------------------------------- /test/eval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/eval.cpp -------------------------------------------------------------------------------- /test/file_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/file_util.cpp -------------------------------------------------------------------------------- /test/files/graph_with_goe.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/files/graph_with_goe.json -------------------------------------------------------------------------------- /test/files/test.cpio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/files/test.cpio -------------------------------------------------------------------------------- /test/float16.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/float16.cpp -------------------------------------------------------------------------------- /test/gpu_fusion.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/gpu_fusion.cpp -------------------------------------------------------------------------------- /test/gpu_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/gpu_test.cpp -------------------------------------------------------------------------------- /test/header_standalone.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/header_standalone.in.cpp -------------------------------------------------------------------------------- /test/includes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/includes.cpp -------------------------------------------------------------------------------- /test/input_output_assign.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/input_output_assign.cpp -------------------------------------------------------------------------------- /test/intervals.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/intervals.cpp -------------------------------------------------------------------------------- /test/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/main.cpp -------------------------------------------------------------------------------- /test/misc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/misc.cpp -------------------------------------------------------------------------------- /test/misc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/misc.hpp -------------------------------------------------------------------------------- /test/mlir/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/mlir/CMakeLists.txt -------------------------------------------------------------------------------- /test/mlir/lit.cfg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/mlir/lit.cfg.py -------------------------------------------------------------------------------- /test/mlir/lit.site.cfg.py.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/mlir/lit.site.cfg.py.in -------------------------------------------------------------------------------- /test/mlir/ops_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/mlir/ops_test.cpp -------------------------------------------------------------------------------- /test/models/conv_bias.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/conv_bias.json -------------------------------------------------------------------------------- /test/models/onnx/add_abc.onnx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/add_abc.onnx -------------------------------------------------------------------------------- /test/models/onnx/cosh.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/cosh.prototxt -------------------------------------------------------------------------------- /test/models/onnx/div.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/div.prototxt -------------------------------------------------------------------------------- /test/models/onnx/elu.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/elu.prototxt -------------------------------------------------------------------------------- /test/models/onnx/erf.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/erf.prototxt -------------------------------------------------------------------------------- /test/models/onnx/max.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/max.prototxt -------------------------------------------------------------------------------- /test/models/onnx/mean.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/mean.prototxt -------------------------------------------------------------------------------- /test/models/onnx/onnx_prototxt_converter_requirements.txt: -------------------------------------------------------------------------------- 1 | docopt 2 | protobuf 3 | onnx 4 | -------------------------------------------------------------------------------- /test/models/onnx/relu.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/relu.prototxt -------------------------------------------------------------------------------- /test/models/onnx/selu.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/selu.prototxt -------------------------------------------------------------------------------- /test/models/onnx/sign.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/sign.prototxt -------------------------------------------------------------------------------- /test/models/onnx/sinh.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/sinh.prototxt -------------------------------------------------------------------------------- /test/models/onnx/sub.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/sub.prototxt -------------------------------------------------------------------------------- /test/models/onnx/sum.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/sum.prototxt -------------------------------------------------------------------------------- /test/models/onnx/tanh.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/tanh.prototxt -------------------------------------------------------------------------------- /test/models/onnx/tile.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/models/onnx/tile.prototxt -------------------------------------------------------------------------------- /test/ngraph_api.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/ngraph_api.cpp -------------------------------------------------------------------------------- /test/node_input_output.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/node_input_output.cpp -------------------------------------------------------------------------------- /test/nop_elimination.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/nop_elimination.cpp -------------------------------------------------------------------------------- /test/onnx/onnx_import.in.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/onnx/onnx_import.in.cpp -------------------------------------------------------------------------------- /test/op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/op.cpp -------------------------------------------------------------------------------- /test/op_eval/matmul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/op_eval/matmul.cpp -------------------------------------------------------------------------------- /test/op_eval/mod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/op_eval/mod.cpp -------------------------------------------------------------------------------- /test/op_eval/non_zero.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/op_eval/non_zero.cpp -------------------------------------------------------------------------------- /test/op_eval/strided_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/op_eval/strided_slice.cpp -------------------------------------------------------------------------------- /test/op_is.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/op_is.cpp -------------------------------------------------------------------------------- /test/opset1.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/opset1.cpp -------------------------------------------------------------------------------- /test/partial_shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/partial_shape.cpp -------------------------------------------------------------------------------- /test/pass.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/pass.cpp -------------------------------------------------------------------------------- /test/pass_liveness.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/pass_liveness.cpp -------------------------------------------------------------------------------- /test/pass_manager.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/pass_manager.cpp -------------------------------------------------------------------------------- /test/pass_memory_layout.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/pass_memory_layout.cpp -------------------------------------------------------------------------------- /test/pass_shape_relevance.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/pass_shape_relevance.cpp -------------------------------------------------------------------------------- /test/pattern.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/pattern.cpp -------------------------------------------------------------------------------- /test/provenance.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/provenance.cpp -------------------------------------------------------------------------------- /test/replace_node.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/replace_node.cpp -------------------------------------------------------------------------------- /test/reshape_elimination.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/reshape_elimination.cpp -------------------------------------------------------------------------------- /test/reshape_sinking.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/reshape_sinking.cpp -------------------------------------------------------------------------------- /test/serialize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/serialize.cpp -------------------------------------------------------------------------------- /test/shape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/shape.cpp -------------------------------------------------------------------------------- /test/specialize_function.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/specialize_function.cpp -------------------------------------------------------------------------------- /test/tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/tensor.cpp -------------------------------------------------------------------------------- /test/tools.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/tools.cpp -------------------------------------------------------------------------------- /test/type_info.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_info.cpp -------------------------------------------------------------------------------- /test/type_prop/all.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/all.cpp -------------------------------------------------------------------------------- /test/type_prop/any.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/any.cpp -------------------------------------------------------------------------------- /test/type_prop/avg_pool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/avg_pool.cpp -------------------------------------------------------------------------------- /test/type_prop/batch_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/batch_norm.cpp -------------------------------------------------------------------------------- /test/type_prop/broadcast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/broadcast.cpp -------------------------------------------------------------------------------- /test/type_prop/bucketize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/bucketize.cpp -------------------------------------------------------------------------------- /test/type_prop/clamp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/clamp.cpp -------------------------------------------------------------------------------- /test/type_prop/compat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/compat.cpp -------------------------------------------------------------------------------- /test/type_prop/concat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/concat.cpp -------------------------------------------------------------------------------- /test/type_prop/constant.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/constant.cpp -------------------------------------------------------------------------------- /test/type_prop/convert.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/convert.cpp -------------------------------------------------------------------------------- /test/type_prop/convolution.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/convolution.cpp -------------------------------------------------------------------------------- /test/type_prop/dequantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/dequantize.cpp -------------------------------------------------------------------------------- /test/type_prop/dot.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/dot.cpp -------------------------------------------------------------------------------- /test/type_prop/dyn_pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/dyn_pad.cpp -------------------------------------------------------------------------------- /test/type_prop/dyn_reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/dyn_reshape.cpp -------------------------------------------------------------------------------- /test/type_prop/dyn_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/dyn_slice.cpp -------------------------------------------------------------------------------- /test/type_prop/elu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/elu.cpp -------------------------------------------------------------------------------- /test/type_prop/gather.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/gather.cpp -------------------------------------------------------------------------------- /test/type_prop/gather_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/gather_nd.cpp -------------------------------------------------------------------------------- /test/type_prop/gather_tree.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/gather_tree.cpp -------------------------------------------------------------------------------- /test/type_prop/gemm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/gemm.cpp -------------------------------------------------------------------------------- /test/type_prop/grn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/grn.cpp -------------------------------------------------------------------------------- /test/type_prop/gru_cell.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/gru_cell.cpp -------------------------------------------------------------------------------- /test/type_prop/layer_norm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/layer_norm.cpp -------------------------------------------------------------------------------- /test/type_prop/lrn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/lrn.cpp -------------------------------------------------------------------------------- /test/type_prop/lstm_cell.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/lstm_cell.cpp -------------------------------------------------------------------------------- /test/type_prop/matmul.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/matmul.cpp -------------------------------------------------------------------------------- /test/type_prop/max_pool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/max_pool.cpp -------------------------------------------------------------------------------- /test/type_prop/mvn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/mvn.cpp -------------------------------------------------------------------------------- /test/type_prop/non_zero.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/non_zero.cpp -------------------------------------------------------------------------------- /test/type_prop/normalize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/normalize.cpp -------------------------------------------------------------------------------- /test/type_prop/one_hot.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/one_hot.cpp -------------------------------------------------------------------------------- /test/type_prop/pad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/pad.cpp -------------------------------------------------------------------------------- /test/type_prop/parameter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/parameter.cpp -------------------------------------------------------------------------------- /test/type_prop/prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/prelu.cpp -------------------------------------------------------------------------------- /test/type_prop/proposal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/proposal.cpp -------------------------------------------------------------------------------- /test/type_prop/quantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/quantize.cpp -------------------------------------------------------------------------------- /test/type_prop/range.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/range.cpp -------------------------------------------------------------------------------- /test/type_prop/reduce_prod.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/reduce_prod.cpp -------------------------------------------------------------------------------- /test/type_prop/reduce_sum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/reduce_sum.cpp -------------------------------------------------------------------------------- /test/type_prop/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/reshape.cpp -------------------------------------------------------------------------------- /test/type_prop/reverse.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/reverse.cpp -------------------------------------------------------------------------------- /test/type_prop/rnn_cell.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/rnn_cell.cpp -------------------------------------------------------------------------------- /test/type_prop/roi_align.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/roi_align.cpp -------------------------------------------------------------------------------- /test/type_prop/scale_shift.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/scale_shift.cpp -------------------------------------------------------------------------------- /test/type_prop/scatter_add.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/scatter_add.cpp -------------------------------------------------------------------------------- /test/type_prop/scatter_nd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/scatter_nd.cpp -------------------------------------------------------------------------------- /test/type_prop/select.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/select.cpp -------------------------------------------------------------------------------- /test/type_prop/shape_of.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/shape_of.cpp -------------------------------------------------------------------------------- /test/type_prop/slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/slice.cpp -------------------------------------------------------------------------------- /test/type_prop/split.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/split.cpp -------------------------------------------------------------------------------- /test/type_prop/squeeze.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/squeeze.cpp -------------------------------------------------------------------------------- /test/type_prop/sum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/sum.cpp -------------------------------------------------------------------------------- /test/type_prop/tile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/tile.cpp -------------------------------------------------------------------------------- /test/type_prop/top_k.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/top_k.cpp -------------------------------------------------------------------------------- /test/type_prop/transpose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/transpose.cpp -------------------------------------------------------------------------------- /test/type_prop/unsqueeze.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop/unsqueeze.cpp -------------------------------------------------------------------------------- /test/type_prop_benchmark.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop_benchmark.cpp -------------------------------------------------------------------------------- /test/type_prop_layers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/type_prop_layers.cpp -------------------------------------------------------------------------------- /test/util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util.cpp -------------------------------------------------------------------------------- /test/util/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/CMakeLists.txt -------------------------------------------------------------------------------- /test/util/all_close.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/all_close.hpp -------------------------------------------------------------------------------- /test/util/all_close_f.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/all_close_f.cpp -------------------------------------------------------------------------------- /test/util/all_close_f.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/all_close_f.hpp -------------------------------------------------------------------------------- /test/util/float_util.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/float_util.cpp -------------------------------------------------------------------------------- /test/util/float_util.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/float_util.hpp -------------------------------------------------------------------------------- /test/util/matcher.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/matcher.hpp -------------------------------------------------------------------------------- /test/util/ndarray.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/ndarray.hpp -------------------------------------------------------------------------------- /test/util/random.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/random.hpp -------------------------------------------------------------------------------- /test/util/test_case.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/test_case.cpp -------------------------------------------------------------------------------- /test/util/test_case.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/test_case.hpp -------------------------------------------------------------------------------- /test/util/test_control.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/test_control.cpp -------------------------------------------------------------------------------- /test/util/test_control.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/test_control.hpp -------------------------------------------------------------------------------- /test/util/test_tools.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/test_tools.cpp -------------------------------------------------------------------------------- /test/util/test_tools.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/test_tools.hpp -------------------------------------------------------------------------------- /test/util/type_prop.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/type_prop.hpp -------------------------------------------------------------------------------- /test/util/unit-test-execution/requirements.txt: -------------------------------------------------------------------------------- 1 | pytest -------------------------------------------------------------------------------- /test/util/visitor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/NervanaSystems/ngraph/HEAD/test/util/visitor.hpp --------------------------------------------------------------------------------