├── .ci └── view_component_trigger │ ├── Jenkinsfile │ └── jobs.groovy ├── .clang-format ├── .clang-tidy ├── .github ├── CODEOWNERS └── workflows │ └── apply_linters.yml ├── .gitignore ├── .linters └── activate_buildenv.sh ├── .pre-commit-config.yaml ├── .pylintrc ├── .style.yapf ├── CMakeLists.txt ├── License.txt ├── MANIFEST.in ├── README.md ├── config.buildenv.py ├── docs ├── common │ ├── _static │ │ └── css │ │ │ └── custom_rtd.css │ ├── conf.py │ ├── custom_dic │ ├── graphcorelogo-html.png │ └── graphcorelogo-pdf.png ├── poptorch_geometric │ ├── common │ │ └── conf.py │ └── user_guide │ │ ├── index.rst │ │ ├── installation.rst │ │ ├── intro.rst │ │ ├── legal.rst │ │ ├── performance.rst │ │ ├── reference.rst │ │ ├── supported_operations.rst │ │ └── tutorials.rst └── user_guide │ ├── CMakeLists.txt │ ├── IPU-pipeline.jpg │ ├── api.py │ ├── batching.rst │ ├── buffers.py │ ├── comm-group-types.png │ ├── debugging.py │ ├── debugging.rst │ ├── device_iterations.py │ ├── error_handling.py │ ├── example.rst │ ├── experimental.rst │ ├── hostio_optimisation.rst │ ├── index.rst │ ├── inferenceModel.py │ ├── installation.rst │ ├── intro.rst │ ├── legal.rst │ ├── mnist.py │ ├── no-buffering-profile.png │ ├── overview.rst │ ├── phased_execution.py │ ├── pipeline_simple.py │ ├── pipelined_execution.png │ ├── poptorch.conf │ ├── poptorch_training_simple.py │ ├── precompilation.py │ ├── pytorch-software-stack.png │ ├── pytorch_to_poptorch.rst │ ├── reference.rst │ ├── replica_grouped_weights.py │ ├── sharded_execution.png │ ├── stages_summary.png │ ├── sumAnchorReturnType.py │ ├── supported_ops.rst │ ├── trainingModel.py │ ├── with-buffering-overlap-profile.png │ └── with-buffering-profile.png ├── examples ├── CMakeLists.txt ├── bert_ipu.py ├── lstm.py ├── mnist.py ├── simple_adder.py └── zeus.jpg ├── popart_compiler ├── CMakeLists.txt ├── include │ └── popart_compiler │ │ ├── CodeletsCompilation.hpp │ │ ├── Compiler.hpp │ │ ├── CompilerOperationMacros.inc.hpp │ │ ├── ManuallyAddedOperations.inc.hpp │ │ ├── SupportedOperations.inc.hpp │ │ └── Utils.hpp ├── source │ ├── CodeletsCompilation.cpp │ ├── Compiler.cpp │ ├── CompilerImpl.cpp │ ├── SessionOptions.cpp │ ├── Utils.cpp │ ├── custom_operations │ │ ├── Embedding.cpp │ │ ├── FastGatherLastDim.cpp │ │ ├── FastGatherLastDim.hpp │ │ ├── FastGatherLastDimBwdCodelets.inc.cpp │ │ ├── FastGatherLastDimFwdCodelets.inc.cpp │ │ ├── HostOp.cpp │ │ ├── TorchSoftplus.cpp │ │ ├── TorchSoftplus.hpp │ │ ├── UpsampleBilinear2d.cpp │ │ └── UpsampleBilinear2dCodelets.inc.cpp │ └── include │ │ └── popart_compiler │ │ ├── CompilerImpl.hpp │ │ ├── CompilerOptions.hpp │ │ ├── CustomOps.hpp │ │ ├── MultiConvBuilder.hpp │ │ └── SessionOptionsImpl.hpp └── types │ └── include │ └── popart_compiler │ ├── CompilerTypes.hpp │ └── PopartEnums.hpp ├── poptorch ├── CMakeLists.txt ├── include │ └── poptorch │ │ ├── DispatchTracer.hpp │ │ ├── InplaceOps.hpp │ │ ├── LowerToPopart.hpp │ │ ├── LowerToPopartFactories.hpp │ │ ├── PoplarExecutable.hpp │ │ ├── SessionOptionsParser.hpp │ │ └── Utils.hpp └── source │ ├── AddDetachOperations.cpp │ ├── AddSubgraphConnectionNodes.cpp │ ├── AliasProcessing.cpp │ ├── CPUOffloadingCleanUp.cpp │ ├── CompilerOps.cpp.inc │ ├── ErrorOnUnsupportedAten.cpp │ ├── FixupSetAvailableMemory.cpp │ ├── GNNOptimizations.cpp │ ├── GatherWithExpandedIndicesOptimization.cpp │ ├── ImplicitCasting.cpp │ ├── InplaceOps.cpp │ ├── LowerToPopart.cpp │ ├── LowerToPopartFactories.cpp │ ├── OpBuilder.cpp │ ├── OverlappedIO.cpp │ ├── PopartCanonicalization.cpp │ ├── PopartLateCanonicalization.cpp │ ├── PoplarExecutable.cpp │ ├── PoptorchStaticInit.hpp │ ├── PoptorchSymbols.cpp │ ├── PoptorchSymbols.hpp │ ├── RemoveSurplusIdentityLosses.cpp │ ├── RequiresGrad.cpp │ ├── SessionOptionsParser.cpp │ ├── Utils.cpp │ ├── dispatch_tracer │ ├── CMakeLists.txt │ ├── CommonHelperFunctions.cpp │ ├── CommonHelperFunctions.hpp │ ├── InplaceAliasMapper.cpp │ ├── InplaceAliasMapper.hpp │ ├── README.md │ ├── RegisterAtenOverloads.cpp │ ├── RegisterMetaOps.cpp.inc │ ├── RegisterOptionalAtenOps.cpp.inc │ ├── Tensor.cpp │ ├── Tensor.hpp │ ├── TypeInferenceHandler.cpp │ ├── TypeInferenceHandler.hpp │ ├── ValueMapper.cpp │ ├── ValueMapper.hpp │ └── dispatchers │ │ ├── IDispatch.cpp │ │ ├── IDispatch.hpp │ │ ├── JitDispatch.cpp │ │ └── JitDispatch.hpp │ ├── include │ └── poptorch │ │ ├── AliasProcessing.hpp │ │ ├── CompilerOps.inc.hpp │ │ ├── ImplicitCasting.hpp │ │ ├── InplaceOpsPyTorch.hpp_nolint │ │ ├── OpBuilder.hpp │ │ ├── OverlappedIO.hpp │ │ ├── PopartCanonicalization.hpp │ │ ├── RequiresGrad.hpp │ │ └── TypeAndConstantCanonicalization.hpp │ ├── popart_canonicalization │ ├── ActivationOps.cpp │ ├── ArithmeticOps.cpp │ ├── AtenHandlers.gen.cpp │ ├── BilinearOps.cpp │ ├── BitwiseOps.cpp │ ├── BlasOps.cpp │ ├── ConstantOps.cpp │ ├── ConvolutionOps.cpp │ ├── CustomOps.cpp │ ├── DistanceOps.cpp │ ├── DropoutOps.cpp │ ├── EinsumOp.cpp │ ├── EinsumOp.hpp │ ├── EmbeddingOps.cpp │ ├── IndexOps.cpp │ ├── LossOps.cpp │ ├── NormalizationOps.cpp │ ├── OtherOps.cpp │ ├── PoolingOps.cpp │ ├── PopartCanonicalizationUtils.cpp │ ├── PopartCanonicalizationUtils.hpp │ ├── PoptorchHandlers.gen.cpp │ ├── PyGTorchScatterOps.cpp │ ├── PyGTorchSplineConvOps.cpp │ ├── RNNOps.cpp │ ├── RandomSamplingOps.cpp │ ├── ReduceOps.cpp │ ├── ReshapeOps.cpp │ ├── ScatterReduction.cpp │ ├── ScatterReduction.hpp │ ├── SliceOps.cpp │ ├── SoftmaxOps.cpp │ ├── TensorOps.cpp │ └── pyg_torch_cluster │ │ ├── FpsOp.cpp │ │ ├── GridOp.cpp │ │ └── NearestOp.cpp │ └── type_and_constant_canonicalization │ ├── AddListNumElements.cpp │ ├── CanonicaliseConstants.cpp │ ├── CastUnsupportedInputs.cpp │ ├── CheckAndChangeOutputTypes.cpp │ ├── EvaluateConstexprs.cpp │ └── MakeConstantIntParams.cpp ├── poptorch_compiler └── pytorch_bridge │ ├── CMakeLists.txt │ ├── IpuSession.cpp │ └── include │ └── pytorch_bridge │ ├── CompilerOptions.hpp │ ├── CompilerTypes.hpp │ ├── DebugInfo.hpp │ └── IpuSession.hpp ├── poptorch_err ├── CMakeLists.txt ├── exception_info │ └── poptorch_err │ │ └── ExceptionInfo.hpp ├── include │ └── poptorch_err │ │ └── ExceptionHandling.hpp └── source │ └── ExceptionHandling.cpp ├── poptorch_geometric ├── CMakeLists.txt ├── License.txt ├── MANIFEST.in ├── README.md ├── config.buildenv.py ├── poptorch_geometric_third_party_licenses.txt ├── pyproject.toml ├── python │ ├── CMakeLists.txt │ ├── __init__.py │ ├── cluster_loader.py │ ├── collate.py │ ├── common.py │ ├── dataloader.py │ ├── fixed_size_options.py │ ├── masker.py │ ├── neighbor_loader.py │ ├── ops │ │ ├── __init__.py │ │ ├── aggregation_base.py │ │ ├── cluster_gcn_conv.py │ │ ├── hetero_linear.py │ │ ├── instance_norm.py │ │ ├── knn.py │ │ ├── knn_graph.py │ │ ├── knn_interpolate.py │ │ ├── mf_conv.py │ │ └── radius.py │ ├── override.py │ ├── py.typed │ ├── pyg_cluster_loader.py │ ├── pyg_collate.py │ ├── pyg_dataloader.py │ ├── stream_packing_sampler.py │ ├── types.py │ └── utils.py ├── requirements.txt ├── setup.cfg └── setup.py ├── poptorch_logging ├── CMakeLists.txt ├── include │ └── poptorch_logging │ │ ├── Error.hpp │ │ ├── Logging.hpp │ │ ├── LoggingLight.hpp │ │ └── Tracepoint.hpp └── source │ ├── Error.cpp │ ├── Logging.cpp │ └── Tracepoint.cpp ├── poptorch_third_party_licenses.txt ├── pyproject.toml ├── python ├── CMakeLists.txt ├── __init__.py ├── _args_parser.py ├── _dataloader.py ├── _impl.py ├── _logging.py ├── _optimizer_attributes.py ├── _options_config.py ├── _options_impl.py ├── _poplar_executor.py ├── _poptorch_data.py ├── _printing.py ├── _utils.py ├── enums.py ├── ops.py ├── optim.py ├── options.py ├── poptorch.cpp ├── profiling.py ├── py.typed └── testing.py ├── requirements.txt ├── scripts ├── PopAtenHandlers.py ├── PopParse.py ├── PopTorchHandlers.py ├── __init__.py ├── apply_linters.py ├── check_spelling.py ├── create_buildenv.py ├── docs_build.py ├── download_external_datasets.py ├── enable.sh.in ├── generate_poppyg_package.py ├── generate_python_package.py ├── popgen │ ├── __init__.py │ ├── api.py │ ├── generator.py │ ├── helpers.py │ ├── onnx.py │ ├── operatorfactory.py │ ├── poptorch.py │ ├── registry.py │ ├── transform.py │ └── values.py ├── set_version.py └── utils │ └── _utils.py ├── setup.cfg ├── setup.py ├── tests ├── .gitignore ├── CMakeLists.txt ├── activations_test.py ├── attach_detach_test.py ├── attach_detach_wait_for_ipu_test.py ├── batching_test.py ├── bert_small_and_medium_test.py ├── blas_test.py ├── bool_support_test.py ├── buffers_test.py ├── conftest.py ├── convs_test.py ├── cpp │ ├── CMakeLists.txt │ └── GNNOptimizationsTest.cpp ├── cpu_op_test.py ├── ctc_decoder_test.py ├── custom_loss_test.py ├── custom_ops │ ├── CMakeLists.txt │ ├── custom_add_scalar_op.cpp │ ├── custom_add_scalar_vec_op.cpp │ ├── custom_add_vec_scalar_mul_op.cpp │ ├── custom_cube_op.cpp │ ├── custom_leaky_relu_op.cpp │ ├── custom_many_attribute_op.cpp │ ├── custom_reduce_op.cpp │ └── custom_three_input_reduce_op.cpp ├── custom_ops_attributes_test.py ├── custom_ops_test.py ├── dataloader_test.py ├── debug_tensors_test.py ├── distance_ops_test.py ├── exception_test.py ├── fine_tuning_test.py ├── functional_test.py ├── generate_test_file.py ├── gnn │ ├── .gitignore │ ├── benchgnn │ │ ├── README.md │ │ ├── benchgnn.py │ │ ├── datasets.py │ │ ├── models.py │ │ ├── requirements.txt │ │ └── utils.py │ ├── benchgnn_ops │ │ ├── README.md │ │ ├── benchgnn_ops.py │ │ ├── builder.py │ │ ├── example_configs │ │ │ ├── common.yaml │ │ │ ├── scatter_testcase1.yaml │ │ │ └── scatter_testcase2.yaml │ │ ├── metrics.py │ │ ├── ops.py │ │ └── requirements.txt │ ├── conftest.py │ ├── nn │ │ ├── aggr │ │ │ ├── aggr_utils.py │ │ │ ├── conftest.py │ │ │ ├── test_attention.py │ │ │ ├── test_basic.py │ │ │ ├── test_deep_sets.py │ │ │ ├── test_equilibrium.py │ │ │ ├── test_fused.py │ │ │ ├── test_gmt.py │ │ │ ├── test_gru.py │ │ │ ├── test_lstm.py │ │ │ ├── test_mlp_aggr.py │ │ │ ├── test_multi.py │ │ │ ├── test_quantile.py │ │ │ ├── test_scaler.py │ │ │ ├── test_set2set.py │ │ │ ├── test_set_transformer.py │ │ │ └── test_sort.py │ │ ├── conftest.py │ │ ├── conv │ │ │ ├── conv_utils.py │ │ │ ├── test_agnn_conv.py │ │ │ ├── test_antisymmetric_conv.py │ │ │ ├── test_appnp.py │ │ │ ├── test_arma_conv.py │ │ │ ├── test_cg_conv.py │ │ │ ├── test_cheb_conv.py │ │ │ ├── test_cluster_gcn_conv.py │ │ │ ├── test_dna_conv.py │ │ │ ├── test_edge_conv.py │ │ │ ├── test_eg_conv.py │ │ │ ├── test_fa_conv.py │ │ │ ├── test_feast_conv.py │ │ │ ├── test_film_conv.py │ │ │ ├── test_gat_conv.py │ │ │ ├── test_gated_graph_conv.py │ │ │ ├── test_gatv2_conv.py │ │ │ ├── test_gcn2_conv.py │ │ │ ├── test_gcn_conv.py │ │ │ ├── test_gen_conv.py │ │ │ ├── test_general_conv.py │ │ │ ├── test_gin_conv.py │ │ │ ├── test_gmm_conv.py │ │ │ ├── test_gps_conv.py │ │ │ ├── test_graph_conv.py │ │ │ ├── test_gravnet_conv.py │ │ │ ├── test_han_conv.py │ │ │ ├── test_heat_conv.py │ │ │ ├── test_hetero_conv.py │ │ │ ├── test_hgt_conv.py │ │ │ ├── test_hypergraph_conv.py │ │ │ ├── test_le_conv.py │ │ │ ├── test_lg_conv.py │ │ │ ├── test_mf_conv.py │ │ │ ├── test_nn_conv.py │ │ │ ├── test_pan_conv.py │ │ │ ├── test_pdn_conv.py │ │ │ ├── test_pna_conv.py │ │ │ ├── test_point_conv.py │ │ │ ├── test_point_gnn_conv.py │ │ │ ├── test_point_transformer_conv.py │ │ │ ├── test_ppf_conv.py │ │ │ ├── test_res_gated_graph_conv.py │ │ │ ├── test_rgat_conv.py │ │ │ ├── test_rgcn_conv.py │ │ │ ├── test_sage_conv.py │ │ │ ├── test_sg_conv.py │ │ │ ├── test_signed_conv.py │ │ │ ├── test_simple_conv.py │ │ │ ├── test_spline_conv.py │ │ │ ├── test_ssg_conv.py │ │ │ ├── test_supergat_conv.py │ │ │ ├── test_tag_conv.py │ │ │ ├── test_transformer_conv.py │ │ │ ├── test_wl_conv.py │ │ │ ├── test_wl_conv_continuous.py │ │ │ └── test_x_conv.py │ │ ├── dense │ │ │ ├── dense_utils.py │ │ │ └── test_convs.py │ │ ├── functional │ │ │ ├── test_bro.py │ │ │ └── test_gini.py │ │ ├── kge │ │ │ ├── kge_utils.py │ │ │ ├── test_complex.py │ │ │ ├── test_distmult.py │ │ │ ├── test_rotate.py │ │ │ └── test_transe.py │ │ ├── nn_utils.py │ │ ├── norm │ │ │ ├── norm_utils.py │ │ │ ├── test_batch_norm.py │ │ │ ├── test_diff_group_norm.py │ │ │ ├── test_graph_norm.py │ │ │ ├── test_graph_size_norm.py │ │ │ ├── test_instance_norm.py │ │ │ ├── test_layer_norm.py │ │ │ ├── test_mean_subtraction_norm.py │ │ │ ├── test_msg_norm.py │ │ │ └── test_pair_norm.py │ │ ├── pool │ │ │ ├── pool_utils.py │ │ │ ├── test_asap.py │ │ │ ├── test_avg_pool.py │ │ │ ├── test_consecutive.py │ │ │ ├── test_decimation.py │ │ │ ├── test_edge_pool.py │ │ │ ├── test_fps.py │ │ │ ├── test_glob.py │ │ │ ├── test_graclus.py │ │ │ ├── test_max_pool.py │ │ │ ├── test_mem_pool.py │ │ │ ├── test_pan_pool.py │ │ │ ├── test_pool_knn.py │ │ │ ├── test_radius.py │ │ │ ├── test_sag_pool.py │ │ │ ├── test_select_topk.py │ │ │ ├── test_topk_pool.py │ │ │ └── test_voxel_grid.py │ │ ├── test_linear.py │ │ ├── test_loss.py │ │ ├── test_mish.py │ │ ├── test_sequential.py │ │ └── unpool │ │ │ └── test_interpolate.py │ ├── ops │ │ ├── test_knn.py │ │ ├── test_knn_graph.py │ │ ├── test_knn_interpolate.py │ │ ├── test_nearest.py │ │ ├── test_radius_op.py │ │ ├── test_spline_conv_ops.py │ │ └── test_to_dense_batch.py │ ├── test_basic_gnn.py │ ├── test_cluster_loader.py │ ├── test_collate.py │ ├── test_dataloader.py │ ├── test_encoding.py │ ├── test_fixed_size_options.py │ ├── test_masker.py │ ├── test_model_args.py │ ├── test_neighbor_loader.py │ ├── test_register_custom_args.py │ ├── test_stream_packing_sampler.py │ └── utils.py ├── grouping_scatters_gathers_test.py ├── gru_test.py ├── half_float_test.py ├── half_test.py ├── helpers.py ├── hooks_test.py ├── if_test.py ├── index_ops_test.py ├── inplace_test.py ├── inputs_test.py ├── io_performance_test.py ├── ipu_print_tensor_test.py ├── loop_test.py ├── losses_test.py ├── lstm_test.py ├── math_ops_test.py ├── misc_nn_layers_test.py ├── misc_test.py ├── multiconv_test.py ├── non_contiguous_tensors_test.py ├── norms_test.py ├── ops_test.py ├── optimizers_test.py ├── options_test.py ├── other_ops_test.py ├── outputs_test.py ├── overlapped_io_test.py ├── phased_execution_test.py ├── pipelining_test.py ├── pooling_and_padding_test.py ├── popdist_test.py ├── poplar_executor_test.py ├── precompilation_test.py ├── pyg_torch_scatter_test.py ├── random_sampling_test.py ├── reduce_ops_test.py ├── replicated_graph_test.py ├── requires_grad_test.py ├── rnn_test.py ├── sharding_test.py ├── slice_test.py ├── tensor_ops_test.py ├── test_doc_urls.py ├── test_perf_counters.py ├── timeout_handler.py ├── torch_nn_test.py ├── torchvision_inference_test.py ├── type_support_test.py └── weights_writing_test.py └── version.json /.ci/view_component_trigger/Jenkinsfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.ci/view_component_trigger/Jenkinsfile -------------------------------------------------------------------------------- /.ci/view_component_trigger/jobs.groovy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.ci/view_component_trigger/jobs.groovy -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- 1 | Language: Cpp 2 | BasedOnStyle: llvm 3 | -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.github/CODEOWNERS: -------------------------------------------------------------------------------- 1 | * @Software-GCAI/poptorch 2 | -------------------------------------------------------------------------------- /.github/workflows/apply_linters.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.github/workflows/apply_linters.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.gitignore -------------------------------------------------------------------------------- /.linters/activate_buildenv.sh: -------------------------------------------------------------------------------- 1 | ../../build/activate_buildenv.sh -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.pylintrc -------------------------------------------------------------------------------- /.style.yapf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/.style.yapf -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /License.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/License.txt -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/README.md -------------------------------------------------------------------------------- /config.buildenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/config.buildenv.py -------------------------------------------------------------------------------- /docs/common/_static/css/custom_rtd.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/common/_static/css/custom_rtd.css -------------------------------------------------------------------------------- /docs/common/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/common/conf.py -------------------------------------------------------------------------------- /docs/common/custom_dic: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/common/custom_dic -------------------------------------------------------------------------------- /docs/common/graphcorelogo-html.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/common/graphcorelogo-html.png -------------------------------------------------------------------------------- /docs/common/graphcorelogo-pdf.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/common/graphcorelogo-pdf.png -------------------------------------------------------------------------------- /docs/poptorch_geometric/common/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/common/conf.py -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/index.rst -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/installation.rst -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/intro.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/intro.rst -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/legal.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/legal.rst -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/performance.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/performance.rst -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/reference.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/reference.rst -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/supported_operations.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/supported_operations.rst -------------------------------------------------------------------------------- /docs/poptorch_geometric/user_guide/tutorials.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/poptorch_geometric/user_guide/tutorials.rst -------------------------------------------------------------------------------- /docs/user_guide/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/CMakeLists.txt -------------------------------------------------------------------------------- /docs/user_guide/IPU-pipeline.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/IPU-pipeline.jpg -------------------------------------------------------------------------------- /docs/user_guide/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/api.py -------------------------------------------------------------------------------- /docs/user_guide/batching.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/batching.rst -------------------------------------------------------------------------------- /docs/user_guide/buffers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/buffers.py -------------------------------------------------------------------------------- /docs/user_guide/comm-group-types.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/comm-group-types.png -------------------------------------------------------------------------------- /docs/user_guide/debugging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/debugging.py -------------------------------------------------------------------------------- /docs/user_guide/debugging.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/debugging.rst -------------------------------------------------------------------------------- /docs/user_guide/device_iterations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/device_iterations.py -------------------------------------------------------------------------------- /docs/user_guide/error_handling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/error_handling.py -------------------------------------------------------------------------------- /docs/user_guide/example.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/example.rst -------------------------------------------------------------------------------- /docs/user_guide/experimental.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/experimental.rst -------------------------------------------------------------------------------- /docs/user_guide/hostio_optimisation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/hostio_optimisation.rst -------------------------------------------------------------------------------- /docs/user_guide/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/index.rst -------------------------------------------------------------------------------- /docs/user_guide/inferenceModel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/inferenceModel.py -------------------------------------------------------------------------------- /docs/user_guide/installation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/installation.rst -------------------------------------------------------------------------------- /docs/user_guide/intro.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/intro.rst -------------------------------------------------------------------------------- /docs/user_guide/legal.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/legal.rst -------------------------------------------------------------------------------- /docs/user_guide/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/mnist.py -------------------------------------------------------------------------------- /docs/user_guide/no-buffering-profile.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/no-buffering-profile.png -------------------------------------------------------------------------------- /docs/user_guide/overview.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/overview.rst -------------------------------------------------------------------------------- /docs/user_guide/phased_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/phased_execution.py -------------------------------------------------------------------------------- /docs/user_guide/pipeline_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/pipeline_simple.py -------------------------------------------------------------------------------- /docs/user_guide/pipelined_execution.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/pipelined_execution.png -------------------------------------------------------------------------------- /docs/user_guide/poptorch.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/poptorch.conf -------------------------------------------------------------------------------- /docs/user_guide/poptorch_training_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/poptorch_training_simple.py -------------------------------------------------------------------------------- /docs/user_guide/precompilation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/precompilation.py -------------------------------------------------------------------------------- /docs/user_guide/pytorch-software-stack.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/pytorch-software-stack.png -------------------------------------------------------------------------------- /docs/user_guide/pytorch_to_poptorch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/pytorch_to_poptorch.rst -------------------------------------------------------------------------------- /docs/user_guide/reference.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/reference.rst -------------------------------------------------------------------------------- /docs/user_guide/replica_grouped_weights.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/replica_grouped_weights.py -------------------------------------------------------------------------------- /docs/user_guide/sharded_execution.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/sharded_execution.png -------------------------------------------------------------------------------- /docs/user_guide/stages_summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/stages_summary.png -------------------------------------------------------------------------------- /docs/user_guide/sumAnchorReturnType.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/sumAnchorReturnType.py -------------------------------------------------------------------------------- /docs/user_guide/supported_ops.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/supported_ops.rst -------------------------------------------------------------------------------- /docs/user_guide/trainingModel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/trainingModel.py -------------------------------------------------------------------------------- /docs/user_guide/with-buffering-overlap-profile.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/with-buffering-overlap-profile.png -------------------------------------------------------------------------------- /docs/user_guide/with-buffering-profile.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/docs/user_guide/with-buffering-profile.png -------------------------------------------------------------------------------- /examples/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/examples/CMakeLists.txt -------------------------------------------------------------------------------- /examples/bert_ipu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/examples/bert_ipu.py -------------------------------------------------------------------------------- /examples/lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/examples/lstm.py -------------------------------------------------------------------------------- /examples/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/examples/mnist.py -------------------------------------------------------------------------------- /examples/simple_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/examples/simple_adder.py -------------------------------------------------------------------------------- /examples/zeus.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/examples/zeus.jpg -------------------------------------------------------------------------------- /popart_compiler/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/CMakeLists.txt -------------------------------------------------------------------------------- /popart_compiler/include/popart_compiler/CodeletsCompilation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/include/popart_compiler/CodeletsCompilation.hpp -------------------------------------------------------------------------------- /popart_compiler/include/popart_compiler/Compiler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/include/popart_compiler/Compiler.hpp -------------------------------------------------------------------------------- /popart_compiler/include/popart_compiler/CompilerOperationMacros.inc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/include/popart_compiler/CompilerOperationMacros.inc.hpp -------------------------------------------------------------------------------- /popart_compiler/include/popart_compiler/ManuallyAddedOperations.inc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/include/popart_compiler/ManuallyAddedOperations.inc.hpp -------------------------------------------------------------------------------- /popart_compiler/include/popart_compiler/SupportedOperations.inc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/include/popart_compiler/SupportedOperations.inc.hpp -------------------------------------------------------------------------------- /popart_compiler/include/popart_compiler/Utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/include/popart_compiler/Utils.hpp -------------------------------------------------------------------------------- /popart_compiler/source/CodeletsCompilation.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/CodeletsCompilation.cpp -------------------------------------------------------------------------------- /popart_compiler/source/Compiler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/Compiler.cpp -------------------------------------------------------------------------------- /popart_compiler/source/CompilerImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/CompilerImpl.cpp -------------------------------------------------------------------------------- /popart_compiler/source/SessionOptions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/SessionOptions.cpp -------------------------------------------------------------------------------- /popart_compiler/source/Utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/Utils.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/Embedding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/Embedding.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/FastGatherLastDim.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/FastGatherLastDim.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/FastGatherLastDim.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/FastGatherLastDim.hpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/FastGatherLastDimBwdCodelets.inc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/FastGatherLastDimBwdCodelets.inc.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/FastGatherLastDimFwdCodelets.inc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/FastGatherLastDimFwdCodelets.inc.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/HostOp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/HostOp.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/TorchSoftplus.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/TorchSoftplus.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/TorchSoftplus.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/TorchSoftplus.hpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/UpsampleBilinear2d.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/UpsampleBilinear2d.cpp -------------------------------------------------------------------------------- /popart_compiler/source/custom_operations/UpsampleBilinear2dCodelets.inc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/custom_operations/UpsampleBilinear2dCodelets.inc.cpp -------------------------------------------------------------------------------- /popart_compiler/source/include/popart_compiler/CompilerImpl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/include/popart_compiler/CompilerImpl.hpp -------------------------------------------------------------------------------- /popart_compiler/source/include/popart_compiler/CompilerOptions.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/include/popart_compiler/CompilerOptions.hpp -------------------------------------------------------------------------------- /popart_compiler/source/include/popart_compiler/CustomOps.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/include/popart_compiler/CustomOps.hpp -------------------------------------------------------------------------------- /popart_compiler/source/include/popart_compiler/MultiConvBuilder.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/include/popart_compiler/MultiConvBuilder.hpp -------------------------------------------------------------------------------- /popart_compiler/source/include/popart_compiler/SessionOptionsImpl.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/source/include/popart_compiler/SessionOptionsImpl.hpp -------------------------------------------------------------------------------- /popart_compiler/types/include/popart_compiler/CompilerTypes.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/types/include/popart_compiler/CompilerTypes.hpp -------------------------------------------------------------------------------- /popart_compiler/types/include/popart_compiler/PopartEnums.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/popart_compiler/types/include/popart_compiler/PopartEnums.hpp -------------------------------------------------------------------------------- /poptorch/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/CMakeLists.txt -------------------------------------------------------------------------------- /poptorch/include/poptorch/DispatchTracer.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/include/poptorch/DispatchTracer.hpp -------------------------------------------------------------------------------- /poptorch/include/poptorch/InplaceOps.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/include/poptorch/InplaceOps.hpp -------------------------------------------------------------------------------- /poptorch/include/poptorch/LowerToPopart.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/include/poptorch/LowerToPopart.hpp -------------------------------------------------------------------------------- /poptorch/include/poptorch/LowerToPopartFactories.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/include/poptorch/LowerToPopartFactories.hpp -------------------------------------------------------------------------------- /poptorch/include/poptorch/PoplarExecutable.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/include/poptorch/PoplarExecutable.hpp -------------------------------------------------------------------------------- /poptorch/include/poptorch/SessionOptionsParser.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/include/poptorch/SessionOptionsParser.hpp -------------------------------------------------------------------------------- /poptorch/include/poptorch/Utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/include/poptorch/Utils.hpp -------------------------------------------------------------------------------- /poptorch/source/AddDetachOperations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/AddDetachOperations.cpp -------------------------------------------------------------------------------- /poptorch/source/AddSubgraphConnectionNodes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/AddSubgraphConnectionNodes.cpp -------------------------------------------------------------------------------- /poptorch/source/AliasProcessing.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/AliasProcessing.cpp -------------------------------------------------------------------------------- /poptorch/source/CPUOffloadingCleanUp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/CPUOffloadingCleanUp.cpp -------------------------------------------------------------------------------- /poptorch/source/CompilerOps.cpp.inc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/CompilerOps.cpp.inc -------------------------------------------------------------------------------- /poptorch/source/ErrorOnUnsupportedAten.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/ErrorOnUnsupportedAten.cpp -------------------------------------------------------------------------------- /poptorch/source/FixupSetAvailableMemory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/FixupSetAvailableMemory.cpp -------------------------------------------------------------------------------- /poptorch/source/GNNOptimizations.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/GNNOptimizations.cpp -------------------------------------------------------------------------------- /poptorch/source/GatherWithExpandedIndicesOptimization.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/GatherWithExpandedIndicesOptimization.cpp -------------------------------------------------------------------------------- /poptorch/source/ImplicitCasting.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/ImplicitCasting.cpp -------------------------------------------------------------------------------- /poptorch/source/InplaceOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/InplaceOps.cpp -------------------------------------------------------------------------------- /poptorch/source/LowerToPopart.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/LowerToPopart.cpp -------------------------------------------------------------------------------- /poptorch/source/LowerToPopartFactories.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/LowerToPopartFactories.cpp -------------------------------------------------------------------------------- /poptorch/source/OpBuilder.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/OpBuilder.cpp -------------------------------------------------------------------------------- /poptorch/source/OverlappedIO.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/OverlappedIO.cpp -------------------------------------------------------------------------------- /poptorch/source/PopartCanonicalization.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/PopartCanonicalization.cpp -------------------------------------------------------------------------------- /poptorch/source/PopartLateCanonicalization.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/PopartLateCanonicalization.cpp -------------------------------------------------------------------------------- /poptorch/source/PoplarExecutable.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/PoplarExecutable.cpp -------------------------------------------------------------------------------- /poptorch/source/PoptorchStaticInit.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/PoptorchStaticInit.hpp -------------------------------------------------------------------------------- /poptorch/source/PoptorchSymbols.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/PoptorchSymbols.cpp -------------------------------------------------------------------------------- /poptorch/source/PoptorchSymbols.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/PoptorchSymbols.hpp -------------------------------------------------------------------------------- /poptorch/source/RemoveSurplusIdentityLosses.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/RemoveSurplusIdentityLosses.cpp -------------------------------------------------------------------------------- /poptorch/source/RequiresGrad.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/RequiresGrad.cpp -------------------------------------------------------------------------------- /poptorch/source/SessionOptionsParser.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/SessionOptionsParser.cpp -------------------------------------------------------------------------------- /poptorch/source/Utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/Utils.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/CMakeLists.txt -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/CommonHelperFunctions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/CommonHelperFunctions.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/CommonHelperFunctions.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/CommonHelperFunctions.hpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/InplaceAliasMapper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/InplaceAliasMapper.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/InplaceAliasMapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/InplaceAliasMapper.hpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/README.md -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/RegisterAtenOverloads.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/RegisterAtenOverloads.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/RegisterMetaOps.cpp.inc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/RegisterMetaOps.cpp.inc -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/RegisterOptionalAtenOps.cpp.inc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/RegisterOptionalAtenOps.cpp.inc -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/Tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/Tensor.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/Tensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/Tensor.hpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/TypeInferenceHandler.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/TypeInferenceHandler.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/TypeInferenceHandler.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/TypeInferenceHandler.hpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/ValueMapper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/ValueMapper.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/ValueMapper.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/ValueMapper.hpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/dispatchers/IDispatch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/dispatchers/IDispatch.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/dispatchers/IDispatch.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/dispatchers/IDispatch.hpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/dispatchers/JitDispatch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/dispatchers/JitDispatch.cpp -------------------------------------------------------------------------------- /poptorch/source/dispatch_tracer/dispatchers/JitDispatch.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/dispatch_tracer/dispatchers/JitDispatch.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/AliasProcessing.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/AliasProcessing.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/CompilerOps.inc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/CompilerOps.inc.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/ImplicitCasting.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/ImplicitCasting.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/InplaceOpsPyTorch.hpp_nolint: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/InplaceOpsPyTorch.hpp_nolint -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/OpBuilder.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/OpBuilder.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/OverlappedIO.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/OverlappedIO.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/PopartCanonicalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/PopartCanonicalization.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/RequiresGrad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/RequiresGrad.hpp -------------------------------------------------------------------------------- /poptorch/source/include/poptorch/TypeAndConstantCanonicalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/include/poptorch/TypeAndConstantCanonicalization.hpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ActivationOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ActivationOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ArithmeticOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ArithmeticOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/AtenHandlers.gen.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/AtenHandlers.gen.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/BilinearOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/BilinearOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/BitwiseOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/BitwiseOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/BlasOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/BlasOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ConstantOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ConstantOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ConvolutionOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ConvolutionOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/CustomOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/CustomOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/DistanceOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/DistanceOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/DropoutOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/DropoutOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/EinsumOp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/EinsumOp.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/EinsumOp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/EinsumOp.hpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/EmbeddingOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/EmbeddingOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/IndexOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/IndexOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/LossOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/LossOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/NormalizationOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/NormalizationOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/OtherOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/OtherOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/PoolingOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/PoolingOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/PopartCanonicalizationUtils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/PopartCanonicalizationUtils.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/PopartCanonicalizationUtils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/PopartCanonicalizationUtils.hpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/PoptorchHandlers.gen.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/PoptorchHandlers.gen.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/PyGTorchScatterOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/PyGTorchScatterOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/PyGTorchSplineConvOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/PyGTorchSplineConvOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/RNNOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/RNNOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/RandomSamplingOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/RandomSamplingOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ReduceOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ReduceOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ReshapeOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ReshapeOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ScatterReduction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ScatterReduction.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/ScatterReduction.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/ScatterReduction.hpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/SliceOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/SliceOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/SoftmaxOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/SoftmaxOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/TensorOps.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/TensorOps.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/pyg_torch_cluster/FpsOp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/pyg_torch_cluster/FpsOp.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/pyg_torch_cluster/GridOp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/pyg_torch_cluster/GridOp.cpp -------------------------------------------------------------------------------- /poptorch/source/popart_canonicalization/pyg_torch_cluster/NearestOp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/popart_canonicalization/pyg_torch_cluster/NearestOp.cpp -------------------------------------------------------------------------------- /poptorch/source/type_and_constant_canonicalization/AddListNumElements.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/type_and_constant_canonicalization/AddListNumElements.cpp -------------------------------------------------------------------------------- /poptorch/source/type_and_constant_canonicalization/CanonicaliseConstants.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/type_and_constant_canonicalization/CanonicaliseConstants.cpp -------------------------------------------------------------------------------- /poptorch/source/type_and_constant_canonicalization/CastUnsupportedInputs.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/type_and_constant_canonicalization/CastUnsupportedInputs.cpp -------------------------------------------------------------------------------- /poptorch/source/type_and_constant_canonicalization/CheckAndChangeOutputTypes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/type_and_constant_canonicalization/CheckAndChangeOutputTypes.cpp -------------------------------------------------------------------------------- /poptorch/source/type_and_constant_canonicalization/EvaluateConstexprs.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/type_and_constant_canonicalization/EvaluateConstexprs.cpp -------------------------------------------------------------------------------- /poptorch/source/type_and_constant_canonicalization/MakeConstantIntParams.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch/source/type_and_constant_canonicalization/MakeConstantIntParams.cpp -------------------------------------------------------------------------------- /poptorch_compiler/pytorch_bridge/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_compiler/pytorch_bridge/CMakeLists.txt -------------------------------------------------------------------------------- /poptorch_compiler/pytorch_bridge/IpuSession.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_compiler/pytorch_bridge/IpuSession.cpp -------------------------------------------------------------------------------- /poptorch_compiler/pytorch_bridge/include/pytorch_bridge/CompilerOptions.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_compiler/pytorch_bridge/include/pytorch_bridge/CompilerOptions.hpp -------------------------------------------------------------------------------- /poptorch_compiler/pytorch_bridge/include/pytorch_bridge/CompilerTypes.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_compiler/pytorch_bridge/include/pytorch_bridge/CompilerTypes.hpp -------------------------------------------------------------------------------- /poptorch_compiler/pytorch_bridge/include/pytorch_bridge/DebugInfo.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_compiler/pytorch_bridge/include/pytorch_bridge/DebugInfo.hpp -------------------------------------------------------------------------------- /poptorch_compiler/pytorch_bridge/include/pytorch_bridge/IpuSession.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_compiler/pytorch_bridge/include/pytorch_bridge/IpuSession.hpp -------------------------------------------------------------------------------- /poptorch_err/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_err/CMakeLists.txt -------------------------------------------------------------------------------- /poptorch_err/exception_info/poptorch_err/ExceptionInfo.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_err/exception_info/poptorch_err/ExceptionInfo.hpp -------------------------------------------------------------------------------- /poptorch_err/include/poptorch_err/ExceptionHandling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_err/include/poptorch_err/ExceptionHandling.hpp -------------------------------------------------------------------------------- /poptorch_err/source/ExceptionHandling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_err/source/ExceptionHandling.cpp -------------------------------------------------------------------------------- /poptorch_geometric/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/CMakeLists.txt -------------------------------------------------------------------------------- /poptorch_geometric/License.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/License.txt -------------------------------------------------------------------------------- /poptorch_geometric/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/MANIFEST.in -------------------------------------------------------------------------------- /poptorch_geometric/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/README.md -------------------------------------------------------------------------------- /poptorch_geometric/config.buildenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/config.buildenv.py -------------------------------------------------------------------------------- /poptorch_geometric/poptorch_geometric_third_party_licenses.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/poptorch_geometric_third_party_licenses.txt -------------------------------------------------------------------------------- /poptorch_geometric/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/pyproject.toml -------------------------------------------------------------------------------- /poptorch_geometric/python/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/CMakeLists.txt -------------------------------------------------------------------------------- /poptorch_geometric/python/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/__init__.py -------------------------------------------------------------------------------- /poptorch_geometric/python/cluster_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/cluster_loader.py -------------------------------------------------------------------------------- /poptorch_geometric/python/collate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/collate.py -------------------------------------------------------------------------------- /poptorch_geometric/python/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/common.py -------------------------------------------------------------------------------- /poptorch_geometric/python/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/dataloader.py -------------------------------------------------------------------------------- /poptorch_geometric/python/fixed_size_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/fixed_size_options.py -------------------------------------------------------------------------------- /poptorch_geometric/python/masker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/masker.py -------------------------------------------------------------------------------- /poptorch_geometric/python/neighbor_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/neighbor_loader.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/__init__.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/aggregation_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/aggregation_base.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/cluster_gcn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/cluster_gcn_conv.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/hetero_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/hetero_linear.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/instance_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/instance_norm.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/knn.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/knn_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/knn_graph.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/knn_interpolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/knn_interpolate.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/mf_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/mf_conv.py -------------------------------------------------------------------------------- /poptorch_geometric/python/ops/radius.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/ops/radius.py -------------------------------------------------------------------------------- /poptorch_geometric/python/override.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/override.py -------------------------------------------------------------------------------- /poptorch_geometric/python/py.typed: -------------------------------------------------------------------------------- 1 | # Marker file for PEP 561. 2 | -------------------------------------------------------------------------------- /poptorch_geometric/python/pyg_cluster_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/pyg_cluster_loader.py -------------------------------------------------------------------------------- /poptorch_geometric/python/pyg_collate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/pyg_collate.py -------------------------------------------------------------------------------- /poptorch_geometric/python/pyg_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/pyg_dataloader.py -------------------------------------------------------------------------------- /poptorch_geometric/python/stream_packing_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/stream_packing_sampler.py -------------------------------------------------------------------------------- /poptorch_geometric/python/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/types.py -------------------------------------------------------------------------------- /poptorch_geometric/python/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/python/utils.py -------------------------------------------------------------------------------- /poptorch_geometric/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/requirements.txt -------------------------------------------------------------------------------- /poptorch_geometric/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/setup.cfg -------------------------------------------------------------------------------- /poptorch_geometric/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_geometric/setup.py -------------------------------------------------------------------------------- /poptorch_logging/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/CMakeLists.txt -------------------------------------------------------------------------------- /poptorch_logging/include/poptorch_logging/Error.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/include/poptorch_logging/Error.hpp -------------------------------------------------------------------------------- /poptorch_logging/include/poptorch_logging/Logging.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/include/poptorch_logging/Logging.hpp -------------------------------------------------------------------------------- /poptorch_logging/include/poptorch_logging/LoggingLight.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/include/poptorch_logging/LoggingLight.hpp -------------------------------------------------------------------------------- /poptorch_logging/include/poptorch_logging/Tracepoint.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/include/poptorch_logging/Tracepoint.hpp -------------------------------------------------------------------------------- /poptorch_logging/source/Error.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/source/Error.cpp -------------------------------------------------------------------------------- /poptorch_logging/source/Logging.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/source/Logging.cpp -------------------------------------------------------------------------------- /poptorch_logging/source/Tracepoint.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_logging/source/Tracepoint.cpp -------------------------------------------------------------------------------- /poptorch_third_party_licenses.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/poptorch_third_party_licenses.txt -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/pyproject.toml -------------------------------------------------------------------------------- /python/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/CMakeLists.txt -------------------------------------------------------------------------------- /python/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/__init__.py -------------------------------------------------------------------------------- /python/_args_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_args_parser.py -------------------------------------------------------------------------------- /python/_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_dataloader.py -------------------------------------------------------------------------------- /python/_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_impl.py -------------------------------------------------------------------------------- /python/_logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_logging.py -------------------------------------------------------------------------------- /python/_optimizer_attributes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_optimizer_attributes.py -------------------------------------------------------------------------------- /python/_options_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_options_config.py -------------------------------------------------------------------------------- /python/_options_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_options_impl.py -------------------------------------------------------------------------------- /python/_poplar_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_poplar_executor.py -------------------------------------------------------------------------------- /python/_poptorch_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_poptorch_data.py -------------------------------------------------------------------------------- /python/_printing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_printing.py -------------------------------------------------------------------------------- /python/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/_utils.py -------------------------------------------------------------------------------- /python/enums.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/enums.py -------------------------------------------------------------------------------- /python/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/ops.py -------------------------------------------------------------------------------- /python/optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/optim.py -------------------------------------------------------------------------------- /python/options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/options.py -------------------------------------------------------------------------------- /python/poptorch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/poptorch.cpp -------------------------------------------------------------------------------- /python/profiling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/profiling.py -------------------------------------------------------------------------------- /python/py.typed: -------------------------------------------------------------------------------- 1 | # Marker file for PEP 561. 2 | -------------------------------------------------------------------------------- /python/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/python/testing.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/requirements.txt -------------------------------------------------------------------------------- /scripts/PopAtenHandlers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/PopAtenHandlers.py -------------------------------------------------------------------------------- /scripts/PopParse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/PopParse.py -------------------------------------------------------------------------------- /scripts/PopTorchHandlers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/PopTorchHandlers.py -------------------------------------------------------------------------------- /scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/apply_linters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/apply_linters.py -------------------------------------------------------------------------------- /scripts/check_spelling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/check_spelling.py -------------------------------------------------------------------------------- /scripts/create_buildenv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/create_buildenv.py -------------------------------------------------------------------------------- /scripts/docs_build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/docs_build.py -------------------------------------------------------------------------------- /scripts/download_external_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/download_external_datasets.py -------------------------------------------------------------------------------- /scripts/enable.sh.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/enable.sh.in -------------------------------------------------------------------------------- /scripts/generate_poppyg_package.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/generate_poppyg_package.py -------------------------------------------------------------------------------- /scripts/generate_python_package.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/generate_python_package.py -------------------------------------------------------------------------------- /scripts/popgen/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/__init__.py -------------------------------------------------------------------------------- /scripts/popgen/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/api.py -------------------------------------------------------------------------------- /scripts/popgen/generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/generator.py -------------------------------------------------------------------------------- /scripts/popgen/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/helpers.py -------------------------------------------------------------------------------- /scripts/popgen/onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/onnx.py -------------------------------------------------------------------------------- /scripts/popgen/operatorfactory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/operatorfactory.py -------------------------------------------------------------------------------- /scripts/popgen/poptorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/poptorch.py -------------------------------------------------------------------------------- /scripts/popgen/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/registry.py -------------------------------------------------------------------------------- /scripts/popgen/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/transform.py -------------------------------------------------------------------------------- /scripts/popgen/values.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/popgen/values.py -------------------------------------------------------------------------------- /scripts/set_version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/set_version.py -------------------------------------------------------------------------------- /scripts/utils/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/scripts/utils/_utils.py -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/setup.py -------------------------------------------------------------------------------- /tests/.gitignore: -------------------------------------------------------------------------------- 1 | .datasets 2 | -------------------------------------------------------------------------------- /tests/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/CMakeLists.txt -------------------------------------------------------------------------------- /tests/activations_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/activations_test.py -------------------------------------------------------------------------------- /tests/attach_detach_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/attach_detach_test.py -------------------------------------------------------------------------------- /tests/attach_detach_wait_for_ipu_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/attach_detach_wait_for_ipu_test.py -------------------------------------------------------------------------------- /tests/batching_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/batching_test.py -------------------------------------------------------------------------------- /tests/bert_small_and_medium_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/bert_small_and_medium_test.py -------------------------------------------------------------------------------- /tests/blas_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/blas_test.py -------------------------------------------------------------------------------- /tests/bool_support_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/bool_support_test.py -------------------------------------------------------------------------------- /tests/buffers_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/buffers_test.py -------------------------------------------------------------------------------- /tests/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/conftest.py -------------------------------------------------------------------------------- /tests/convs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/convs_test.py -------------------------------------------------------------------------------- /tests/cpp/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/cpp/CMakeLists.txt -------------------------------------------------------------------------------- /tests/cpp/GNNOptimizationsTest.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/cpp/GNNOptimizationsTest.cpp -------------------------------------------------------------------------------- /tests/cpu_op_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/cpu_op_test.py -------------------------------------------------------------------------------- /tests/ctc_decoder_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/ctc_decoder_test.py -------------------------------------------------------------------------------- /tests/custom_loss_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_loss_test.py -------------------------------------------------------------------------------- /tests/custom_ops/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/CMakeLists.txt -------------------------------------------------------------------------------- /tests/custom_ops/custom_add_scalar_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_add_scalar_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops/custom_add_scalar_vec_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_add_scalar_vec_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops/custom_add_vec_scalar_mul_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_add_vec_scalar_mul_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops/custom_cube_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_cube_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops/custom_leaky_relu_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_leaky_relu_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops/custom_many_attribute_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_many_attribute_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops/custom_reduce_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_reduce_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops/custom_three_input_reduce_op.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops/custom_three_input_reduce_op.cpp -------------------------------------------------------------------------------- /tests/custom_ops_attributes_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops_attributes_test.py -------------------------------------------------------------------------------- /tests/custom_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/custom_ops_test.py -------------------------------------------------------------------------------- /tests/dataloader_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/dataloader_test.py -------------------------------------------------------------------------------- /tests/debug_tensors_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/debug_tensors_test.py -------------------------------------------------------------------------------- /tests/distance_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/distance_ops_test.py -------------------------------------------------------------------------------- /tests/exception_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/exception_test.py -------------------------------------------------------------------------------- /tests/fine_tuning_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/fine_tuning_test.py -------------------------------------------------------------------------------- /tests/functional_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/functional_test.py -------------------------------------------------------------------------------- /tests/generate_test_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/generate_test_file.py -------------------------------------------------------------------------------- /tests/gnn/.gitignore: -------------------------------------------------------------------------------- 1 | .datasets 2 | -------------------------------------------------------------------------------- /tests/gnn/benchgnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn/README.md -------------------------------------------------------------------------------- /tests/gnn/benchgnn/benchgnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn/benchgnn.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn/datasets.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn/models.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn/requirements.txt -------------------------------------------------------------------------------- /tests/gnn/benchgnn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn/utils.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/README.md -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/benchgnn_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/benchgnn_ops.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/builder.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/example_configs/common.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/example_configs/common.yaml -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/example_configs/scatter_testcase1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/example_configs/scatter_testcase1.yaml -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/example_configs/scatter_testcase2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/example_configs/scatter_testcase2.yaml -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/metrics.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/ops.py -------------------------------------------------------------------------------- /tests/gnn/benchgnn_ops/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/benchgnn_ops/requirements.txt -------------------------------------------------------------------------------- /tests/gnn/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/conftest.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/aggr_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/aggr_utils.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/conftest.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_attention.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_basic.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_deep_sets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_deep_sets.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_equilibrium.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_equilibrium.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_fused.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_fused.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_gmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_gmt.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_gru.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_gru.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_lstm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_lstm.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_mlp_aggr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_mlp_aggr.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_multi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_multi.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_quantile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_quantile.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_scaler.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_set2set.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_set2set.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_set_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_set_transformer.py -------------------------------------------------------------------------------- /tests/gnn/nn/aggr/test_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/aggr/test_sort.py -------------------------------------------------------------------------------- /tests/gnn/nn/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conftest.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/conv_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/conv_utils.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_agnn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_agnn_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_antisymmetric_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_antisymmetric_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_appnp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_appnp.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_arma_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_arma_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_cg_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_cg_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_cheb_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_cheb_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_cluster_gcn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_cluster_gcn_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_dna_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_dna_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_edge_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_edge_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_eg_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_eg_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_fa_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_fa_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_feast_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_feast_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_film_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_film_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gat_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gat_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gated_graph_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gated_graph_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gatv2_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gatv2_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gcn2_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gcn2_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gcn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gcn_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gen_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gen_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_general_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_general_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gin_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gin_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gmm_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gmm_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gps_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gps_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_graph_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_graph_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_gravnet_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_gravnet_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_han_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_han_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_heat_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_heat_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_hetero_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_hetero_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_hgt_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_hgt_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_hypergraph_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_hypergraph_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_le_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_le_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_lg_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_lg_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_mf_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_mf_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_nn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_nn_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_pan_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_pan_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_pdn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_pdn_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_pna_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_pna_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_point_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_point_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_point_gnn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_point_gnn_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_point_transformer_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_point_transformer_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_ppf_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_ppf_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_res_gated_graph_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_res_gated_graph_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_rgat_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_rgat_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_rgcn_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_rgcn_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_sage_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_sage_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_sg_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_sg_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_signed_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_signed_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_simple_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_simple_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_spline_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_spline_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_ssg_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_ssg_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_supergat_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_supergat_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_tag_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_tag_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_transformer_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_transformer_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_wl_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_wl_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_wl_conv_continuous.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_wl_conv_continuous.py -------------------------------------------------------------------------------- /tests/gnn/nn/conv/test_x_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/conv/test_x_conv.py -------------------------------------------------------------------------------- /tests/gnn/nn/dense/dense_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/dense/dense_utils.py -------------------------------------------------------------------------------- /tests/gnn/nn/dense/test_convs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/dense/test_convs.py -------------------------------------------------------------------------------- /tests/gnn/nn/functional/test_bro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/functional/test_bro.py -------------------------------------------------------------------------------- /tests/gnn/nn/functional/test_gini.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/functional/test_gini.py -------------------------------------------------------------------------------- /tests/gnn/nn/kge/kge_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/kge/kge_utils.py -------------------------------------------------------------------------------- /tests/gnn/nn/kge/test_complex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/kge/test_complex.py -------------------------------------------------------------------------------- /tests/gnn/nn/kge/test_distmult.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/kge/test_distmult.py -------------------------------------------------------------------------------- /tests/gnn/nn/kge/test_rotate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/kge/test_rotate.py -------------------------------------------------------------------------------- /tests/gnn/nn/kge/test_transe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/kge/test_transe.py -------------------------------------------------------------------------------- /tests/gnn/nn/nn_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/nn_utils.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/norm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/norm_utils.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_batch_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_batch_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_diff_group_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_diff_group_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_graph_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_graph_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_graph_size_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_graph_size_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_instance_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_instance_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_layer_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_mean_subtraction_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_mean_subtraction_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_msg_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_msg_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/norm/test_pair_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/norm/test_pair_norm.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/pool_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/pool_utils.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_asap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_asap.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_avg_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_avg_pool.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_consecutive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_consecutive.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_decimation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_decimation.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_edge_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_edge_pool.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_fps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_fps.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_glob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_glob.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_graclus.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_graclus.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_max_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_max_pool.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_mem_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_mem_pool.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_pan_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_pan_pool.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_pool_knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_pool_knn.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_radius.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_radius.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_sag_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_sag_pool.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_select_topk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_select_topk.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_topk_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_topk_pool.py -------------------------------------------------------------------------------- /tests/gnn/nn/pool/test_voxel_grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/pool/test_voxel_grid.py -------------------------------------------------------------------------------- /tests/gnn/nn/test_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/test_linear.py -------------------------------------------------------------------------------- /tests/gnn/nn/test_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/test_loss.py -------------------------------------------------------------------------------- /tests/gnn/nn/test_mish.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/test_mish.py -------------------------------------------------------------------------------- /tests/gnn/nn/test_sequential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/test_sequential.py -------------------------------------------------------------------------------- /tests/gnn/nn/unpool/test_interpolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/nn/unpool/test_interpolate.py -------------------------------------------------------------------------------- /tests/gnn/ops/test_knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/ops/test_knn.py -------------------------------------------------------------------------------- /tests/gnn/ops/test_knn_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/ops/test_knn_graph.py -------------------------------------------------------------------------------- /tests/gnn/ops/test_knn_interpolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/ops/test_knn_interpolate.py -------------------------------------------------------------------------------- /tests/gnn/ops/test_nearest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/ops/test_nearest.py -------------------------------------------------------------------------------- /tests/gnn/ops/test_radius_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/ops/test_radius_op.py -------------------------------------------------------------------------------- /tests/gnn/ops/test_spline_conv_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/ops/test_spline_conv_ops.py -------------------------------------------------------------------------------- /tests/gnn/ops/test_to_dense_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/ops/test_to_dense_batch.py -------------------------------------------------------------------------------- /tests/gnn/test_basic_gnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_basic_gnn.py -------------------------------------------------------------------------------- /tests/gnn/test_cluster_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_cluster_loader.py -------------------------------------------------------------------------------- /tests/gnn/test_collate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_collate.py -------------------------------------------------------------------------------- /tests/gnn/test_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_dataloader.py -------------------------------------------------------------------------------- /tests/gnn/test_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_encoding.py -------------------------------------------------------------------------------- /tests/gnn/test_fixed_size_options.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_fixed_size_options.py -------------------------------------------------------------------------------- /tests/gnn/test_masker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_masker.py -------------------------------------------------------------------------------- /tests/gnn/test_model_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_model_args.py -------------------------------------------------------------------------------- /tests/gnn/test_neighbor_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_neighbor_loader.py -------------------------------------------------------------------------------- /tests/gnn/test_register_custom_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_register_custom_args.py -------------------------------------------------------------------------------- /tests/gnn/test_stream_packing_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/test_stream_packing_sampler.py -------------------------------------------------------------------------------- /tests/gnn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gnn/utils.py -------------------------------------------------------------------------------- /tests/grouping_scatters_gathers_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/grouping_scatters_gathers_test.py -------------------------------------------------------------------------------- /tests/gru_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/gru_test.py -------------------------------------------------------------------------------- /tests/half_float_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/half_float_test.py -------------------------------------------------------------------------------- /tests/half_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/half_test.py -------------------------------------------------------------------------------- /tests/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/helpers.py -------------------------------------------------------------------------------- /tests/hooks_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/hooks_test.py -------------------------------------------------------------------------------- /tests/if_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/if_test.py -------------------------------------------------------------------------------- /tests/index_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/index_ops_test.py -------------------------------------------------------------------------------- /tests/inplace_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/inplace_test.py -------------------------------------------------------------------------------- /tests/inputs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/inputs_test.py -------------------------------------------------------------------------------- /tests/io_performance_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/io_performance_test.py -------------------------------------------------------------------------------- /tests/ipu_print_tensor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/ipu_print_tensor_test.py -------------------------------------------------------------------------------- /tests/loop_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/loop_test.py -------------------------------------------------------------------------------- /tests/losses_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/losses_test.py -------------------------------------------------------------------------------- /tests/lstm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/lstm_test.py -------------------------------------------------------------------------------- /tests/math_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/math_ops_test.py -------------------------------------------------------------------------------- /tests/misc_nn_layers_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/misc_nn_layers_test.py -------------------------------------------------------------------------------- /tests/misc_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/misc_test.py -------------------------------------------------------------------------------- /tests/multiconv_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/multiconv_test.py -------------------------------------------------------------------------------- /tests/non_contiguous_tensors_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/non_contiguous_tensors_test.py -------------------------------------------------------------------------------- /tests/norms_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/norms_test.py -------------------------------------------------------------------------------- /tests/ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/ops_test.py -------------------------------------------------------------------------------- /tests/optimizers_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/optimizers_test.py -------------------------------------------------------------------------------- /tests/options_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/options_test.py -------------------------------------------------------------------------------- /tests/other_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/other_ops_test.py -------------------------------------------------------------------------------- /tests/outputs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/outputs_test.py -------------------------------------------------------------------------------- /tests/overlapped_io_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/overlapped_io_test.py -------------------------------------------------------------------------------- /tests/phased_execution_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/phased_execution_test.py -------------------------------------------------------------------------------- /tests/pipelining_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/pipelining_test.py -------------------------------------------------------------------------------- /tests/pooling_and_padding_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/pooling_and_padding_test.py -------------------------------------------------------------------------------- /tests/popdist_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/popdist_test.py -------------------------------------------------------------------------------- /tests/poplar_executor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/poplar_executor_test.py -------------------------------------------------------------------------------- /tests/precompilation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/precompilation_test.py -------------------------------------------------------------------------------- /tests/pyg_torch_scatter_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/pyg_torch_scatter_test.py -------------------------------------------------------------------------------- /tests/random_sampling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/random_sampling_test.py -------------------------------------------------------------------------------- /tests/reduce_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/reduce_ops_test.py -------------------------------------------------------------------------------- /tests/replicated_graph_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/replicated_graph_test.py -------------------------------------------------------------------------------- /tests/requires_grad_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/requires_grad_test.py -------------------------------------------------------------------------------- /tests/rnn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/rnn_test.py -------------------------------------------------------------------------------- /tests/sharding_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/sharding_test.py -------------------------------------------------------------------------------- /tests/slice_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/slice_test.py -------------------------------------------------------------------------------- /tests/tensor_ops_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/tensor_ops_test.py -------------------------------------------------------------------------------- /tests/test_doc_urls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/test_doc_urls.py -------------------------------------------------------------------------------- /tests/test_perf_counters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/test_perf_counters.py -------------------------------------------------------------------------------- /tests/timeout_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/timeout_handler.py -------------------------------------------------------------------------------- /tests/torch_nn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/torch_nn_test.py -------------------------------------------------------------------------------- /tests/torchvision_inference_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/torchvision_inference_test.py -------------------------------------------------------------------------------- /tests/type_support_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/type_support_test.py -------------------------------------------------------------------------------- /tests/weights_writing_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/tests/weights_writing_test.py -------------------------------------------------------------------------------- /version.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/graphcore/poptorch/HEAD/version.json --------------------------------------------------------------------------------