├── .bazelrc ├── .bazelversion ├── .circleci ├── .gitignore ├── README.md ├── cimodel │ ├── __init__.py │ ├── data │ │ ├── __init__.py │ │ ├── binary_build_data.py │ │ ├── binary_build_definitions.py │ │ ├── dimensions.py │ │ ├── pytorch_build_data.py │ │ ├── pytorch_build_definitions.py │ │ ├── simple │ │ │ ├── __init__.py │ │ │ ├── anaconda_prune_defintions.py │ │ │ ├── android_definitions.py │ │ │ ├── bazel_definitions.py │ │ │ ├── binary_smoketest.py │ │ │ ├── docker_definitions.py │ │ │ ├── ge_config_tests.py │ │ │ ├── ios_definitions.py │ │ │ ├── macos_definitions.py │ │ │ ├── mobile_definitions.py │ │ │ ├── nightly_android.py │ │ │ ├── nightly_ios.py │ │ │ └── util │ │ │ │ ├── __init__.py │ │ │ │ ├── branch_filters.py │ │ │ │ ├── docker_constants.py │ │ │ │ └── versions.py │ │ └── windows_build_definitions.py │ └── lib │ │ ├── __init__.py │ │ ├── conf_tree.py │ │ ├── miniutils.py │ │ └── miniyaml.py ├── codegen_validation │ ├── compare_normalized_yaml.sh │ ├── normalize_yaml_fragment.py │ └── overwrite_with_normalized.sh ├── config.yml ├── docker │ ├── README.md │ ├── android │ │ ├── AndroidManifest.xml │ │ └── build.gradle │ ├── build.sh │ ├── build_docker.sh │ ├── centos-rocm │ │ └── Dockerfile │ ├── common │ │ ├── install_android.sh │ │ ├── install_base.sh │ │ ├── install_cache.sh │ │ ├── install_clang.sh │ │ ├── install_cmake.sh │ │ ├── install_conda.sh │ │ ├── install_db.sh │ │ ├── install_devtoolset.sh │ │ ├── install_gcc.sh │ │ ├── install_glibc.sh │ │ ├── install_jni.sh │ │ ├── install_katex.sh │ │ ├── install_lcov.sh │ │ ├── install_nccl.sh │ │ ├── install_ninja.sh │ │ ├── install_openmpi.sh │ │ ├── install_protobuf.sh │ │ ├── install_rocm.sh │ │ ├── install_swiftshader.sh │ │ ├── install_thrift.sh │ │ ├── install_travis_python.sh │ │ ├── install_user.sh │ │ ├── install_vision.sh │ │ └── install_vulkan_sdk.sh │ ├── java │ │ └── jni.h │ ├── ubuntu-cuda │ │ └── Dockerfile │ ├── ubuntu-rocm │ │ ├── .gitignore │ │ └── Dockerfile │ └── ubuntu │ │ └── Dockerfile ├── ecr_gc_docker │ ├── Dockerfile │ ├── docker_hub.py │ ├── gc.py │ └── requirements.txt ├── ensure-consistency.py ├── generate_config_yml.py ├── regenerate.sh ├── scripts │ ├── README.md │ ├── binary_checkout.sh │ ├── binary_install_miniconda.sh │ ├── binary_ios_build.sh │ ├── binary_ios_test.sh │ ├── binary_ios_upload.sh │ ├── binary_linux_build.sh │ ├── binary_linux_test.sh │ ├── binary_macos_build.sh │ ├── binary_macos_test.sh │ ├── binary_populate_env.sh │ ├── binary_run_in_docker.sh │ ├── binary_upload.sh │ ├── binary_windows_build.sh │ ├── binary_windows_test.sh │ ├── build_android_gradle.sh │ ├── cpp_doc_push_script.sh │ ├── driver_update.bat │ ├── publish_android_snapshot.sh │ ├── python_doc_push_script.sh │ ├── setup_ci_environment.sh │ ├── setup_linux_system_environment.sh │ ├── upload_binary_size_to_scuba.py │ ├── vs_install.ps1 │ ├── windows_cuda_install.sh │ └── windows_cudnn_install.sh ├── verbatim-sources │ ├── build-parameters │ │ ├── binary-build-params.yml │ │ ├── promote-build-params.yml │ │ └── pytorch-build-params.yml │ ├── commands.yml │ ├── header-section.yml │ ├── job-specs │ │ ├── binary-build-tests.yml │ │ ├── binary-job-specs.yml │ │ ├── binary_update_htmls.yml │ │ ├── docker_jobs.yml │ │ ├── job-specs-custom.yml │ │ ├── job-specs-promote.yml │ │ ├── job-specs-setup.yml │ │ └── pytorch-job-specs.yml │ ├── nightly-binary-build-defaults.yml │ └── workflows │ │ ├── workflows-ecr-gc.yml │ │ ├── workflows-nightly-uploads-header.yml │ │ └── workflows-promote.yml └── windows-jni │ └── include │ └── jni.h ├── .clang-format ├── .clang-tidy ├── .cmakelintrc ├── .ctags.d └── pytorch.ctags ├── .dockerignore ├── .flake8 ├── .gitattributes ├── .github ├── ISSUE_TEMPLATE.md ├── ISSUE_TEMPLATE │ ├── bug-report.md │ ├── documentation.md │ ├── feature-request.md │ └── questions-help-support.md ├── PULL_REQUEST_TEMPLATE.md ├── pytorch-circleci-labels.yml ├── pytorch-probot.yml └── workflows │ ├── clang_format.yml │ ├── jit_triage.yml │ ├── lint.yml │ └── quantization_triage.yml ├── .gitignore ├── .gitmodules ├── .jenkins ├── caffe2 │ ├── README.md │ ├── bench.sh │ ├── build.sh │ ├── common.sh │ ├── dirty.sh │ └── test.sh ├── pytorch │ ├── README.md │ ├── build-asan.sh │ ├── build-mobile-code-analysis.sh │ ├── build-mobile.sh │ ├── build.sh │ ├── common.sh │ ├── common_utils.sh │ ├── dirty.sh │ ├── docker-build-test.sh │ ├── docs-test.sh │ ├── macos-build-test.sh │ ├── macos-build.sh │ ├── macos-common.sh │ ├── macos-test.sh │ ├── multigpu-test.sh │ ├── perf_test │ │ ├── common.sh │ │ ├── compare_with_baseline.py │ │ ├── get_stats.py │ │ ├── test_cpu_speed_mini_sequence_labeler.sh │ │ ├── test_cpu_speed_mnist.sh │ │ ├── test_cpu_speed_torch.sh │ │ ├── test_cpu_speed_torch_tensor.sh │ │ ├── test_gpu_speed_cudnn_lstm.sh │ │ ├── test_gpu_speed_lstm.sh │ │ ├── test_gpu_speed_mlstm.sh │ │ ├── test_gpu_speed_mnist.sh │ │ ├── test_gpu_speed_word_language_model.sh │ │ └── update_commit_hash.py │ ├── print_sccache_log.py │ ├── short-perf-test-cpu.sh │ ├── short-perf-test-gpu.sh │ ├── test.sh │ ├── win-build.sh │ ├── win-test-helpers │ │ ├── build_pytorch.bat │ │ ├── installation-helpers │ │ │ ├── install_magma.bat │ │ │ ├── install_miniconda3.bat │ │ │ ├── install_mkl.bat │ │ │ └── install_sccache.bat │ │ ├── run_python_nn_smoketests.py │ │ ├── setup_pytorch_env.bat │ │ ├── test_custom_backend.bat │ │ ├── test_custom_script_ops.bat │ │ ├── test_libtorch.bat │ │ ├── test_python_all_except_nn.bat │ │ ├── test_python_jit_legacy.bat │ │ └── test_python_nn.bat │ └── win-test.sh └── run-shellcheck.sh ├── .travis.aten.yml ├── BUILD.bazel ├── CITATION ├── CMakeLists.txt ├── CODEOWNERS ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── Dockerfile ├── GLOSSARY.md ├── LICENSE ├── Makefile ├── NOTICE ├── README.md ├── WORKSPACE ├── android ├── .gitignore ├── README.md ├── build.gradle ├── build_test_app.sh ├── build_test_app_custom.sh ├── common.sh ├── gradle.properties ├── gradle │ ├── android_maven_install.gradle │ ├── android_tasks.gradle │ ├── bintray.gradle │ ├── gradle_maven_push.gradle │ ├── release.gradle │ └── release_bintray.gradle ├── pytorch_android │ ├── CMakeLists.txt │ ├── build.gradle │ ├── generate_test_asset.cpp │ ├── generate_test_torchscripts.py │ ├── gradle.properties │ ├── host │ │ ├── build.gradle │ │ └── gradle.properties │ ├── src │ │ ├── androidTest │ │ │ ├── assets │ │ │ │ └── test.pt │ │ │ └── java │ │ │ │ └── org │ │ │ │ └── pytorch │ │ │ │ ├── PytorchHostTests.java │ │ │ │ ├── PytorchInstrumentedTests.java │ │ │ │ ├── PytorchTestBase.java │ │ │ │ └── suite │ │ │ │ └── PytorchInstrumentedTestSuite.java │ │ └── main │ │ │ ├── AndroidManifest.xml │ │ │ ├── cpp │ │ │ ├── cmake_macros.h │ │ │ ├── cmake_macros.h.in │ │ │ ├── pytorch_jni_common.cpp │ │ │ ├── pytorch_jni_common.h │ │ │ ├── pytorch_jni_jit.cpp │ │ │ └── pytorch_jni_lite.cpp │ │ │ ├── java │ │ │ └── org │ │ │ │ └── pytorch │ │ │ │ ├── DType.java │ │ │ │ ├── Device.java │ │ │ │ ├── INativePeer.java │ │ │ │ ├── IValue.java │ │ │ │ ├── LiteModuleLoader.java │ │ │ │ ├── LiteNativePeer.java │ │ │ │ ├── MemoryFormat.java │ │ │ │ ├── Module.java │ │ │ │ ├── NativePeer.java │ │ │ │ ├── PyTorchAndroid.java │ │ │ │ ├── PyTorchCodegenLoader.java │ │ │ │ └── Tensor.java │ │ │ └── res │ │ │ └── values │ │ │ └── strings.xml │ └── test_asset.jit ├── pytorch_android_torchvision │ ├── CMakeLists.txt │ ├── build.gradle │ ├── gradle.properties │ └── src │ │ ├── androidTest │ │ └── java │ │ │ └── org │ │ │ └── pytorch │ │ │ └── torchvision │ │ │ ├── TorchVisionInstrumentedTests.java │ │ │ └── suite │ │ │ └── TorchVisionInstrumentedTestSuite.java │ │ └── main │ │ ├── AndroidManifest.xml │ │ ├── cpp │ │ └── pytorch_vision_jni.cpp │ │ ├── java │ │ └── org │ │ │ └── pytorch │ │ │ └── torchvision │ │ │ └── TensorImageUtils.java │ │ └── res │ │ └── values │ │ └── strings.xml ├── run_tests.sh ├── settings.gradle └── test_app │ ├── .gitignore │ ├── app │ ├── CMakeLists.txt │ ├── build.gradle │ └── src │ │ └── main │ │ ├── AndroidManifest.xml │ │ ├── assets │ │ └── .gitignore │ │ ├── cpp │ │ └── pytorch_testapp_jni.cpp │ │ ├── java │ │ └── org │ │ │ └── pytorch │ │ │ └── testapp │ │ │ ├── CameraActivity.java │ │ │ ├── Constants.java │ │ │ ├── LibtorchNativeClient.java │ │ │ ├── MainActivity.java │ │ │ ├── Result.java │ │ │ └── Utils.java │ │ └── res │ │ ├── layout │ │ ├── activity_camera.xml │ │ ├── activity_main.xml │ │ └── texture_view.xml │ │ ├── mipmap-mdpi │ │ ├── ic_launcher.png │ │ └── ic_launcher_round.png │ │ └── values │ │ ├── colors.xml │ │ ├── strings.xml │ │ └── styles.xml │ ├── make_assets.py │ └── make_assets_custom.py ├── aten.bzl ├── aten ├── CMakeLists.txt ├── conda │ ├── build.sh │ └── meta.yaml ├── src │ ├── ATen │ │ ├── .gitignore │ │ ├── ATen.h │ │ ├── ATenConfig.cmake.in │ │ ├── AccumulateType.h │ │ ├── ArrayRef.h │ │ ├── Backend.h │ │ ├── Backtrace.h │ │ ├── BatchedFallback.cpp │ │ ├── BatchedFallback.h │ │ ├── BatchedTensorImpl.cpp │ │ ├── BatchedTensorImpl.h │ │ ├── BatchingRegistrations.cpp │ │ ├── CMakeLists.txt │ │ ├── CPUApplyUtils.h │ │ ├── CPUFixedAllocator.h │ │ ├── CPUGeneratorImpl.cpp │ │ ├── CPUGeneratorImpl.h │ │ ├── CUDAGeneratorImpl.h │ │ ├── Config.h.in │ │ ├── Context.cpp │ │ ├── Context.h │ │ ├── DLConvertor.cpp │ │ ├── DLConvertor.h │ │ ├── Device.h │ │ ├── DeviceGuard.h │ │ ├── DimVector.h │ │ ├── Dimname.h │ │ ├── Dispatch.h │ │ ├── DynamicLibrary.cpp │ │ ├── DynamicLibrary.h │ │ ├── ExpandUtils.cpp │ │ ├── ExpandUtils.h │ │ ├── Formatting.h │ │ ├── Generator.h │ │ ├── InferSize.h │ │ ├── InitialTensorOptions.h │ │ ├── Layout.h │ │ ├── LegacyTHFunctionsCPU.cpp │ │ ├── LegacyTHFunctionsCPU.h │ │ ├── LegacyTHFunctionsCUDA.h │ │ ├── MatrixRef.h │ │ ├── MemoryOverlap.cpp │ │ ├── MemoryOverlap.h │ │ ├── NamedTensor.h │ │ ├── NamedTensorUtils.cpp │ │ ├── NamedTensorUtils.h │ │ ├── NumericUtils.h │ │ ├── OpaqueTensorImpl.h │ │ ├── PTThreadPool.h │ │ ├── Parallel.h │ │ ├── ParallelCommon.cpp │ │ ├── ParallelNative.cpp │ │ ├── ParallelNative.h │ │ ├── ParallelNativeTBB.cpp │ │ ├── ParallelNativeTBB.h │ │ ├── ParallelOpenMP.cpp │ │ ├── ParallelOpenMP.h │ │ ├── ParallelThreadPoolNative.cpp │ │ ├── Scalar.h │ │ ├── ScalarOps.h │ │ ├── ScalarType.h │ │ ├── SequenceNumber.cpp │ │ ├── SequenceNumber.h │ │ ├── SmallVector.h │ │ ├── SparseTensorImpl.cpp │ │ ├── SparseTensorImpl.h │ │ ├── SparseTensorUtils.h │ │ ├── Storage.h │ │ ├── Tensor.h │ │ ├── TensorAccessor.h │ │ ├── TensorGeometry.cpp │ │ ├── TensorGeometry.h │ │ ├── TensorIndexing.cpp │ │ ├── TensorIndexing.h │ │ ├── TensorNames.cpp │ │ ├── TensorNames.h │ │ ├── TensorOperators.h │ │ ├── TensorOptions.h │ │ ├── TensorUtils.cpp │ │ ├── TensorUtils.h │ │ ├── ThreadLocalState.cpp │ │ ├── ThreadLocalState.h │ │ ├── TracerMode.h │ │ ├── Utils.cpp │ │ ├── Utils.h │ │ ├── Version.cpp │ │ ├── Version.h │ │ ├── VmapMode.cpp │ │ ├── VmapMode.h │ │ ├── VmapModeRegistrations.cpp │ │ ├── VmapTransforms.cpp │ │ ├── VmapTransforms.h │ │ ├── WrapDimUtils.h │ │ ├── WrapDimUtilsMulti.h │ │ ├── autocast_mode.cpp │ │ ├── autocast_mode.h │ │ ├── benchmarks │ │ │ ├── stateful_conv1d.cpp │ │ │ └── tensor_add.cpp │ │ ├── core │ │ │ ├── ATenGeneral.cpp │ │ │ ├── ATenGeneral.h │ │ │ ├── ATenOpList.h │ │ │ ├── Array.h │ │ │ ├── BackendSelectFallbackKernel.cpp │ │ │ ├── Backtrace.h │ │ │ ├── DeprecatedTypeProperties.cpp │ │ │ ├── DeprecatedTypeProperties.h │ │ │ ├── DeprecatedTypePropertiesRegistry.cpp │ │ │ ├── DeprecatedTypePropertiesRegistry.h │ │ │ ├── Dict.cpp │ │ │ ├── Dict.h │ │ │ ├── Dict_inl.h │ │ │ ├── DimVector.h │ │ │ ├── Dimname.cpp │ │ │ ├── Dimname.h │ │ │ ├── DistributionsHelper.h │ │ │ ├── Formatting.cpp │ │ │ ├── Formatting.h │ │ │ ├── Generator.h │ │ │ ├── LegacyTypeDispatch.h │ │ │ ├── List.cpp │ │ │ ├── List.h │ │ │ ├── List_inl.h │ │ │ ├── List_test.cpp │ │ │ ├── MT19937RNGEngine.h │ │ │ ├── Macros.h │ │ │ ├── NamedRegistrations.cpp │ │ │ ├── NamedTensor.cpp │ │ │ ├── NamedTensor.h │ │ │ ├── PhiloxRNGEngine.h │ │ │ ├── QuantizerBase.h │ │ │ ├── README.md │ │ │ ├── Range.cpp │ │ │ ├── Range.h │ │ │ ├── Reduction.h │ │ │ ├── Scalar.h │ │ │ ├── ScalarType.h │ │ │ ├── Tensor.cpp │ │ │ ├── Tensor.h │ │ │ ├── TensorAccessor.h │ │ │ ├── TensorImpl_test.cpp │ │ │ ├── TransformationHelper.h │ │ │ ├── UndefinedTensorImpl.h │ │ │ ├── UnsafeFromTH.h │ │ │ ├── VariableFallbackKernel.cpp │ │ │ ├── VariableHooksInterface.cpp │ │ │ ├── VariableHooksInterface.h │ │ │ ├── Variadic.h │ │ │ ├── alias_info.h │ │ │ ├── aten_interned_strings.h │ │ │ ├── blob.cpp │ │ │ ├── blob.h │ │ │ ├── boxing │ │ │ │ ├── KernelFunction.cpp │ │ │ │ ├── KernelFunction.h │ │ │ │ ├── KernelFunction_impl.h │ │ │ │ ├── KernelFunction_test.cpp │ │ │ │ └── impl │ │ │ │ │ ├── WrapFunctionIntoFunctor.h │ │ │ │ │ ├── WrapFunctionIntoRuntimeFunctor.h │ │ │ │ │ ├── boxing.h │ │ │ │ │ ├── kernel_function_legacy_test.cpp │ │ │ │ │ ├── kernel_function_test.cpp │ │ │ │ │ ├── kernel_lambda_legacy_test.cpp │ │ │ │ │ ├── kernel_lambda_test.cpp │ │ │ │ │ ├── kernel_stackbased_test.cpp │ │ │ │ │ ├── make_boxed_from_unboxed_functor.h │ │ │ │ │ ├── make_boxed_from_unboxed_functor_test.cpp │ │ │ │ │ └── test_helpers.h │ │ │ ├── builtin_function.h │ │ │ ├── custom_class.cpp │ │ │ ├── dispatch │ │ │ │ ├── CppSignature.h │ │ │ │ ├── CppSignature_test.cpp │ │ │ │ ├── DispatchKeyExtractor.cpp │ │ │ │ ├── DispatchKeyExtractor.h │ │ │ │ ├── Dispatcher.cpp │ │ │ │ ├── Dispatcher.h │ │ │ │ ├── ObservedOperators.cpp │ │ │ │ ├── ObservedOperators.h │ │ │ │ ├── OperatorEntry.cpp │ │ │ │ ├── OperatorEntry.h │ │ │ │ ├── OperatorOptions.h │ │ │ │ ├── README.md │ │ │ │ ├── RegistrationHandleRAII.h │ │ │ │ └── backend_fallback_test.cpp │ │ │ ├── function.h │ │ │ ├── function_schema.cpp │ │ │ ├── function_schema.h │ │ │ ├── function_schema_inl.h │ │ │ ├── functional.h │ │ │ ├── grad_mode.cpp │ │ │ ├── grad_mode.h │ │ │ ├── interned_strings.cpp │ │ │ ├── interned_strings.h │ │ │ ├── interned_strings_class.h │ │ │ ├── ivalue.cpp │ │ │ ├── ivalue.h │ │ │ ├── ivalue_inl.h │ │ │ ├── jit_type.h │ │ │ ├── library.cpp │ │ │ ├── op_registration │ │ │ │ ├── README.md │ │ │ │ ├── hacky_wrapper_for_legacy_signatures.h │ │ │ │ ├── infer_schema.cpp │ │ │ │ ├── infer_schema.h │ │ │ │ ├── op_registration.cpp │ │ │ │ ├── op_registration.h │ │ │ │ ├── op_registration_test.cpp │ │ │ │ ├── op_whitelist.h │ │ │ │ └── op_whitelist_test.cpp │ │ │ ├── operator_name.cpp │ │ │ ├── operator_name.h │ │ │ ├── qualified_name.h │ │ │ ├── register_symbols.cpp │ │ │ ├── rref_interface.h │ │ │ ├── stack.h │ │ │ ├── type.cpp │ │ │ └── typeid.h │ │ ├── cpp_custom_type_hack.h │ │ ├── cpu │ │ │ ├── FlushDenormal.cpp │ │ │ ├── FlushDenormal.h │ │ │ ├── tbb │ │ │ │ ├── CMakeLists.txt │ │ │ │ └── extra │ │ │ │ │ └── version_string.ver.in │ │ │ ├── vec256 │ │ │ │ ├── functional.h │ │ │ │ ├── intrinsics.h │ │ │ │ ├── missing_vld1_neon.h │ │ │ │ ├── missing_vst1_neon.h │ │ │ │ ├── vec256.h │ │ │ │ ├── vec256_base.h │ │ │ │ ├── vec256_bfloat16.h │ │ │ │ ├── vec256_complex_double.h │ │ │ │ ├── vec256_complex_float.h │ │ │ │ ├── vec256_double.h │ │ │ │ ├── vec256_float.h │ │ │ │ ├── vec256_float_neon.h │ │ │ │ ├── vec256_int.h │ │ │ │ └── vec256_qint.h │ │ │ └── vml.h │ │ ├── cuda │ │ │ ├── ATenCUDAGeneral.h │ │ │ ├── CUDAApplyUtils.cuh │ │ │ ├── CUDABlas.cpp │ │ │ ├── CUDABlas.h │ │ │ ├── CUDAConfig.h.in │ │ │ ├── CUDAContext.cpp │ │ │ ├── CUDAContext.h │ │ │ ├── CUDADevice.h │ │ │ ├── CUDAEvent.h │ │ │ ├── CUDAGeneratorImpl.cpp │ │ │ ├── CUDAMultiStreamGuard.h │ │ │ ├── CUDASolver.cpp │ │ │ ├── CUDASolver.h │ │ │ ├── CUDATensorMethods.cuh │ │ │ ├── CUDAUtils.h │ │ │ ├── CuSparseHandlePool.cpp │ │ │ ├── CublasHandlePool.cpp │ │ │ ├── CusolverDnHandlePool.cpp │ │ │ ├── DeviceUtils.cuh │ │ │ ├── Exceptions.h │ │ │ ├── LegacyTHFunctionsCUDA.cpp │ │ │ ├── NumericLimits.cuh │ │ │ ├── PinnedMemoryAllocator.cpp │ │ │ ├── PinnedMemoryAllocator.h │ │ │ ├── detail │ │ │ │ ├── CUDAHooks.cpp │ │ │ │ ├── CUDAHooks.h │ │ │ │ ├── DeviceThreadHandles.h │ │ │ │ ├── IndexUtils.cu │ │ │ │ ├── IndexUtils.cuh │ │ │ │ ├── KernelUtils.h │ │ │ │ ├── LazyNVRTC.cpp │ │ │ │ ├── LazyNVRTC.h │ │ │ │ ├── OffsetCalculator.cuh │ │ │ │ └── TensorInfo.cuh │ │ │ └── nvrtc_stub │ │ │ │ ├── ATenNVRTC.cpp │ │ │ │ └── ATenNVRTC.h │ │ ├── cudnn │ │ │ ├── AutocastRNN.cpp │ │ │ ├── Descriptors.cpp │ │ │ ├── Descriptors.h │ │ │ ├── Exceptions.h │ │ │ ├── Handle.cpp │ │ │ ├── Handle.h │ │ │ ├── Handles.h │ │ │ ├── README.md │ │ │ ├── Types.cpp │ │ │ ├── Types.h │ │ │ ├── Utils.h │ │ │ └── cudnn-wrapper.h │ │ ├── detail │ │ │ ├── CPUGuardImpl.cpp │ │ │ ├── CPUGuardImpl.h │ │ │ ├── CUDAHooksInterface.cpp │ │ │ ├── CUDAHooksInterface.h │ │ │ ├── FunctionTraits.h │ │ │ ├── HIPHooksInterface.cpp │ │ │ └── HIPHooksInterface.h │ │ ├── div_rtn.h │ │ ├── dlpack.h │ │ ├── function_wrapper.py │ │ ├── gen_vulkan_glsl.py │ │ ├── gen_vulkan_spv.py │ │ ├── hip │ │ │ └── impl │ │ │ │ ├── HIPAllocatorMasqueradingAsCUDA.h │ │ │ │ ├── HIPCachingAllocatorMasqueradingAsCUDA.cpp │ │ │ │ ├── HIPCachingAllocatorMasqueradingAsCUDA.h │ │ │ │ ├── HIPGuardImplMasqueradingAsCUDA.cpp │ │ │ │ ├── HIPGuardImplMasqueradingAsCUDA.h │ │ │ │ └── HIPStreamMasqueradingAsCUDA.h │ │ ├── metal │ │ │ ├── Context.cpp │ │ │ └── Context.h │ │ ├── miopen │ │ │ ├── Descriptors.cpp │ │ │ ├── Descriptors.h │ │ │ ├── Exceptions.h │ │ │ ├── Handle.cpp │ │ │ ├── Handle.h │ │ │ ├── Types.cpp │ │ │ ├── Types.h │ │ │ ├── Utils.h │ │ │ └── miopen-wrapper.h │ │ ├── mkl │ │ │ ├── Descriptors.h │ │ │ ├── Exceptions.h │ │ │ ├── Limits.h │ │ │ └── README.md │ │ ├── native │ │ │ ├── Activation.cpp │ │ │ ├── Activation.h │ │ │ ├── AdaptiveAveragePooling.cpp │ │ │ ├── AdaptiveAveragePooling3d.cpp │ │ │ ├── AdaptiveMaxPooling2d.cpp │ │ │ ├── AdaptiveMaxPooling3d.cpp │ │ │ ├── AffineGridGenerator.cpp │ │ │ ├── AveragePool2d.cpp │ │ │ ├── AveragePool3d.cpp │ │ │ ├── BatchLinearAlgebra.cpp │ │ │ ├── Batching.cpp │ │ │ ├── BinaryOps.cpp │ │ │ ├── BinaryOps.h │ │ │ ├── Blas.cpp │ │ │ ├── BlasKernel.cpp │ │ │ ├── Bucketization.cpp │ │ │ ├── BucketizationUtils.h │ │ │ ├── CPUBlas.cpp │ │ │ ├── CPUBlas.h │ │ │ ├── ChanelShuffle.cpp │ │ │ ├── Col2Im.cpp │ │ │ ├── ComplexHelper.h │ │ │ ├── CompositeRandomAccessor.h │ │ │ ├── CompositeRandomAccessorCommon.h │ │ │ ├── ConstantPadNd.cpp │ │ │ ├── ConvUtils.h │ │ │ ├── Convolution.cpp │ │ │ ├── ConvolutionMM2d.cpp │ │ │ ├── ConvolutionMM3d.cpp │ │ │ ├── ConvolutionTBC.cpp │ │ │ ├── Copy.cpp │ │ │ ├── Copy.h │ │ │ ├── Cross.cpp │ │ │ ├── Cross.h │ │ │ ├── DilatedConvolutionUtils.h │ │ │ ├── DilatedMaxPool2d.cpp │ │ │ ├── DilatedMaxPool3d.cpp │ │ │ ├── DispatchStub.cpp │ │ │ ├── DispatchStub.h │ │ │ ├── Distance.cpp │ │ │ ├── Distance.h │ │ │ ├── DistributionTemplates.h │ │ │ ├── Distributions.cpp │ │ │ ├── Distributions.h │ │ │ ├── Dropout.cpp │ │ │ ├── Embedding.cpp │ │ │ ├── EmbeddingBag.cpp │ │ │ ├── Fill.cpp │ │ │ ├── Fill.h │ │ │ ├── ForeachOpsKernels.cpp │ │ │ ├── ForeachUtils.h │ │ │ ├── FractionalMaxPool2d.cpp │ │ │ ├── FractionalMaxPool3d.cpp │ │ │ ├── FunctionOfAMatrixUtils.cpp │ │ │ ├── FunctionOfAMatrixUtils.h │ │ │ ├── GatedLinearUnit.cpp │ │ │ ├── GridSampler.cpp │ │ │ ├── GridSampler.h │ │ │ ├── Im2Col.cpp │ │ │ ├── IndexingUtils.cpp │ │ │ ├── IndexingUtils.h │ │ │ ├── Integration.cpp │ │ │ ├── Itertools.cpp │ │ │ ├── LegacyBridge.cpp │ │ │ ├── LegacyDefinitions.cpp │ │ │ ├── LegacyNNDefinitions.cpp │ │ │ ├── Lerp.cpp │ │ │ ├── Lerp.h │ │ │ ├── Linear.cpp │ │ │ ├── LinearAlgebra.cpp │ │ │ ├── LinearAlgebraUtils.h │ │ │ ├── Loss.cpp │ │ │ ├── LossCTC.cpp │ │ │ ├── LossMultiLabelMargin.cpp │ │ │ ├── LossMultiMargin.cpp │ │ │ ├── LossNLL.cpp │ │ │ ├── LossNLL2d.cpp │ │ │ ├── Math.h │ │ │ ├── MaxPooling.cpp │ │ │ ├── MaxPooling.h │ │ │ ├── MaxUnpooling.cpp │ │ │ ├── Memory.cpp │ │ │ ├── MetaTensor.cpp │ │ │ ├── NNPACK.cpp │ │ │ ├── NaiveConvolutionTranspose2d.cpp │ │ │ ├── NaiveConvolutionTranspose3d.cpp │ │ │ ├── NaiveDilatedConvolution.cpp │ │ │ ├── NamedTensor.cpp │ │ │ ├── Normalization.cpp │ │ │ ├── Onehot.cpp │ │ │ ├── PackedSequence.cpp │ │ │ ├── PixelShuffle.cpp │ │ │ ├── PointwiseOps.cpp │ │ │ ├── PointwiseOps.h │ │ │ ├── Pool.h │ │ │ ├── Pooling.cpp │ │ │ ├── Pow.cpp │ │ │ ├── Pow.h │ │ │ ├── QuantizedLinear.cpp │ │ │ ├── README.md │ │ │ ├── RNN.cpp │ │ │ ├── RNN.h │ │ │ ├── RangeFactories.cpp │ │ │ ├── ReduceAllOps.cpp │ │ │ ├── ReduceAllOps.h │ │ │ ├── ReduceOps.cpp │ │ │ ├── ReduceOps.h │ │ │ ├── ReduceOpsUtils.h │ │ │ ├── ReflectionPad.cpp │ │ │ ├── Repeat.cpp │ │ │ ├── Repeat.h │ │ │ ├── ReplicationPadding.cpp │ │ │ ├── Resize.cpp │ │ │ ├── Resize.h │ │ │ ├── ResizeCommon.h │ │ │ ├── RowwisePrune.cpp │ │ │ ├── Scalar.cpp │ │ │ ├── ScatterGatherChecks.h │ │ │ ├── SharedReduceOps.h │ │ │ ├── SobolEngineOps.cpp │ │ │ ├── SobolEngineOpsUtils.cpp │ │ │ ├── SobolEngineOpsUtils.h │ │ │ ├── SoftMax.cpp │ │ │ ├── Sorting.cpp │ │ │ ├── Sorting.h │ │ │ ├── SortingUtils.h │ │ │ ├── SpectralOps.cpp │ │ │ ├── SpectralOpsUtils.h │ │ │ ├── StridedRandomAccessor.h │ │ │ ├── SummaryOps.cpp │ │ │ ├── TensorAdvancedIndexing.cpp │ │ │ ├── TensorAdvancedIndexing.h │ │ │ ├── TensorCompare.cpp │ │ │ ├── TensorCompare.h │ │ │ ├── TensorConversions.cpp │ │ │ ├── TensorDimApply.h │ │ │ ├── TensorFactories.cpp │ │ │ ├── TensorFactories.h │ │ │ ├── TensorIterator.cpp │ │ │ ├── TensorIterator.h │ │ │ ├── TensorIteratorDynamicCasting.h │ │ │ ├── TensorIteratorReduce.cpp │ │ │ ├── TensorProperties.cpp │ │ │ ├── TensorShape.cpp │ │ │ ├── TensorTransformations.cpp │ │ │ ├── TensorTransformations.h │ │ │ ├── TestOps.cpp │ │ │ ├── TriangularOps.cpp │ │ │ ├── TriangularOpsUtils.h │ │ │ ├── TypeProperties.cpp │ │ │ ├── TypeProperties.h │ │ │ ├── UnaryOps.cpp │ │ │ ├── UnaryOps.h │ │ │ ├── Unfold2d.cpp │ │ │ ├── Unfold2d.h │ │ │ ├── Unfold3d.cpp │ │ │ ├── Unfold3d.h │ │ │ ├── UnfoldBackward.cpp │ │ │ ├── UnfoldBackward.h │ │ │ ├── Unique.cpp │ │ │ ├── UpSample.cpp │ │ │ ├── UpSample.h │ │ │ ├── UpSampleBicubic2d.cpp │ │ │ ├── UpSampleBilinear2d.cpp │ │ │ ├── UpSampleLinear1d.cpp │ │ │ ├── UpSampleNearest1d.cpp │ │ │ ├── UpSampleNearest2d.cpp │ │ │ ├── UpSampleNearest3d.cpp │ │ │ ├── UpSampleTrilinear3d.cpp │ │ │ ├── VariableMethodStubs.cpp │ │ │ ├── WeightNorm.cpp │ │ │ ├── batch_norm.h │ │ │ ├── cpu │ │ │ │ ├── Activation.cpp │ │ │ │ ├── AtomicAddFloat.h │ │ │ │ ├── BinaryOpsKernel.cpp │ │ │ │ ├── BlasKernel.cpp │ │ │ │ ├── CatKernel.cpp │ │ │ │ ├── CatKernel.h │ │ │ │ ├── ComplexKernel.cpp │ │ │ │ ├── CopyKernel.cpp │ │ │ │ ├── CrossKernel.cpp │ │ │ │ ├── DepthwiseConvKernel.cpp │ │ │ │ ├── DepthwiseConvKernel.h │ │ │ │ ├── DistanceOpsKernel.cpp │ │ │ │ ├── DistributionTemplates.h │ │ │ │ ├── FillKernel.cpp │ │ │ │ ├── FunctionOfAMatrixUtilsKernel.cpp │ │ │ │ ├── GridSamplerKernel.cpp │ │ │ │ ├── GridSamplerKernel.h │ │ │ │ ├── IndexKernel.cpp │ │ │ │ ├── Intrinsics.h │ │ │ │ ├── IsContiguous.h │ │ │ │ ├── LerpKernel.cpp │ │ │ │ ├── Loops.h │ │ │ │ ├── MaxPooling.cpp │ │ │ │ ├── MultinomialKernel.cpp │ │ │ │ ├── PointwiseOpsKernel.cpp │ │ │ │ ├── PowKernel.cpp │ │ │ │ ├── README.md │ │ │ │ ├── RangeFactoriesKernel.cpp │ │ │ │ ├── Reduce.h │ │ │ │ ├── ReduceAllOpsKernel.cpp │ │ │ │ ├── ReduceOpsKernel.cpp │ │ │ │ ├── ScatterGatherKernel.cpp │ │ │ │ ├── SoftMaxKernel.cpp │ │ │ │ ├── SoftmaxKernel.h │ │ │ │ ├── SortingKernel.cpp │ │ │ │ ├── SumKernel.cpp │ │ │ │ ├── TensorCompareKernel.cpp │ │ │ │ ├── UnaryOpsKernel.cpp │ │ │ │ ├── Unfold2d.cpp │ │ │ │ ├── UnfoldBackwardKernel.cpp │ │ │ │ ├── UpSampleKernel.cpp │ │ │ │ ├── UpSampleMoreKernel.cpp │ │ │ │ ├── avx_mathfun.h │ │ │ │ ├── batch_norm_kernel.cpp │ │ │ │ ├── group_norm_kernel.cpp │ │ │ │ ├── layer_norm_kernel.cpp │ │ │ │ └── zmath.h │ │ │ ├── cuda │ │ │ │ ├── AbsKernel.cu │ │ │ │ ├── Activation.cu │ │ │ │ ├── AdaptiveAveragePooling.cu │ │ │ │ ├── AdaptiveAveragePooling3d.cu │ │ │ │ ├── AdaptiveMaxPooling2d.cu │ │ │ │ ├── AdaptiveMaxPooling3d.cu │ │ │ │ ├── AmpKernels.cu │ │ │ │ ├── AveragePool2d.cu │ │ │ │ ├── AveragePool3d.cu │ │ │ │ ├── BatchLinearAlgebra.cu │ │ │ │ ├── BatchLinearAlgebraLib.cu │ │ │ │ ├── BatchLinearAlgebraLib.h │ │ │ │ ├── BinaryAddSubKernel.cu │ │ │ │ ├── BinaryBitwiseOpsKernels.cu │ │ │ │ ├── BinaryLogicalOpsKernels.cu │ │ │ │ ├── BinaryMiscBackwardOpsKernels.cu │ │ │ │ ├── BinaryMiscOpsKernels.cu │ │ │ │ ├── BinaryMulDivKernel.cu │ │ │ │ ├── BinaryRemainderKernel.cu │ │ │ │ ├── BinaryShiftOpsKernels.cu │ │ │ │ ├── Blas.cu │ │ │ │ ├── Bucketization.cu │ │ │ │ ├── CUDALoops.cuh │ │ │ │ ├── CUDAScalar.cu │ │ │ │ ├── Col2Im.cu │ │ │ │ ├── CompareEQKernel.cu │ │ │ │ ├── CompareGEKernel.cu │ │ │ │ ├── CompareGTKernel.cu │ │ │ │ ├── CompareLEKernel.cu │ │ │ │ ├── CompareLTKernel.cu │ │ │ │ ├── CompareNEKernel.cu │ │ │ │ ├── ComplexKernel.cu │ │ │ │ ├── CompositeRandomAccessor.h │ │ │ │ ├── ConvolutionMM2d.cu │ │ │ │ ├── Copy.cu │ │ │ │ ├── CrossKernel.cu │ │ │ │ ├── CuFFTPlanCache.h │ │ │ │ ├── CuFFTUtils.h │ │ │ │ ├── DepthwiseConv2d.cu │ │ │ │ ├── DeviceSqrt.cuh │ │ │ │ ├── DilatedMaxPool2d.cu │ │ │ │ ├── DilatedMaxPool3d.cu │ │ │ │ ├── DistanceKernel.cu │ │ │ │ ├── DistributionBernoulli.cu │ │ │ │ ├── DistributionCauchyKernel.cu │ │ │ │ ├── DistributionExponentialKernel.cu │ │ │ │ ├── DistributionGeometricKernel.cu │ │ │ │ ├── DistributionLogNormalKernel.cu │ │ │ │ ├── DistributionNormal.cu │ │ │ │ ├── DistributionRandomKernel.cu │ │ │ │ ├── DistributionTemplates.h │ │ │ │ ├── DistributionUniform.cu │ │ │ │ ├── Distributions.cu │ │ │ │ ├── Dropout.cu │ │ │ │ ├── Embedding.cu │ │ │ │ ├── EmbeddingBackwardKernel.cu │ │ │ │ ├── EmbeddingBackwardKernel.cuh │ │ │ │ ├── EmbeddingBag.cu │ │ │ │ ├── FillKernel.cu │ │ │ │ ├── ForeachBinaryOpList.cu │ │ │ │ ├── ForeachBinaryOpScalar.cu │ │ │ │ ├── ForeachBinaryOpScalarList.cu │ │ │ │ ├── ForeachFunctors.cuh │ │ │ │ ├── ForeachPointwiseOp.cu │ │ │ │ ├── ForeachUnaryOp.cu │ │ │ │ ├── FractionalMaxPool2d.cu │ │ │ │ ├── FractionalMaxPool3d.cu │ │ │ │ ├── FunctionOfAMatrixUtilsKernel.cu │ │ │ │ ├── GridSampler.cu │ │ │ │ ├── GridSampler.cuh │ │ │ │ ├── Im2Col.cu │ │ │ │ ├── IndexKernel.cu │ │ │ │ ├── Indexing.cu │ │ │ │ ├── KernelUtils.cuh │ │ │ │ ├── LaunchUtils.h │ │ │ │ ├── LegacyDefinitions.cpp │ │ │ │ ├── Lerp.cu │ │ │ │ ├── LinearAlgebra.cu │ │ │ │ ├── Loops.cuh │ │ │ │ ├── Loss.cu │ │ │ │ ├── LossCTC.cu │ │ │ │ ├── Math.cuh │ │ │ │ ├── MaxMinElementwiseKernel.cu │ │ │ │ ├── MaxUnpooling.cu │ │ │ │ ├── MemoryAccess.cuh │ │ │ │ ├── MiscUtils.h │ │ │ │ ├── MultiTensorApply.cuh │ │ │ │ ├── MultinomialKernel.cu │ │ │ │ ├── NaiveConvolutionTranspose2d.cu │ │ │ │ ├── NaiveConvolutionTranspose3d.cu │ │ │ │ ├── NaiveDilatedConvolution.cu │ │ │ │ ├── Normalization.cu │ │ │ │ ├── Normalization.cuh │ │ │ │ ├── PersistentSoftmax.cuh │ │ │ │ ├── PointwiseOpsKernel.cu │ │ │ │ ├── PowKernel.cu │ │ │ │ ├── RNN.cu │ │ │ │ ├── ROCmLoops.cuh │ │ │ │ ├── RangeFactories.cu │ │ │ │ ├── RecordStream.cu │ │ │ │ ├── Reduce.cu │ │ │ │ ├── Reduce.cuh │ │ │ │ ├── ReduceLogicKernel.cu │ │ │ │ ├── ReduceMinMaxKernel.cu │ │ │ │ ├── ReduceMomentKernel.cu │ │ │ │ ├── ReduceNormKernel.cu │ │ │ │ ├── ReduceSumProdKernel.cu │ │ │ │ ├── ReflectionPad.cu │ │ │ │ ├── Repeat.cu │ │ │ │ ├── ReplicationPadding.cu │ │ │ │ ├── Resize.cu │ │ │ │ ├── Resize.cuh │ │ │ │ ├── ScanKernels.cu │ │ │ │ ├── ScatterGatherKernel.cu │ │ │ │ ├── Shape.cu │ │ │ │ ├── SoftMax.cu │ │ │ │ ├── Sorting.cu │ │ │ │ ├── SortingCommon.cuh │ │ │ │ ├── SortingRadixSelect.cuh │ │ │ │ ├── SparseMM.cu │ │ │ │ ├── SpectralOps.cu │ │ │ │ ├── SummaryOps.cu │ │ │ │ ├── TensorCompare.cu │ │ │ │ ├── TensorFactories.cu │ │ │ │ ├── TensorShapeCUDA.cpp │ │ │ │ ├── TensorTransformations.cu │ │ │ │ ├── TriangularOps.cu │ │ │ │ ├── UnaryComplexKernels.cu │ │ │ │ ├── UnaryFractionKernels.cu │ │ │ │ ├── UnaryGammaKernels.cu │ │ │ │ ├── UnaryGeometricKernels.cu │ │ │ │ ├── UnaryLogKernels.cu │ │ │ │ ├── UnaryOpsKernel.cu │ │ │ │ ├── UnarySignKernels.cu │ │ │ │ ├── UnfoldBackwardKernel.cu │ │ │ │ ├── Unique.cu │ │ │ │ ├── UpSample.cuh │ │ │ │ ├── UpSampleBicubic2d.cu │ │ │ │ ├── UpSampleBilinear2d.cu │ │ │ │ ├── UpSampleLinear1d.cu │ │ │ │ ├── UpSampleNearest1d.cu │ │ │ │ ├── UpSampleNearest2d.cu │ │ │ │ ├── UpSampleNearest3d.cu │ │ │ │ ├── UpSampleTrilinear3d.cu │ │ │ │ ├── WeightNorm.cu │ │ │ │ ├── block_reduce.cuh │ │ │ │ ├── group_norm_kernel.cu │ │ │ │ ├── im2col.cuh │ │ │ │ ├── layer_norm_kernel.cu │ │ │ │ └── vol2col.cuh │ │ │ ├── cudnn │ │ │ │ ├── AffineGridGenerator.cpp │ │ │ │ ├── BatchNorm.cpp │ │ │ │ ├── Conv.cpp │ │ │ │ ├── GridSampler.cpp │ │ │ │ ├── LossCTC.cpp │ │ │ │ ├── RNN.cpp │ │ │ │ └── RNNUtils.h │ │ │ ├── group_norm.cpp │ │ │ ├── group_norm.h │ │ │ ├── im2col.h │ │ │ ├── im2col_shape_check.h │ │ │ ├── layer_norm.cpp │ │ │ ├── layer_norm.h │ │ │ ├── metal │ │ │ │ ├── MetalAten.mm │ │ │ │ ├── MetalCommandBuffer.h │ │ │ │ ├── MetalCommandBuffer.mm │ │ │ │ ├── MetalConvolution.h │ │ │ │ ├── MetalConvolution.mm │ │ │ │ ├── MetalGuardImpl.cpp │ │ │ │ ├── MetalPrepackOpContext.h │ │ │ │ ├── MetalPrepackOpRegister.cpp │ │ │ │ ├── MetalShaders.h │ │ │ │ ├── MetalTensor.h │ │ │ │ ├── MetalTensor.mm │ │ │ │ ├── MetalTensorImpl.h │ │ │ │ ├── MetalUtils.h │ │ │ │ ├── MetalUtils.mm │ │ │ │ └── mpscnn │ │ │ │ │ ├── MPSCNN.h │ │ │ │ │ ├── MPSCNN.mm │ │ │ │ │ ├── MPSCNNClampOp.h │ │ │ │ │ ├── MPSCNNClampOp.mm │ │ │ │ │ ├── MPSCNNContext.h │ │ │ │ │ ├── MPSCNNContext.mm │ │ │ │ │ ├── MPSCNNConvOp.h │ │ │ │ │ ├── MPSCNNConvOp.mm │ │ │ │ │ ├── MPSCNNNeuronOp.h │ │ │ │ │ ├── MPSCNNNeuronOp.mm │ │ │ │ │ ├── MPSCNNOp.h │ │ │ │ │ ├── MPSCNNOps.h │ │ │ │ │ ├── MPSCNNOps.mm │ │ │ │ │ ├── MPSImage+Tensor.h │ │ │ │ │ ├── MPSImage+Tensor.mm │ │ │ │ │ ├── MPSImageWrapper.h │ │ │ │ │ ├── MPSImageWrapper.mm │ │ │ │ │ └── tests │ │ │ │ │ ├── MPSCNNTests.h │ │ │ │ │ └── MPSCNNTests.mm │ │ │ ├── miopen │ │ │ │ ├── BatchNorm_miopen.cpp │ │ │ │ ├── Conv_miopen.cpp │ │ │ │ └── RNN_miopen.cpp │ │ │ ├── mkl │ │ │ │ ├── LinearAlgebra.cpp │ │ │ │ └── SpectralOps.cpp │ │ │ ├── mkldnn │ │ │ │ ├── BinaryOps.cpp │ │ │ │ ├── Conv.cpp │ │ │ │ ├── IDeepRegistration.cpp │ │ │ │ ├── Linear.cpp │ │ │ │ ├── MKLDNNCommon.cpp │ │ │ │ ├── MKLDNNCommon.h │ │ │ │ ├── MKLDNNConversions.cpp │ │ │ │ ├── MkldnnTensorMath.cpp │ │ │ │ ├── Normalization.cpp │ │ │ │ ├── Pooling.cpp │ │ │ │ ├── Relu.cpp │ │ │ │ ├── SoftMax.cpp │ │ │ │ ├── TensorFactories.cpp │ │ │ │ ├── TensorShape.cpp │ │ │ │ ├── TensorShape.h │ │ │ │ ├── UnaryOps.cpp │ │ │ │ ├── Utils.cpp │ │ │ │ └── Utils.h │ │ │ ├── native_functions.yaml │ │ │ ├── quantized │ │ │ │ ├── Copy.cpp │ │ │ │ ├── Copy.h │ │ │ │ ├── QTensor.cpp │ │ │ │ ├── README.md │ │ │ │ ├── TensorCompare.cpp │ │ │ │ ├── TensorFactories.cpp │ │ │ │ ├── affine_quantizer.cpp │ │ │ │ ├── affine_quantizer.h │ │ │ │ ├── cpu │ │ │ │ │ ├── conv_packed_params.h │ │ │ │ │ ├── conv_serialization.h │ │ │ │ │ ├── embedding_packed_params.h │ │ │ │ │ ├── fbgemm_utils.cpp │ │ │ │ │ ├── fbgemm_utils.h │ │ │ │ │ ├── init_qnnpack.cpp │ │ │ │ │ ├── init_qnnpack.h │ │ │ │ │ ├── int_repr_quant.cpp │ │ │ │ │ ├── kernels │ │ │ │ │ │ ├── QuantizedOpKernels.cpp │ │ │ │ │ │ └── README.md │ │ │ │ │ ├── make_per_tensor_quantized_tensor.cpp │ │ │ │ │ ├── packed_params.h │ │ │ │ │ ├── q_adaavgpool.cpp │ │ │ │ │ ├── q_avgpool.cpp │ │ │ │ │ ├── q_avgpool3d.cpp │ │ │ │ │ ├── qadd.cpp │ │ │ │ │ ├── qbatch_norm.cpp │ │ │ │ │ ├── qchannel_shuffle.cpp │ │ │ │ │ ├── qclamp.cpp │ │ │ │ │ ├── qconcat.cpp │ │ │ │ │ ├── qconv.cpp │ │ │ │ │ ├── qconv_prepack.cpp │ │ │ │ │ ├── qconv_unpack.cpp │ │ │ │ │ ├── qelu.cpp │ │ │ │ │ ├── qembeddingbag.cpp │ │ │ │ │ ├── qembeddingbag_prepack.cpp │ │ │ │ │ ├── qembeddingbag_unpack.cpp │ │ │ │ │ ├── qhardsigmoid.cpp │ │ │ │ │ ├── qhardswish.cpp │ │ │ │ │ ├── qlinear.cpp │ │ │ │ │ ├── qlinear_dynamic.cpp │ │ │ │ │ ├── qlinear_prepack.cpp │ │ │ │ │ ├── qlinear_unpack.cpp │ │ │ │ │ ├── qmul.cpp │ │ │ │ │ ├── qnnpack │ │ │ │ │ │ ├── .gitignore │ │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ │ ├── CODE_OF_CONDUCT.md │ │ │ │ │ │ ├── CONTRIBUTING.md │ │ │ │ │ │ ├── LICENSE │ │ │ │ │ │ ├── README.md │ │ │ │ │ │ ├── bench │ │ │ │ │ │ │ ├── add.cc │ │ │ │ │ │ │ ├── average-pooling.cc │ │ │ │ │ │ │ ├── channel-shuffle.cc │ │ │ │ │ │ │ ├── convolution.cc │ │ │ │ │ │ │ ├── global-average-pooling.cc │ │ │ │ │ │ │ ├── hardsigmoid.cc │ │ │ │ │ │ │ ├── hardswish.cc │ │ │ │ │ │ │ ├── hgemm.cc │ │ │ │ │ │ │ ├── max-pooling.cc │ │ │ │ │ │ │ ├── q8gemm.cc │ │ │ │ │ │ │ ├── requantization.cc │ │ │ │ │ │ │ ├── sgemm.cc │ │ │ │ │ │ │ ├── sigmoid.cc │ │ │ │ │ │ │ ├── softargmax.cc │ │ │ │ │ │ │ └── tanh.cc │ │ │ │ │ │ ├── cmake │ │ │ │ │ │ │ ├── DownloadCpuinfo.cmake │ │ │ │ │ │ │ ├── DownloadFP16.cmake │ │ │ │ │ │ │ ├── DownloadFXdiv.cmake │ │ │ │ │ │ │ ├── DownloadGoogleBenchmark.cmake │ │ │ │ │ │ │ ├── DownloadGoogleTest.cmake │ │ │ │ │ │ │ ├── DownloadPSimd.cmake │ │ │ │ │ │ │ └── DownloadPThreadPool.cmake │ │ │ │ │ │ ├── configure.py │ │ │ │ │ │ ├── confu.yaml │ │ │ │ │ │ ├── deps │ │ │ │ │ │ │ └── clog │ │ │ │ │ │ │ │ ├── .gitignore │ │ │ │ │ │ │ │ ├── CMakeLists.txt │ │ │ │ │ │ │ │ ├── LICENSE │ │ │ │ │ │ │ │ ├── README.md │ │ │ │ │ │ │ │ ├── cmake │ │ │ │ │ │ │ │ └── DownloadGoogleTest.cmake │ │ │ │ │ │ │ │ ├── configure.py │ │ │ │ │ │ │ │ ├── confu.yaml │ │ │ │ │ │ │ │ ├── include │ │ │ │ │ │ │ │ └── clog.h │ │ │ │ │ │ │ │ ├── src │ │ │ │ │ │ │ │ └── clog.c │ │ │ │ │ │ │ │ └── test │ │ │ │ │ │ │ │ └── clog.cc │ │ │ │ │ │ ├── generate-wrapper.py │ │ │ │ │ │ ├── include │ │ │ │ │ │ │ ├── conv_utils.h │ │ │ │ │ │ │ ├── pytorch_qnnpack.h │ │ │ │ │ │ │ └── qnnpack_func.h │ │ │ │ │ │ ├── scripts │ │ │ │ │ │ │ ├── build-android-arm64.sh │ │ │ │ │ │ │ ├── build-android-armv7.sh │ │ │ │ │ │ │ ├── build-android-x86.sh │ │ │ │ │ │ │ ├── build-ios-arm64.sh │ │ │ │ │ │ │ ├── build-ios-arm64e.sh │ │ │ │ │ │ │ ├── build-ios-armv7.sh │ │ │ │ │ │ │ ├── build-ios-armv7s.sh │ │ │ │ │ │ │ ├── build-ios-i386.sh │ │ │ │ │ │ │ ├── build-ios-x86_64.sh │ │ │ │ │ │ │ ├── build-local.sh │ │ │ │ │ │ │ ├── test-android-arm64.sh │ │ │ │ │ │ │ ├── test-android-armv7.sh │ │ │ │ │ │ │ └── test-android-x86.sh │ │ │ │ │ │ ├── src │ │ │ │ │ │ │ ├── add.c │ │ │ │ │ │ │ ├── average-pooling.c │ │ │ │ │ │ │ ├── channel-shuffle.c │ │ │ │ │ │ │ ├── clamp.c │ │ │ │ │ │ │ ├── conv-prepack.cc │ │ │ │ │ │ │ ├── conv-run.cc │ │ │ │ │ │ │ ├── convolution.c │ │ │ │ │ │ │ ├── deconv-run.cc │ │ │ │ │ │ │ ├── deconvolution.c │ │ │ │ │ │ │ ├── fc-dynamic-run.cc │ │ │ │ │ │ │ ├── fc-prepack.cc │ │ │ │ │ │ │ ├── fc-run.cc │ │ │ │ │ │ │ ├── fully-connected.c │ │ │ │ │ │ │ ├── global-average-pooling.c │ │ │ │ │ │ │ ├── hardsigmoid.c │ │ │ │ │ │ │ ├── hardswish.c │ │ │ │ │ │ │ ├── hgemm │ │ │ │ │ │ │ │ ├── 8x8-aarch32-neonfp16arith.S │ │ │ │ │ │ │ │ └── 8x8-neonfp16arith.c │ │ │ │ │ │ │ ├── indirection.c │ │ │ │ │ │ │ ├── init.c │ │ │ │ │ │ │ ├── leaky-relu.c │ │ │ │ │ │ │ ├── max-pooling.c │ │ │ │ │ │ │ ├── operator-delete.c │ │ │ │ │ │ │ ├── operator-run.c │ │ │ │ │ │ │ ├── q8avgpool │ │ │ │ │ │ │ │ ├── mp8x9p8q-neon.c │ │ │ │ │ │ │ │ ├── mp8x9p8q-sse2.c │ │ │ │ │ │ │ │ ├── up8x9-neon.c │ │ │ │ │ │ │ │ ├── up8x9-sse2.c │ │ │ │ │ │ │ │ ├── up8xm-neon.c │ │ │ │ │ │ │ │ └── up8xm-sse2.c │ │ │ │ │ │ │ ├── q8conv │ │ │ │ │ │ │ │ ├── 4x4c2-sse2.c │ │ │ │ │ │ │ │ ├── 4x8-aarch32-neon.S │ │ │ │ │ │ │ │ ├── 4x8-neon.c │ │ │ │ │ │ │ │ ├── 8x8-aarch64-neon.S │ │ │ │ │ │ │ │ └── 8x8-neon.c │ │ │ │ │ │ │ ├── q8dwconv │ │ │ │ │ │ │ │ ├── mp8x25-neon-per-channel.c │ │ │ │ │ │ │ │ ├── mp8x25-neon.c │ │ │ │ │ │ │ │ ├── mp8x25-sse2-per-channel.c │ │ │ │ │ │ │ │ ├── mp8x25-sse2.c │ │ │ │ │ │ │ │ ├── up8x9-aarch32-neon-per-channel.S │ │ │ │ │ │ │ │ ├── up8x9-aarch32-neon.S │ │ │ │ │ │ │ │ ├── up8x9-neon-per-channel.c │ │ │ │ │ │ │ │ ├── up8x9-neon.c │ │ │ │ │ │ │ │ ├── up8x9-sse2-per-channel.c │ │ │ │ │ │ │ │ └── up8x9-sse2.c │ │ │ │ │ │ │ ├── q8gavgpool │ │ │ │ │ │ │ │ ├── mp8x7p7q-neon.c │ │ │ │ │ │ │ │ ├── mp8x7p7q-sse2.c │ │ │ │ │ │ │ │ ├── up8x7-neon.c │ │ │ │ │ │ │ │ ├── up8x7-sse2.c │ │ │ │ │ │ │ │ ├── up8xm-neon.c │ │ │ │ │ │ │ │ └── up8xm-sse2.c │ │ │ │ │ │ │ ├── q8gemm │ │ │ │ │ │ │ │ ├── 2x4c8-sse2.c │ │ │ │ │ │ │ │ ├── 4x-sumrows-neon.c │ │ │ │ │ │ │ │ ├── 4x4c2-dq-sse2.c │ │ │ │ │ │ │ │ ├── 4x4c2-sse2.c │ │ │ │ │ │ │ │ ├── 4x8-aarch32-neon.S │ │ │ │ │ │ │ │ ├── 4x8-dq-aarch32-neon.S │ │ │ │ │ │ │ │ ├── 4x8-dq-neon.c │ │ │ │ │ │ │ │ ├── 4x8-neon.c │ │ │ │ │ │ │ │ ├── 4x8c2-xzp-aarch32-neon.S │ │ │ │ │ │ │ │ ├── 4x8c2-xzp-neon.c │ │ │ │ │ │ │ │ ├── 6x4-neon.c │ │ │ │ │ │ │ │ ├── 8x8-aarch64-neon.S │ │ │ │ │ │ │ │ ├── 8x8-dq-aarch64-neon.S │ │ │ │ │ │ │ │ └── 8x8-neon.c │ │ │ │ │ │ │ ├── q8vadd │ │ │ │ │ │ │ │ ├── neon.c │ │ │ │ │ │ │ │ └── sse2.c │ │ │ │ │ │ │ ├── qnnpack │ │ │ │ │ │ │ │ ├── AlignedAllocator.h │ │ │ │ │ │ │ │ ├── assembly.h │ │ │ │ │ │ │ │ ├── common.h │ │ │ │ │ │ │ │ ├── hgemm.h │ │ │ │ │ │ │ │ ├── indirection.h │ │ │ │ │ │ │ │ ├── isa-checks.h │ │ │ │ │ │ │ │ ├── log.h │ │ │ │ │ │ │ │ ├── math.h │ │ │ │ │ │ │ │ ├── operator.h │ │ │ │ │ │ │ │ ├── pack.h │ │ │ │ │ │ │ │ ├── params.h │ │ │ │ │ │ │ │ ├── q8avgpool.h │ │ │ │ │ │ │ │ ├── q8conv.h │ │ │ │ │ │ │ │ ├── q8dwconv.h │ │ │ │ │ │ │ │ ├── q8gavgpool.h │ │ │ │ │ │ │ │ ├── q8gemm.h │ │ │ │ │ │ │ │ ├── q8vadd.h │ │ │ │ │ │ │ │ ├── requantization-stubs.h │ │ │ │ │ │ │ │ ├── requantization.h │ │ │ │ │ │ │ │ ├── scalar-utils.h │ │ │ │ │ │ │ │ ├── sconv.h │ │ │ │ │ │ │ │ ├── sdwconv.h │ │ │ │ │ │ │ │ ├── sgemm.h │ │ │ │ │ │ │ │ ├── u8clamp.h │ │ │ │ │ │ │ │ ├── u8lut32norm.h │ │ │ │ │ │ │ │ ├── u8maxpool.h │ │ │ │ │ │ │ │ ├── u8rmax.h │ │ │ │ │ │ │ │ ├── x8lut.h │ │ │ │ │ │ │ │ └── x8zip.h │ │ │ │ │ │ │ ├── requantization │ │ │ │ │ │ │ │ ├── fp32-neon.c │ │ │ │ │ │ │ │ ├── fp32-psimd.c │ │ │ │ │ │ │ │ ├── fp32-scalar.c │ │ │ │ │ │ │ │ ├── fp32-sse2.c │ │ │ │ │ │ │ │ ├── gemmlowp-neon.c │ │ │ │ │ │ │ │ ├── gemmlowp-scalar.c │ │ │ │ │ │ │ │ ├── gemmlowp-scalar.h │ │ │ │ │ │ │ │ ├── gemmlowp-sse.h │ │ │ │ │ │ │ │ ├── gemmlowp-sse2.c │ │ │ │ │ │ │ │ ├── gemmlowp-sse4.c │ │ │ │ │ │ │ │ ├── gemmlowp-ssse3.c │ │ │ │ │ │ │ │ ├── precise-neon.c │ │ │ │ │ │ │ │ ├── precise-psimd.c │ │ │ │ │ │ │ │ ├── precise-scalar.c │ │ │ │ │ │ │ │ ├── precise-sse2.c │ │ │ │ │ │ │ │ ├── precise-sse4.c │ │ │ │ │ │ │ │ ├── precise-ssse3.c │ │ │ │ │ │ │ │ ├── q31-neon.c │ │ │ │ │ │ │ │ ├── q31-scalar.c │ │ │ │ │ │ │ │ ├── q31-sse2.c │ │ │ │ │ │ │ │ ├── q31-sse4.c │ │ │ │ │ │ │ │ ├── q31-ssse3.c │ │ │ │ │ │ │ │ ├── runtime-assembly.h │ │ │ │ │ │ │ │ ├── runtime-neon.h │ │ │ │ │ │ │ │ └── runtime-sse2.h │ │ │ │ │ │ │ ├── sconv │ │ │ │ │ │ │ │ └── 6x8-psimd.c │ │ │ │ │ │ │ ├── sdwconv │ │ │ │ │ │ │ │ └── up4x9-psimd.c │ │ │ │ │ │ │ ├── sgemm │ │ │ │ │ │ │ │ ├── 5x8-neon.c │ │ │ │ │ │ │ │ ├── 6x8-neon.c │ │ │ │ │ │ │ │ └── 6x8-psimd.c │ │ │ │ │ │ │ ├── sigmoid.c │ │ │ │ │ │ │ ├── softargmax.c │ │ │ │ │ │ │ ├── tanh.c │ │ │ │ │ │ │ ├── u8clamp │ │ │ │ │ │ │ │ ├── neon.c │ │ │ │ │ │ │ │ └── sse2.c │ │ │ │ │ │ │ ├── u8lut32norm │ │ │ │ │ │ │ │ └── scalar.c │ │ │ │ │ │ │ ├── u8maxpool │ │ │ │ │ │ │ │ ├── 16x9p8q-neon.c │ │ │ │ │ │ │ │ ├── 16x9p8q-sse2.c │ │ │ │ │ │ │ │ ├── sub16-neon.c │ │ │ │ │ │ │ │ └── sub16-sse2.c │ │ │ │ │ │ │ ├── u8rmax │ │ │ │ │ │ │ │ ├── neon.c │ │ │ │ │ │ │ │ └── sse2.c │ │ │ │ │ │ │ ├── x8lut │ │ │ │ │ │ │ │ └── scalar.c │ │ │ │ │ │ │ └── x8zip │ │ │ │ │ │ │ │ ├── x2-neon.c │ │ │ │ │ │ │ │ ├── x2-sse2.c │ │ │ │ │ │ │ │ ├── x3-neon.c │ │ │ │ │ │ │ │ ├── x3-sse2.c │ │ │ │ │ │ │ │ ├── x4-neon.c │ │ │ │ │ │ │ │ ├── x4-sse2.c │ │ │ │ │ │ │ │ ├── xm-neon.c │ │ │ │ │ │ │ │ └── xm-sse2.c │ │ │ │ │ │ ├── test │ │ │ │ │ │ │ ├── add-operator-tester.h │ │ │ │ │ │ │ ├── add.cc │ │ │ │ │ │ │ ├── average-pooling-operator-tester.h │ │ │ │ │ │ │ ├── average-pooling.cc │ │ │ │ │ │ │ ├── avgpool-microkernel-tester.h │ │ │ │ │ │ │ ├── channel-shuffle-operator-tester.h │ │ │ │ │ │ │ ├── channel-shuffle.cc │ │ │ │ │ │ │ ├── clamp-microkernel-tester.h │ │ │ │ │ │ │ ├── clamp-operator-tester.h │ │ │ │ │ │ │ ├── clamp.cc │ │ │ │ │ │ │ ├── convolution-operator-tester.h │ │ │ │ │ │ │ ├── convolution.cc │ │ │ │ │ │ │ ├── deconvolution-operator-tester.h │ │ │ │ │ │ │ ├── deconvolution.cc │ │ │ │ │ │ │ ├── dwconv-microkernel-tester.h │ │ │ │ │ │ │ ├── fully-connected-operator-tester.h │ │ │ │ │ │ │ ├── fully-connected.cc │ │ │ │ │ │ │ ├── gavgpool-microkernel-tester.h │ │ │ │ │ │ │ ├── gemm-microkernel-tester.h │ │ │ │ │ │ │ ├── global-average-pooling-operator-tester.h │ │ │ │ │ │ │ ├── global-average-pooling.cc │ │ │ │ │ │ │ ├── hardsigmoid-operator-tester.h │ │ │ │ │ │ │ ├── hardsigmoid.cc │ │ │ │ │ │ │ ├── hardswish-operator-tester.h │ │ │ │ │ │ │ ├── hardswish.cc │ │ │ │ │ │ │ ├── hgemm.cc │ │ │ │ │ │ │ ├── leaky-relu-operator-tester.h │ │ │ │ │ │ │ ├── leaky-relu.cc │ │ │ │ │ │ │ ├── lut-microkernel-tester.h │ │ │ │ │ │ │ ├── lut-norm-microkernel-tester.h │ │ │ │ │ │ │ ├── max-pooling-operator-tester.h │ │ │ │ │ │ │ ├── max-pooling.cc │ │ │ │ │ │ │ ├── maxpool-microkernel-tester.h │ │ │ │ │ │ │ ├── q8avgpool.cc │ │ │ │ │ │ │ ├── q8conv.cc │ │ │ │ │ │ │ ├── q8dwconv.cc │ │ │ │ │ │ │ ├── q8gavgpool.cc │ │ │ │ │ │ │ ├── q8gemm.cc │ │ │ │ │ │ │ ├── q8vadd.cc │ │ │ │ │ │ │ ├── requantization-tester.h │ │ │ │ │ │ │ ├── requantization.cc │ │ │ │ │ │ │ ├── rmax-microkernel-tester.h │ │ │ │ │ │ │ ├── sconv.cc │ │ │ │ │ │ │ ├── sgemm.cc │ │ │ │ │ │ │ ├── sigmoid-operator-tester.h │ │ │ │ │ │ │ ├── sigmoid.cc │ │ │ │ │ │ │ ├── softargmax-operator-tester.h │ │ │ │ │ │ │ ├── softargmax.cc │ │ │ │ │ │ │ ├── tanh-operator-tester.h │ │ │ │ │ │ │ ├── tanh.cc │ │ │ │ │ │ │ ├── test_utils.h │ │ │ │ │ │ │ ├── u8clamp.cc │ │ │ │ │ │ │ ├── u8lut32norm.cc │ │ │ │ │ │ │ ├── u8maxpool.cc │ │ │ │ │ │ │ ├── u8rmax.cc │ │ │ │ │ │ │ ├── vadd-microkernel-tester.h │ │ │ │ │ │ │ ├── x8lut.cc │ │ │ │ │ │ │ ├── x8zip.cc │ │ │ │ │ │ │ └── zip-microkernel-tester.h │ │ │ │ │ │ └── wrappers │ │ │ │ │ │ │ ├── dummy.c │ │ │ │ │ │ │ ├── hgemm │ │ │ │ │ │ │ └── 8x8-aarch32-neonfp16arith.S │ │ │ │ │ │ │ ├── q8avgpool │ │ │ │ │ │ │ ├── mp8x9p8q-neon.c │ │ │ │ │ │ │ ├── mp8x9p8q-sse2.c │ │ │ │ │ │ │ ├── up8x9-neon.c │ │ │ │ │ │ │ ├── up8x9-sse2.c │ │ │ │ │ │ │ ├── up8xm-neon.c │ │ │ │ │ │ │ └── up8xm-sse2.c │ │ │ │ │ │ │ ├── q8conv │ │ │ │ │ │ │ ├── 4x4c2-sse2.c │ │ │ │ │ │ │ ├── 4x8-aarch32-neon.S │ │ │ │ │ │ │ ├── 4x8-neon.c │ │ │ │ │ │ │ ├── 8x8-aarch64-neon.S │ │ │ │ │ │ │ └── 8x8-neon.c │ │ │ │ │ │ │ ├── q8dwconv │ │ │ │ │ │ │ ├── mp8x25-neon-per-channel.c │ │ │ │ │ │ │ ├── mp8x25-neon.c │ │ │ │ │ │ │ ├── mp8x25-sse2-per-channel.c │ │ │ │ │ │ │ ├── mp8x25-sse2.c │ │ │ │ │ │ │ ├── up8x9-aarch32-neon-per-channel.S │ │ │ │ │ │ │ ├── up8x9-aarch32-neon.S │ │ │ │ │ │ │ ├── up8x9-neon-per-channel.c │ │ │ │ │ │ │ ├── up8x9-neon.c │ │ │ │ │ │ │ ├── up8x9-sse2-per-channel.c │ │ │ │ │ │ │ └── up8x9-sse2.c │ │ │ │ │ │ │ ├── q8gavgpool │ │ │ │ │ │ │ ├── mp8x7p7q-neon.c │ │ │ │ │ │ │ ├── mp8x7p7q-sse2.c │ │ │ │ │ │ │ ├── up8x7-neon.c │ │ │ │ │ │ │ ├── up8x7-sse2.c │ │ │ │ │ │ │ ├── up8xm-neon.c │ │ │ │ │ │ │ └── up8xm-sse2.c │ │ │ │ │ │ │ ├── q8gemm │ │ │ │ │ │ │ ├── 2x4c8-sse2.c │ │ │ │ │ │ │ ├── 4x-sumrows-neon.c │ │ │ │ │ │ │ ├── 4x4c2-dq-sse2.c │ │ │ │ │ │ │ ├── 4x4c2-sse2.c │ │ │ │ │ │ │ ├── 4x8-aarch32-neon.S │ │ │ │ │ │ │ ├── 4x8-dq-aarch32-neon.S │ │ │ │ │ │ │ ├── 4x8-dq-neon.c │ │ │ │ │ │ │ ├── 4x8-neon.c │ │ │ │ │ │ │ ├── 4x8c2-xzp-aarch32-neon.S │ │ │ │ │ │ │ ├── 4x8c2-xzp-neon.c │ │ │ │ │ │ │ ├── 6x4-neon.c │ │ │ │ │ │ │ ├── 8x8-aarch64-neon.S │ │ │ │ │ │ │ ├── 8x8-dq-aarch64-neon.S │ │ │ │ │ │ │ └── 8x8-neon.c │ │ │ │ │ │ │ ├── q8vadd │ │ │ │ │ │ │ ├── neon.c │ │ │ │ │ │ │ └── sse2.c │ │ │ │ │ │ │ ├── requantization │ │ │ │ │ │ │ ├── fp32-neon.c │ │ │ │ │ │ │ ├── fp32-psimd.c │ │ │ │ │ │ │ ├── fp32-scalar.c │ │ │ │ │ │ │ ├── fp32-sse2.c │ │ │ │ │ │ │ ├── gemmlowp-neon.c │ │ │ │ │ │ │ ├── gemmlowp-scalar.c │ │ │ │ │ │ │ ├── gemmlowp-sse2.c │ │ │ │ │ │ │ ├── gemmlowp-sse4.c │ │ │ │ │ │ │ ├── gemmlowp-ssse3.c │ │ │ │ │ │ │ ├── precise-neon.c │ │ │ │ │ │ │ ├── precise-psimd.c │ │ │ │ │ │ │ ├── precise-scalar.c │ │ │ │ │ │ │ ├── precise-sse2.c │ │ │ │ │ │ │ ├── precise-sse4.c │ │ │ │ │ │ │ ├── precise-ssse3.c │ │ │ │ │ │ │ ├── q31-neon.c │ │ │ │ │ │ │ ├── q31-scalar.c │ │ │ │ │ │ │ ├── q31-sse2.c │ │ │ │ │ │ │ ├── q31-sse4.c │ │ │ │ │ │ │ └── q31-ssse3.c │ │ │ │ │ │ │ ├── sgemm │ │ │ │ │ │ │ ├── 5x8-neon.c │ │ │ │ │ │ │ ├── 6x8-neon.c │ │ │ │ │ │ │ └── 6x8-psimd.c │ │ │ │ │ │ │ ├── u8clamp │ │ │ │ │ │ │ ├── neon.c │ │ │ │ │ │ │ └── sse2.c │ │ │ │ │ │ │ ├── u8lut32norm │ │ │ │ │ │ │ └── scalar.c │ │ │ │ │ │ │ ├── u8maxpool │ │ │ │ │ │ │ ├── 16x9p8q-neon.c │ │ │ │ │ │ │ ├── 16x9p8q-sse2.c │ │ │ │ │ │ │ ├── sub16-neon.c │ │ │ │ │ │ │ └── sub16-sse2.c │ │ │ │ │ │ │ ├── u8rmax │ │ │ │ │ │ │ ├── neon.c │ │ │ │ │ │ │ └── sse2.c │ │ │ │ │ │ │ ├── x8lut │ │ │ │ │ │ │ └── scalar.c │ │ │ │ │ │ │ └── x8zip │ │ │ │ │ │ │ ├── x2-neon.c │ │ │ │ │ │ │ ├── x2-sse2.c │ │ │ │ │ │ │ ├── x3-neon.c │ │ │ │ │ │ │ ├── x3-sse2.c │ │ │ │ │ │ │ ├── x4-neon.c │ │ │ │ │ │ │ ├── x4-sse2.c │ │ │ │ │ │ │ ├── xm-neon.c │ │ │ │ │ │ │ └── xm-sse2.c │ │ │ │ │ ├── qnnpack_utils.h │ │ │ │ │ ├── qnormalization.cpp │ │ │ │ │ ├── qpool.cpp │ │ │ │ │ ├── qreduction.cpp │ │ │ │ │ ├── qrelu.cpp │ │ │ │ │ ├── qsigmoid.cpp │ │ │ │ │ ├── qsort.cpp │ │ │ │ │ ├── qtanh.cpp │ │ │ │ │ ├── qthreshold.cpp │ │ │ │ │ ├── quant_utils.h │ │ │ │ │ ├── quantized_ops.h │ │ │ │ │ ├── qupsample_bilinear2d.cpp │ │ │ │ │ ├── qupsample_nearest2d.cpp │ │ │ │ │ ├── qupsample_nearest3d.cpp │ │ │ │ │ └── tensor_operators.cpp │ │ │ │ ├── cuda │ │ │ │ │ ├── affine_quantizer.cu │ │ │ │ │ ├── fake_quantize_core.cu │ │ │ │ │ ├── int_repr_quant.cu │ │ │ │ │ └── make_per_tensor_quantized_tensor.cu │ │ │ │ ├── fake_quant_affine.h │ │ │ │ ├── fake_quant_per_channel_affine.cpp │ │ │ │ ├── fake_quant_per_tensor_affine.cpp │ │ │ │ └── library.cpp │ │ │ ├── sparse │ │ │ │ ├── ParamUtils.cpp │ │ │ │ ├── ParamUtils.h │ │ │ │ ├── SoftMax.cpp │ │ │ │ ├── SparseTensor.cpp │ │ │ │ ├── SparseTensorMath.cpp │ │ │ │ ├── SparseTensorMath.h │ │ │ │ └── cuda │ │ │ │ │ ├── SoftMax.cu │ │ │ │ │ ├── SparseCUDAApplyUtils.cuh │ │ │ │ │ ├── SparseCUDABlas.cu │ │ │ │ │ ├── SparseCUDABlas.cuh │ │ │ │ │ ├── SparseCUDATensor.cpp │ │ │ │ │ ├── SparseCUDATensor.cu │ │ │ │ │ └── SparseCUDATensorMath.cu │ │ │ ├── utils │ │ │ │ ├── Factory.cpp │ │ │ │ ├── Factory.h │ │ │ │ ├── ParamUtils.h │ │ │ │ └── ParamsHash.h │ │ │ ├── vol2col.h │ │ │ ├── vulkan │ │ │ │ ├── Vulkan.cpp │ │ │ │ ├── Vulkan.h │ │ │ │ ├── VulkanAten.cpp │ │ │ │ ├── VulkanAten.h │ │ │ │ ├── VulkanCommon.h │ │ │ │ ├── VulkanConvolution.cpp │ │ │ │ ├── VulkanConvolution.h │ │ │ │ ├── VulkanGuardImpl.cpp │ │ │ │ ├── VulkanOpContext.cpp │ │ │ │ ├── VulkanOpContext.h │ │ │ │ ├── VulkanOpaqueTensorImpl.h │ │ │ │ ├── VulkanOps.cpp │ │ │ │ ├── VulkanOps.h │ │ │ │ ├── VulkanRegisterOpContextClass.cpp │ │ │ │ ├── api │ │ │ │ │ ├── Adapter.h │ │ │ │ │ ├── Allocator.cpp │ │ │ │ │ ├── Allocator.h │ │ │ │ │ ├── Cache.h │ │ │ │ │ ├── Command.cpp │ │ │ │ │ ├── Command.h │ │ │ │ │ ├── Common.cpp │ │ │ │ │ ├── Common.h │ │ │ │ │ ├── Context.cpp │ │ │ │ │ ├── Context.h │ │ │ │ │ ├── Descriptor.cpp │ │ │ │ │ ├── Descriptor.h │ │ │ │ │ ├── Pipeline.cpp │ │ │ │ │ ├── Pipeline.h │ │ │ │ │ ├── Resource.cpp │ │ │ │ │ ├── Resource.h │ │ │ │ │ ├── Runtime.cpp │ │ │ │ │ ├── Runtime.h │ │ │ │ │ ├── Shader.cpp │ │ │ │ │ ├── Shader.h │ │ │ │ │ ├── Utils.h │ │ │ │ │ ├── api.h │ │ │ │ │ └── vk_mem_alloc.h │ │ │ │ ├── glsl │ │ │ │ │ ├── KO4C4HW_to_image.glsl │ │ │ │ │ ├── adaptive_avg_pool2d.glsl │ │ │ │ │ ├── add.glsl │ │ │ │ │ ├── add_.glsl │ │ │ │ │ ├── add_scalar.glsl │ │ │ │ │ ├── add_scalar_.glsl │ │ │ │ │ ├── addmm.glsl │ │ │ │ │ ├── avg_pool2d.glsl │ │ │ │ │ ├── clamp.glsl │ │ │ │ │ ├── conv2d_dw_clamp.glsl │ │ │ │ │ ├── conv2d_nogroup_clamp.glsl │ │ │ │ │ ├── image_to_nchw.glsl │ │ │ │ │ ├── max_pool2d.glsl │ │ │ │ │ ├── mean.glsl │ │ │ │ │ ├── mm.glsl │ │ │ │ │ ├── mul_scalar.glsl │ │ │ │ │ ├── nchw_to_image.glsl │ │ │ │ │ ├── permute.glsl │ │ │ │ │ └── upsampleNearest2d.glsl │ │ │ │ └── ops │ │ │ │ │ ├── Add.cpp │ │ │ │ │ ├── Common.h │ │ │ │ │ ├── Copy.cpp │ │ │ │ │ ├── Copy.h │ │ │ │ │ ├── Factory.cpp │ │ │ │ │ ├── Tensor.cpp │ │ │ │ │ └── Tensor.h │ │ │ └── xnnpack │ │ │ │ ├── ChannelShuffle.cpp │ │ │ │ ├── Common.h │ │ │ │ ├── Convolution.cpp │ │ │ │ ├── Convolution.h │ │ │ │ ├── Engine.h │ │ │ │ ├── Init.cpp │ │ │ │ ├── Linear.cpp │ │ │ │ ├── Linear.h │ │ │ │ ├── MaxPooling.cpp │ │ │ │ ├── OpContext.cpp │ │ │ │ ├── OpContext.h │ │ │ │ ├── Pooling.h │ │ │ │ ├── RegisterOpContextClass.cpp │ │ │ │ └── Shim.cpp │ │ ├── quantized │ │ │ ├── CMakeLists.txt │ │ │ ├── QTensorImpl.cpp │ │ │ ├── QTensorImpl.h │ │ │ ├── Quantizer.cpp │ │ │ └── Quantizer.h │ │ ├── record_function.cpp │ │ ├── record_function.h │ │ ├── templates │ │ │ ├── ATenOpList.cpp │ │ │ ├── BackendSelectRegister.cpp │ │ │ ├── Functions.cpp │ │ │ ├── Functions.h │ │ │ ├── LegacyTHFunctions.cpp │ │ │ ├── LegacyTHFunctions.h │ │ │ ├── NativeFunctions.h │ │ │ ├── RegistrationDeclarations.h │ │ │ ├── SchemaRegister.cpp │ │ │ ├── SparseTypeDerived.cpp │ │ │ ├── TensorBody.h │ │ │ ├── TensorMethods.cpp │ │ │ ├── TypeDefault.cpp │ │ │ ├── TypeDefault.h │ │ │ ├── TypeDerived.cpp │ │ │ └── TypeDerived.h │ │ ├── test │ │ │ ├── CMakeLists.txt │ │ │ ├── Dict_test.cpp │ │ │ ├── Dimname_test.cpp │ │ │ ├── NamedTensor_test.cpp │ │ │ ├── apply_utils_test.cpp │ │ │ ├── atest.cpp │ │ │ ├── basic.cpp │ │ │ ├── broadcast_test.cpp │ │ │ ├── cpu_caching_allocator_test.cpp │ │ │ ├── cpu_generator_test.cpp │ │ │ ├── cpu_profiling_allocator_test.cpp │ │ │ ├── cpu_rng_test.cpp │ │ │ ├── cuda_apply_test.cpp │ │ │ ├── cuda_atomic_ops_test.cu │ │ │ ├── cuda_complex_math_test.cu │ │ │ ├── cuda_complex_test.cu │ │ │ ├── cuda_cudnn_test.cpp │ │ │ ├── cuda_distributions_test.cu │ │ │ ├── cuda_dlconvertor_test.cpp │ │ │ ├── cuda_generator_test.cu │ │ │ ├── cuda_half_test.cu │ │ │ ├── cuda_integer_divider_test.cu │ │ │ ├── cuda_optional_test.cu │ │ │ ├── cuda_packedtensoraccessor_test.cu │ │ │ ├── cuda_stream_test.cpp │ │ │ ├── cuda_tensor_interop_test.cpp │ │ │ ├── cuda_vectorized_test.cu │ │ │ ├── dlconvertor_test.cpp │ │ │ ├── extension_backend_test.cpp │ │ │ ├── half_test.cpp │ │ │ ├── ivalue_test.cpp │ │ │ ├── math_kernel_test.cpp │ │ │ ├── memory_format_test.cpp │ │ │ ├── memory_overlapping_test.cpp │ │ │ ├── native_test.cpp │ │ │ ├── pow_test.cpp │ │ │ ├── quantized_test.cpp │ │ │ ├── reduce_ops_test.cpp │ │ │ ├── rng_test.h │ │ │ ├── scalar_tensor_test.cpp │ │ │ ├── scalar_test.cpp │ │ │ ├── tensor_interop_test.cpp │ │ │ ├── tensor_iterator_test.cpp │ │ │ ├── test_assert.h │ │ │ ├── test_install │ │ │ │ ├── CMakeLists.txt │ │ │ │ └── main.cpp │ │ │ ├── test_parallel.cpp │ │ │ ├── thread_init_test.cpp │ │ │ ├── type_test.cpp │ │ │ ├── undefined_tensor_test.cpp │ │ │ ├── variant_test.cpp │ │ │ ├── vec256_test.cpp │ │ │ ├── vec256_test_all_types.cpp │ │ │ ├── vec256_test_all_types.h │ │ │ ├── verify_api_visibility.cpp │ │ │ ├── vmap_test.cpp │ │ │ ├── vulkan_api_test.cpp │ │ │ ├── vulkan_test.cpp │ │ │ ├── weakref_test.cpp │ │ │ ├── wrapdim_test.cpp │ │ │ └── xla_tensor_test.cpp │ │ └── vulkan │ │ │ ├── Context.cpp │ │ │ └── Context.h │ ├── README.md │ ├── TH │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── TH.h │ │ ├── THAllocator.cpp │ │ ├── THAllocator.h │ │ ├── THBlas.cpp │ │ ├── THBlas.h │ │ ├── THBlasUtils.h │ │ ├── THGeneral.cpp │ │ ├── THGeneral.h.in │ │ ├── THGenerateAllTypes.h │ │ ├── THGenerateBFloat16Type.h │ │ ├── THGenerateBoolType.h │ │ ├── THGenerateByteType.h │ │ ├── THGenerateCharType.h │ │ ├── THGenerateComplexDoubleType.h │ │ ├── THGenerateComplexFloatType.h │ │ ├── THGenerateComplexTypes.h │ │ ├── THGenerateDoubleType.h │ │ ├── THGenerateFloatType.h │ │ ├── THGenerateFloatTypes.h │ │ ├── THGenerateHalfType.h │ │ ├── THGenerateIntType.h │ │ ├── THGenerateIntTypes.h │ │ ├── THGenerateLongType.h │ │ ├── THGenerateQInt32Type.h │ │ ├── THGenerateQInt8Type.h │ │ ├── THGenerateQTypes.h │ │ ├── THGenerateQUInt4x2Type.h │ │ ├── THGenerateQUInt8Type.h │ │ ├── THGenerateShortType.h │ │ ├── THGenerator.hpp │ │ ├── THHalf.h │ │ ├── THLapack.cpp │ │ ├── THLapack.h │ │ ├── THStorage.h │ │ ├── THStorageFunctions.cpp │ │ ├── THStorageFunctions.h │ │ ├── THStorageFunctions.hpp │ │ ├── THTensor.cpp │ │ ├── THTensor.h │ │ ├── THTensor.hpp │ │ ├── THTensorApply.h │ │ ├── THTensorDimApply.h │ │ ├── THTensorEvenMoreMath.cpp │ │ ├── THTensorLapack.cpp │ │ ├── THTensorMath.cpp │ │ ├── THTensorMoreMath.cpp │ │ ├── THTensorRandom.cpp │ │ ├── THVector.cpp │ │ ├── THVector.h │ │ ├── generic │ │ │ ├── THBlas.cpp │ │ │ ├── THBlas.h │ │ │ ├── THLapack.cpp │ │ │ ├── THLapack.h │ │ │ ├── THStorage.cpp │ │ │ ├── THStorage.h │ │ │ ├── THStorageCopy.cpp │ │ │ ├── THStorageCopy.h │ │ │ ├── THTensor.cpp │ │ │ ├── THTensor.h │ │ │ ├── THTensor.hpp │ │ │ ├── THTensorApply.hpp │ │ │ ├── THTensorEvenMoreMath.cpp │ │ │ ├── THTensorFastGetSet.hpp │ │ │ ├── THTensorLapack.cpp │ │ │ ├── THTensorLapack.h │ │ │ ├── THTensorMath.cpp │ │ │ ├── THTensorMath.h │ │ │ ├── THTensorMoreMath.cpp │ │ │ ├── THTensorRandom.cpp │ │ │ ├── THTensorRandom.h │ │ │ ├── THVector.h │ │ │ ├── THVectorDefault.cpp │ │ │ └── THVectorDispatch.cpp │ │ └── vector │ │ │ ├── AVX.cpp │ │ │ ├── AVX.h │ │ │ ├── NEON.cpp │ │ │ ├── VSX.cpp │ │ │ └── simd.h │ ├── THC │ │ ├── CMakeLists.txt │ │ ├── THC.h │ │ ├── THCAllocator.cpp │ │ ├── THCAllocator.h │ │ ├── THCApply.cuh │ │ ├── THCAsmUtils.cuh │ │ ├── THCAtomics.cuh │ │ ├── THCBlas.cu │ │ ├── THCBlas.h │ │ ├── THCCachingHostAllocator.cpp │ │ ├── THCCachingHostAllocator.h │ │ ├── THCDeviceTensor-inl.cuh │ │ ├── THCDeviceTensor.cuh │ │ ├── THCDeviceTensorUtils-inl.cuh │ │ ├── THCDeviceTensorUtils.cuh │ │ ├── THCDeviceUtils.cuh │ │ ├── THCGeneral.cpp │ │ ├── THCGeneral.h.in │ │ ├── THCGeneral.hpp │ │ ├── THCGenerateAllTypes.h │ │ ├── THCGenerateBFloat16Type.h │ │ ├── THCGenerateBoolType.h │ │ ├── THCGenerateByteType.h │ │ ├── THCGenerateCharType.h │ │ ├── THCGenerateComplexDoubleType.h │ │ ├── THCGenerateComplexFloatType.h │ │ ├── THCGenerateComplexTypes.h │ │ ├── THCGenerateDoubleType.h │ │ ├── THCGenerateFloatType.h │ │ ├── THCGenerateFloatTypes.h │ │ ├── THCGenerateHalfType.h │ │ ├── THCGenerateIntType.h │ │ ├── THCGenerateLongType.h │ │ ├── THCGenerateShortType.h │ │ ├── THCIntegerDivider.cuh │ │ ├── THCNumerics.cuh │ │ ├── THCReduce.cuh │ │ ├── THCReduceAll.cuh │ │ ├── THCReduceApplyUtils.cu │ │ ├── THCReduceApplyUtils.cuh │ │ ├── THCScanUtils.cuh │ │ ├── THCSleep.cu │ │ ├── THCSleep.h │ │ ├── THCSortUtils.cu │ │ ├── THCSortUtils.cuh │ │ ├── THCStorage.cpp │ │ ├── THCStorage.cu │ │ ├── THCStorage.h │ │ ├── THCStorage.hpp │ │ ├── THCStorageCopy.cpp │ │ ├── THCStorageCopy.cu │ │ ├── THCStorageCopy.h │ │ ├── THCTensor.cpp │ │ ├── THCTensor.cu │ │ ├── THCTensor.h │ │ ├── THCTensor.hpp │ │ ├── THCTensorCopy.cu │ │ ├── THCTensorCopy.h │ │ ├── THCTensorCopy.hpp │ │ ├── THCTensorIndex.cu │ │ ├── THCTensorInfo.cuh │ │ ├── THCTensorMasked.cuh │ │ ├── THCTensorMath.cu │ │ ├── THCTensorMath.h │ │ ├── THCTensorMathBlas.cu │ │ ├── THCTensorMathCompareT.cuh │ │ ├── THCTensorMathMagma.cu │ │ ├── THCTensorMathMagma.cuh │ │ ├── THCTensorMathPairwise.cu │ │ ├── THCTensorMathPointwise.cuh │ │ ├── THCTensorMathReduce.cu │ │ ├── THCTensorMathReduce.cuh │ │ ├── THCTensorMode.cu │ │ ├── THCTensorMode.cuh │ │ ├── THCTensorRandom.cu │ │ ├── THCTensorRandom.cuh │ │ ├── THCTensorRandom.h │ │ ├── THCTensorScatterGather.cu │ │ ├── THCTensorSort.cu │ │ ├── THCTensorSort.cuh │ │ ├── THCTensorTopK.cuh │ │ ├── THCTensorTypeUtils.cuh │ │ ├── THCThrustAllocator.cuh │ │ ├── generated │ │ │ ├── THCTensorMaskedBFloat16.cu │ │ │ ├── THCTensorMaskedBool.cu │ │ │ ├── THCTensorMaskedByte.cu │ │ │ ├── THCTensorMaskedChar.cu │ │ │ ├── THCTensorMaskedDouble.cu │ │ │ ├── THCTensorMaskedFloat.cu │ │ │ ├── THCTensorMaskedHalf.cu │ │ │ ├── THCTensorMaskedInt.cu │ │ │ ├── THCTensorMaskedLong.cu │ │ │ ├── THCTensorMaskedShort.cu │ │ │ ├── THCTensorMathCompareTBool.cu │ │ │ ├── THCTensorMathCompareTByte.cu │ │ │ ├── THCTensorMathCompareTChar.cu │ │ │ ├── THCTensorMathCompareTDouble.cu │ │ │ ├── THCTensorMathCompareTFloat.cu │ │ │ ├── THCTensorMathCompareTHalf.cu │ │ │ ├── THCTensorMathCompareTInt.cu │ │ │ ├── THCTensorMathCompareTLong.cu │ │ │ ├── THCTensorMathCompareTShort.cu │ │ │ ├── THCTensorMathPointwiseBool.cu │ │ │ ├── THCTensorMathPointwiseByte.cu │ │ │ ├── THCTensorMathPointwiseChar.cu │ │ │ ├── THCTensorMathPointwiseDouble.cu │ │ │ ├── THCTensorMathPointwiseFloat.cu │ │ │ ├── THCTensorMathPointwiseHalf.cu │ │ │ ├── THCTensorMathPointwiseInt.cu │ │ │ ├── THCTensorMathPointwiseLong.cu │ │ │ ├── THCTensorMathPointwiseShort.cu │ │ │ ├── THCTensorMathReduceBFloat16.cu │ │ │ ├── THCTensorMathReduceBool.cu │ │ │ ├── THCTensorMathReduceByte.cu │ │ │ ├── THCTensorMathReduceChar.cu │ │ │ ├── THCTensorMathReduceDouble.cu │ │ │ ├── THCTensorMathReduceFloat.cu │ │ │ ├── THCTensorMathReduceHalf.cu │ │ │ ├── THCTensorMathReduceInt.cu │ │ │ ├── THCTensorMathReduceLong.cu │ │ │ ├── THCTensorMathReduceShort.cu │ │ │ ├── THCTensorSortBFloat16.cu │ │ │ ├── THCTensorSortByte.cu │ │ │ ├── THCTensorSortChar.cu │ │ │ ├── THCTensorSortDouble.cu │ │ │ ├── THCTensorSortFloat.cu │ │ │ ├── THCTensorSortHalf.cu │ │ │ ├── THCTensorSortInt.cu │ │ │ ├── THCTensorSortLong.cu │ │ │ ├── THCTensorSortShort.cu │ │ │ ├── THCTensorTopKBFloat16.cu │ │ │ ├── THCTensorTopKByte.cu │ │ │ ├── THCTensorTopKChar.cu │ │ │ ├── THCTensorTopKDouble.cu │ │ │ ├── THCTensorTopKFloat.cu │ │ │ ├── THCTensorTopKHalf.cu │ │ │ ├── THCTensorTopKInt.cu │ │ │ ├── THCTensorTopKLong.cu │ │ │ └── THCTensorTopKShort.cu │ │ └── generic │ │ │ ├── THCStorage.cpp │ │ │ ├── THCStorage.cu │ │ │ ├── THCStorage.h │ │ │ ├── THCStorageCopy.cpp │ │ │ ├── THCStorageCopy.cu │ │ │ ├── THCStorageCopy.h │ │ │ ├── THCTensor.cpp │ │ │ ├── THCTensor.cu │ │ │ ├── THCTensor.h │ │ │ ├── THCTensor.hpp │ │ │ ├── THCTensorCopy.cu │ │ │ ├── THCTensorCopy.h │ │ │ ├── THCTensorIndex.cu │ │ │ ├── THCTensorIndex.h │ │ │ ├── THCTensorMasked.cu │ │ │ ├── THCTensorMasked.h │ │ │ ├── THCTensorMath.cu │ │ │ ├── THCTensorMath.h │ │ │ ├── THCTensorMathBlas.cu │ │ │ ├── THCTensorMathBlas.h │ │ │ ├── THCTensorMathMagma.cu │ │ │ ├── THCTensorMathMagma.h │ │ │ ├── THCTensorMathPairwise.cu │ │ │ ├── THCTensorMathPairwise.h │ │ │ ├── THCTensorMathPointwise.cu │ │ │ ├── THCTensorMathPointwise.h │ │ │ ├── THCTensorMathReduce.cu │ │ │ ├── THCTensorMathReduce.h │ │ │ ├── THCTensorMode.cu │ │ │ ├── THCTensorMode.h │ │ │ ├── THCTensorRandom.cu │ │ │ ├── THCTensorRandom.h │ │ │ ├── THCTensorScatterGather.cu │ │ │ ├── THCTensorScatterGather.h │ │ │ ├── THCTensorSort.cu │ │ │ ├── THCTensorSort.h │ │ │ ├── THCTensorTopK.cu │ │ │ └── THCTensorTopK.h │ └── THCUNN │ │ ├── CMakeLists.txt │ │ ├── ClassNLLCriterion.cu │ │ ├── GatedLinearUnit.cu │ │ ├── LogSigmoid.cu │ │ ├── MultiLabelMarginCriterion.cu │ │ ├── MultiMarginCriterion.cu │ │ ├── README.md │ │ ├── RReLU.cu │ │ ├── SharedMem.cuh │ │ ├── SpatialClassNLLCriterion.cu │ │ ├── SpatialConvolutionMM.cu │ │ ├── SpatialDepthwiseConvolution.cu │ │ ├── THCHalfAutoNumerics.cuh │ │ ├── THCUNN.h │ │ ├── common.h │ │ ├── doc │ │ ├── api_reference.md │ │ └── style_guidelines.md │ │ └── generic │ │ ├── ClassNLLCriterion.cu │ │ ├── GatedLinearUnit.cu │ │ ├── LogSigmoid.cu │ │ ├── MultiLabelMarginCriterion.cu │ │ ├── MultiMarginCriterion.cu │ │ ├── RReLU.cu │ │ ├── SpatialClassNLLCriterion.cu │ │ ├── SpatialConvolutionMM.cu │ │ ├── SpatialDepthwiseConvolution.cu │ │ └── THCUNN.h └── tools │ ├── run_tests.sh │ ├── test_install.sh │ └── valgrind.sup ├── benchmarks ├── README.md ├── compare-fastrnn-results.py ├── compare.sh ├── cpp │ └── tensorexpr │ │ ├── CMakeLists.txt │ │ ├── bench_compile.cpp │ │ ├── bench_gemm.cpp │ │ └── main.cpp ├── distributed │ └── ddp │ │ ├── README.md │ │ ├── benchmark.py │ │ └── diff.py ├── fastrnns │ ├── README.md │ ├── __init__.py │ ├── bench.py │ ├── cells.py │ ├── conftest.py │ ├── custom_lstms.py │ ├── factory.py │ ├── fuser.py │ ├── profile.py │ ├── runner.py │ ├── scratch.py │ ├── test.py │ └── test_bench.py ├── framework_overhead_benchmark │ ├── C2Module.py │ ├── SimpleAddModule.py │ ├── framework_overhead_benchmark.py │ ├── pt_wrapper_module.py │ └── utils.py ├── functional_autograd_benchmark │ ├── README.md │ ├── audio_text_models.py │ ├── compare.py │ ├── functional_autograd_benchmark.py │ ├── ppl_models.py │ ├── torchaudio_models.py │ ├── torchvision_models.py │ ├── utils.py │ └── vision_models.py ├── operator_benchmark │ ├── README.md │ ├── __init__.py │ ├── benchmark_all_other_test.py │ ├── benchmark_all_quantized_test.py │ ├── benchmark_all_test.py │ ├── benchmark_caffe2.py │ ├── benchmark_core.py │ ├── benchmark_pytorch.py │ ├── benchmark_runner.py │ ├── benchmark_test_generator.py │ ├── benchmark_utils.py │ ├── c2 │ │ ├── __init__.py │ │ ├── add_test.py │ │ ├── clip_ranges_test.py │ │ ├── matmul_test.py │ │ └── replace_nan_test.py │ ├── common │ │ ├── __init__.py │ │ ├── repeat_benchmark.py │ │ └── tests │ │ │ ├── add_ops_list_test.py │ │ │ ├── c2_cpu_gpu_forward_backward_test.py │ │ │ ├── jit_forward_test.py │ │ │ ├── pt_backward_test.py │ │ │ ├── pt_configs_list_test.py │ │ │ ├── pt_cpu_gpu_forward_backward_test.py │ │ │ └── random_sample_test.py │ ├── operator_benchmark.py │ ├── pt │ │ ├── __init__.py │ │ ├── add_test.py │ │ ├── as_strided_test.py │ │ ├── batchnorm_test.py │ │ ├── binary_test.py │ │ ├── cat_test.py │ │ ├── channel_shuffle_test.py │ │ ├── chunk_test.py │ │ ├── clip_ranges_test.py │ │ ├── configs.py │ │ ├── conv_test.py │ │ ├── diag_test.py │ │ ├── embeddingbag_test.py │ │ ├── fill_test.py │ │ ├── gather_test.py │ │ ├── groupnorm_test.py │ │ ├── hardsigmoid_test.py │ │ ├── hardswish_test.py │ │ ├── instancenorm_test.py │ │ ├── layernorm_test.py │ │ ├── linear_test.py │ │ ├── matmul_test.py │ │ ├── nan_to_num_test.py │ │ ├── pool_test.py │ │ ├── qactivation_test.py │ │ ├── qarithmetic_test.py │ │ ├── qbatchnorm_test.py │ │ ├── qcat_test.py │ │ ├── qcomparators_test.py │ │ ├── qconv_test.py │ │ ├── qembedding_bag_lookups_test.py │ │ ├── qembedding_pack_test.py │ │ ├── qembeddingbag_test.py │ │ ├── qgroupnorm_test.py │ │ ├── qinstancenorm_test.py │ │ ├── qinterpolate_test.py │ │ ├── qlayernorm_test.py │ │ ├── qlinear_test.py │ │ ├── qobserver_test.py │ │ ├── qpool_test.py │ │ ├── qrnn_test.py │ │ ├── qtensor_method_test.py │ │ ├── quantization_test.py │ │ ├── qunary_test.py │ │ ├── remainder_test.py │ │ ├── softmax_test.py │ │ ├── split_test.py │ │ ├── sum_test.py │ │ └── unary_test.py │ └── pt_extension │ │ ├── cpp_extension_test.py │ │ ├── extension.cpp │ │ └── setup.py ├── overrides_benchmark │ ├── README.md │ ├── bench.py │ ├── common.py │ └── pyspybench.py ├── profiler_benchmark │ ├── profiler_bench.py │ └── resnet_memory_profiler.py ├── record_function_benchmark │ └── record_function_bench.py ├── serialization │ └── simple_measurement.py ├── static_runtime │ ├── CMakeLists.txt │ ├── deep_wide_pt.cc │ ├── deep_wide_pt.h │ ├── deep_wide_pt_bench.cc │ └── test_static_runtime.cc ├── tensorexpr │ ├── HowToRun.md │ ├── __main__.py │ ├── attention.py │ ├── benchmark.py │ ├── broadcast.py │ ├── conv.py │ ├── elementwise.py │ ├── matmul.py │ ├── normalization.py │ ├── pooling.py │ ├── pt_engine.py │ ├── reduction.py │ ├── rnn_eltwise.py │ ├── softmax.py │ ├── swish.py │ └── tensor_engine.py └── upload_scribe.py ├── binaries ├── CMakeLists.txt ├── at_launch_benchmark.cc ├── bench_gen │ └── bench_gen.py ├── benchmark_args.h ├── benchmark_helper.cc ├── benchmark_helper.h ├── caffe2_benchmark.cc ├── convert_and_benchmark.cc ├── convert_caffe_image_db.cc ├── convert_db.cc ├── convert_encoded_to_raw_leveldb.cc ├── convert_image_to_tensor.cc ├── core_overhead_benchmark.cc ├── core_overhead_benchmark_gpu.cc ├── db_throughput.cc ├── dump_operator_names.cc ├── inspect_gpu.cc ├── intra_inter_benchmark.cc ├── lite_interpreter_model_load.cc ├── make_cifar_db.cc ├── make_image_db.cc ├── make_mnist_db.cc ├── optimize_for_mobile.cc ├── parallel_info.cc ├── predictor_verifier.cc ├── print_core_object_sizes_gpu.cc ├── print_registered_core_operators.cc ├── record_function_benchmark.cc ├── run_plan.cc ├── run_plan_mpi.cc ├── speed_benchmark.cc ├── speed_benchmark_torch.cc ├── split_db.cc ├── tsv_2_proto.cc ├── tutorial_blob.cc └── zmq_feeder.cc ├── c10 ├── CMakeLists.txt ├── benchmark │ ├── CMakeLists.txt │ └── intrusive_ptr_benchmark.cpp ├── core │ ├── Allocator.cpp │ ├── Allocator.h │ ├── Backend.h │ ├── CPUAllocator.cpp │ ├── CPUAllocator.h │ ├── CompileTimeFunctionPointer.h │ ├── CopyBytes.cpp │ ├── CopyBytes.h │ ├── DefaultDtype.cpp │ ├── DefaultDtype.h │ ├── DefaultTensorOptions.h │ ├── Device.cpp │ ├── Device.h │ ├── DeviceGuard.h │ ├── DeviceType.cpp │ ├── DeviceType.h │ ├── DispatchKey.cpp │ ├── DispatchKey.h │ ├── DispatchKeySet.cpp │ ├── DispatchKeySet.h │ ├── Event.h │ ├── GeneratorImpl.cpp │ ├── GeneratorImpl.h │ ├── Layout.h │ ├── MemoryFormat.h │ ├── QEngine.h │ ├── QScheme.h │ ├── Scalar.cpp │ ├── Scalar.h │ ├── ScalarType.h │ ├── Storage.cpp │ ├── Storage.h │ ├── StorageImpl.cpp │ ├── StorageImpl.h │ ├── Stream.cpp │ ├── Stream.h │ ├── StreamGuard.h │ ├── TensorImpl.cpp │ ├── TensorImpl.h │ ├── TensorOptions.cpp │ ├── TensorOptions.h │ ├── UndefinedTensorImpl.cpp │ ├── UndefinedTensorImpl.h │ ├── WrapDimMinimal.h │ ├── impl │ │ ├── DeviceGuardImplInterface.cpp │ │ ├── DeviceGuardImplInterface.h │ │ ├── FakeGuardImpl.h │ │ ├── InlineDeviceGuard.h │ │ ├── InlineEvent.h │ │ ├── InlineStreamGuard.h │ │ ├── LocalDispatchKeySet.cpp │ │ ├── LocalDispatchKeySet.h │ │ ├── README.md │ │ └── VirtualGuardImpl.h │ ├── thread_pool.cpp │ └── thread_pool.h ├── cuda │ ├── CMakeLists.txt │ ├── CUDACachingAllocator.cpp │ ├── CUDACachingAllocator.h │ ├── CUDAException.h │ ├── CUDAFunctions.cpp │ ├── CUDAFunctions.h │ ├── CUDAGuard.h │ ├── CUDAMacros.h │ ├── CUDAMathCompat.h │ ├── CUDAStream.cpp │ ├── CUDAStream.h │ ├── README.md │ ├── impl │ │ ├── CUDAGuardImpl.cpp │ │ ├── CUDAGuardImpl.h │ │ ├── CUDATest.cpp │ │ ├── CUDATest.h │ │ └── cuda_cmake_macros.h.in │ └── test │ │ ├── CMakeLists.txt │ │ └── impl │ │ └── CUDATest.cpp ├── hip │ └── CMakeLists.txt ├── macros │ ├── Export.h │ ├── Macros.h │ └── cmake_macros.h.in ├── mobile │ ├── CPUCachingAllocator.cpp │ ├── CPUCachingAllocator.h │ ├── CPUProfilingAllocator.cpp │ └── CPUProfilingAllocator.h ├── test │ ├── CMakeLists.txt │ ├── core │ │ ├── CompileTimeFunctionPointer_test.cpp │ │ ├── DeviceGuard_test.cpp │ │ ├── DispatchKeySet_test.cpp │ │ ├── StreamGuard_test.cpp │ │ └── impl │ │ │ ├── InlineDeviceGuard_test.cpp │ │ │ └── InlineStreamGuard_test.cpp │ └── util │ │ ├── Array_test.cpp │ │ ├── Bitset_test.cpp │ │ ├── C++17_test.cpp │ │ ├── ConstexprCrc_test.cpp │ │ ├── Half_test.cpp │ │ ├── LeftRight_test.cpp │ │ ├── Macros.h │ │ ├── Metaprogramming_test.cpp │ │ ├── TypeIndex_test.cpp │ │ ├── TypeList_test.cpp │ │ ├── TypeTraits_test.cpp │ │ ├── bfloat16_test.cpp │ │ ├── complex_math_test.cpp │ │ ├── complex_math_test_common.h │ │ ├── complex_test.cpp │ │ ├── complex_test_common.h │ │ ├── either_test.cpp │ │ ├── exception_test.cpp │ │ ├── flags_test.cpp │ │ ├── intrusive_ptr_test.cpp │ │ ├── logging_test.cpp │ │ ├── ordered_preserving_dict_test.cpp │ │ ├── registry_test.cpp │ │ ├── string_view_test.cpp │ │ ├── tempfile_test.cpp │ │ └── typeid_test.cpp └── util │ ├── AlignOf.h │ ├── Array.cpp │ ├── Array.h │ ├── ArrayRef.h │ ├── BFloat16-inl.h │ ├── BFloat16-math.h │ ├── BFloat16.h │ ├── Backtrace.cpp │ ├── Backtrace.h │ ├── Bitset.h │ ├── C++17.cpp │ ├── C++17.h │ ├── ConstexprCrc.h │ ├── Deprecated.h │ ├── Exception.cpp │ ├── Exception.h │ ├── Flags.h │ ├── FunctionRef.h │ ├── Half-inl.h │ ├── Half.cpp │ ├── Half.h │ ├── IdWrapper.h │ ├── LeftRight.cpp │ ├── LeftRight.h │ ├── Logging.cpp │ ├── Logging.h │ ├── Metaprogramming.cpp │ ├── Metaprogramming.h │ ├── Optional.cpp │ ├── Optional.h │ ├── Registry.h │ ├── SmallVector.cpp │ ├── SmallVector.h │ ├── StringUtil.cpp │ ├── StringUtil.h │ ├── ThreadLocalDebugInfo.cpp │ ├── ThreadLocalDebugInfo.h │ ├── Type.cpp │ ├── Type.h │ ├── TypeCast.h │ ├── TypeIndex.h │ ├── TypeList.cpp │ ├── TypeList.h │ ├── TypeTraits.cpp │ ├── TypeTraits.h │ ├── UniqueVoidPtr.cpp │ ├── UniqueVoidPtr.h │ ├── complex.h │ ├── complex_math.h │ ├── complex_utils.h │ ├── either.h │ ├── flags_use_gflags.cpp │ ├── flags_use_no_gflags.cpp │ ├── flat_hash_map.h │ ├── hash.h │ ├── in_place.h │ ├── intrusive_ptr.cpp │ ├── intrusive_ptr.h │ ├── llvmMathExtras.h │ ├── logging_is_google_glog.h │ ├── logging_is_not_google_glog.h │ ├── math_compat.h │ ├── numa.cpp │ ├── numa.h │ ├── order_preserving_flat_hash_map.h │ ├── python_stub.h │ ├── qint32.h │ ├── qint8.h │ ├── quint4x2.h │ ├── quint8.h │ ├── reverse_iterator.h │ ├── sparse_bitset.h │ ├── string_utils.h │ ├── string_view.h │ ├── tempfile.h │ ├── thread_name.cpp │ ├── thread_name.h │ ├── typeid.cpp │ ├── typeid.h │ └── variant.h ├── caffe2 ├── .clang-format ├── CMakeLists.txt ├── README.md ├── VERSION_NUMBER ├── __init__.py ├── c2_aten_srcs.bzl ├── contrib │ ├── CMakeLists.txt │ ├── __init__.py │ ├── aten │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── __init__.py │ │ ├── aten_op.cc │ │ ├── aten_op.h │ │ ├── aten_op_gpu.cc │ │ ├── aten_op_template.h │ │ ├── aten_test.py │ │ ├── docs │ │ │ ├── __init__.py │ │ │ ├── pytorch_to_caffe2.md │ │ │ └── sample.py │ │ └── gen_op.py │ ├── docker-ubuntu-14.04 │ │ └── Dockerfile │ ├── fakelowp │ │ ├── CMakeLists.txt │ │ ├── batch_matmul_fp16_fake_op.cc │ │ ├── batch_matmul_fp16_fake_op.h │ │ ├── common.cc │ │ ├── common.h │ │ ├── elementwise_fp16_fake_op.cc │ │ ├── fp16_fc_acc_op.cc │ │ ├── fp16_fc_acc_op.h │ │ ├── fp16_fma.cc │ │ ├── fp16_fma.h │ │ ├── fp16_fma_slow.cc │ │ ├── fp16_fma_test.cc │ │ ├── fp16_gemm_utils.cc │ │ ├── fp16_gemm_utils.h │ │ ├── int8_dequantize_op_nnpi.cc │ │ ├── int8_dequantize_op_nnpi.h │ │ ├── int8_quantize_op_nnpi.cc │ │ ├── int8_quantize_op_nnpi.h │ │ ├── int8_swish_op_nnpi.cc │ │ ├── int8_swish_op_nnpi.h │ │ ├── layernorm_fp16_fake_op.cc │ │ ├── layernorm_fp16_fake_op.h │ │ ├── lengths_reducer_fused_4bit_rowwise_fp16_fake_op.cc │ │ ├── lengths_reducer_fused_4bit_rowwise_fp16_fake_op.h │ │ ├── lengths_reducer_fused_8bit_rowwise_fp16_fake_op.cc │ │ ├── lengths_reducer_fused_8bit_rowwise_fp16_fake_op.h │ │ ├── lengths_reducer_ops.cc │ │ ├── lengths_reducer_ops.h │ │ ├── quant_lut_fp16_fake_op.cc │ │ ├── quant_lut_fp16_fake_op.h │ │ ├── spatial_batch_norm_fp16_fake_op.cc │ │ ├── spatial_batch_norm_fp16_fake_op.h │ │ ├── sum_fp16_fake_op.h │ │ ├── test │ │ │ ├── README.md │ │ │ ├── test_batchmatmul_nnpi_fp16.py │ │ │ ├── test_batchnorm_nnpi_fp16.py │ │ │ ├── test_deq_swish_quant_nnpi.py │ │ │ ├── test_fc_nnpi_fp16.py │ │ │ ├── test_fusions.py │ │ │ ├── test_int8_ops_nnpi.py │ │ │ ├── test_int8_quant.py │ │ │ ├── test_layernorm_nnpi_fp16.py │ │ │ ├── test_op_nnpi_fp16.py │ │ │ ├── test_sls_4bit_nnpi_fp16.py │ │ │ ├── test_sls_8bit_nnpi_fp16.py │ │ │ └── test_sls_8bit_nnpi_fp32.py │ │ ├── unary_fp16_fake_op.cc │ │ └── unary_fp16_fake_op.h │ ├── gloo │ │ ├── CMakeLists.txt │ │ ├── __init__.py │ │ ├── allgather_ops.cc │ │ ├── allgather_ops.h │ │ ├── allreduce_ops.cc │ │ ├── allreduce_ops.h │ │ ├── allreduce_ops_gpu.cc │ │ ├── barrier_ops.cc │ │ ├── barrier_ops.h │ │ ├── broadcast_ops.cc │ │ ├── broadcast_ops.h │ │ ├── broadcast_ops_gpu.cc │ │ ├── common.cc │ │ ├── common.h │ │ ├── common_world_ops.cc │ │ ├── common_world_ops.h │ │ ├── common_world_ops_gpu.cc │ │ ├── context.cc │ │ ├── context.h │ │ ├── gloo_test.py │ │ ├── py_export.cc │ │ ├── reduce_scatter_ops.cc │ │ ├── reduce_scatter_ops.h │ │ ├── store_handler.cc │ │ └── store_handler.h │ ├── ideep │ │ └── CMakeLists.txt │ ├── nccl │ │ ├── CMakeLists.txt │ │ ├── __init__.py │ │ ├── cuda_nccl_gpu.cc │ │ ├── cuda_nccl_gpu.h │ │ ├── cuda_nccl_op_gpu.cc │ │ └── nccl_ops_test.py │ ├── nnpack │ │ ├── __init__.py │ │ ├── nnpack_ops.cc │ │ └── nnpack_ops_test.py │ ├── opencl │ │ ├── CMakeLists.txt │ │ ├── OpenCL │ │ │ └── cl.hpp │ │ ├── context.cc │ │ ├── context.h │ │ └── context_test.cc │ ├── playground │ │ ├── AnyExp.py │ │ ├── AnyExpOnTerm.py │ │ ├── ModuleRegister.py │ │ ├── README.md │ │ ├── __init__.py │ │ ├── checkpoint.py │ │ ├── compute_loss.py │ │ ├── compute_topk_accuracy.py │ │ ├── meter.py │ │ ├── module_map.py │ │ ├── output_generator.py │ │ └── resnetdemo │ │ │ ├── IN1k_resnet.py │ │ │ ├── IN1k_resnet_no_test_model.py │ │ │ ├── __init__.py │ │ │ ├── caffe2_resnet50_default_forward.py │ │ │ ├── caffe2_resnet50_default_param_update.py │ │ │ ├── explicit_resnet_forward.py │ │ │ ├── explicit_resnet_param_update.py │ │ │ ├── gfs_IN1k.py │ │ │ ├── override_no_test_model_no_checkpoint.py │ │ │ └── rendezvous_filestore.py │ ├── prof │ │ ├── CMakeLists.txt │ │ ├── __init__.py │ │ ├── cuda_profile_ops.cc │ │ ├── cuda_profile_ops_test.py │ │ ├── prof_dag_stats_op.cc │ │ └── prof_dag_stats_op.h │ ├── pytorch │ │ └── script_module_op.cc │ ├── script │ │ ├── __init__.py │ │ └── examples │ │ │ └── __init__.py │ ├── shm_mutex │ │ ├── CMakeLists.txt │ │ ├── shm_mutex.cc │ │ └── shm_mutex.h │ ├── tensorboard │ │ ├── __init__.py │ │ ├── tensorboard.md │ │ ├── tensorboard.py │ │ ├── tensorboard_exporter.py │ │ ├── tensorboard_exporter_test.py │ │ └── tensorboard_test.py │ ├── tensorrt │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── tensorrt_op_trt.cc │ │ ├── tensorrt_op_trt.h │ │ ├── tensorrt_tranformer.cc │ │ ├── tensorrt_tranformer.h │ │ ├── trt_utils.cc │ │ └── trt_utils.h │ └── warpctc │ │ ├── __init__.py │ │ ├── ctc_op.cpp │ │ ├── ctc_op.h │ │ ├── ctc_op_gpu.cpp │ │ └── ctc_ops_test.py ├── core │ ├── CMakeLists.txt │ ├── __init__.py │ ├── allocator.cc │ ├── allocator.h │ ├── blob.h │ ├── blob_gpu_test.cc │ ├── blob_serialization.cc │ ├── blob_serialization.h │ ├── blob_serialization_gpu.cc │ ├── blob_serializer_base.h │ ├── blob_stats.cc │ ├── blob_stats.h │ ├── blob_test.cc │ ├── common.cc │ ├── common.h │ ├── common_cudnn.cc │ ├── common_cudnn.h │ ├── common_gpu.cc │ ├── common_gpu.h │ ├── common_omp.h │ ├── common_test.cc │ ├── context.cc │ ├── context.h │ ├── context_base.cc │ ├── context_base.h │ ├── context_gpu.cu │ ├── context_gpu.h │ ├── context_gpu_test.cc │ ├── context_test.cc │ ├── cudnn_wrappers.h │ ├── db.cc │ ├── db.h │ ├── distributions_stubs.h │ ├── event.cc │ ├── event.h │ ├── event_cpu.h │ ├── event_gpu.cc │ ├── event_gpu_test.cc │ ├── event_test.cc │ ├── export_c10_op_to_caffe2.cc │ ├── export_c10_op_to_caffe2.h │ ├── export_caffe2_op_to_c10.h │ ├── flags.h │ ├── graph.cc │ ├── graph.h │ ├── graph_test.cc │ ├── hip │ │ ├── common_miopen.h │ │ ├── common_miopen.hip │ │ └── miopen_wrapper.h │ ├── init.cc │ ├── init.h │ ├── init_denormals.cc │ ├── init_intrinsics_check.cc │ ├── init_omp.cc │ ├── init_test.cc │ ├── int8_serialization.cc │ ├── logging.h │ ├── macros.h │ ├── macros.h.in │ ├── memonger.cc │ ├── memonger.h │ ├── module.cc │ ├── module.h │ ├── module_test.cc │ ├── net.cc │ ├── net.h │ ├── net_async_base.cc │ ├── net_async_base.h │ ├── net_async_scheduling.cc │ ├── net_async_scheduling.h │ ├── net_async_task.cc │ ├── net_async_task.h │ ├── net_async_task_future.cc │ ├── net_async_task_future.h │ ├── net_async_task_graph.cc │ ├── net_async_task_graph.h │ ├── net_async_tracing.cc │ ├── net_async_tracing.h │ ├── net_async_tracing_test.cc │ ├── net_dag_utils.cc │ ├── net_dag_utils.h │ ├── net_dag_utils_test.cc │ ├── net_gpu_test.cc │ ├── net_parallel.cc │ ├── net_parallel.h │ ├── net_simple.cc │ ├── net_simple.h │ ├── net_simple_refcount.cc │ ├── net_simple_refcount.h │ ├── net_simple_refcount_test.cc │ ├── net_test.cc │ ├── nomnigraph │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── Representations │ │ │ └── NeuralNet.cc │ │ ├── __init__.py │ │ ├── include │ │ │ └── nomnigraph │ │ │ │ ├── Converters │ │ │ │ └── Dot.h │ │ │ │ ├── Generated │ │ │ │ ├── OpClasses.h │ │ │ │ ├── OpEnum.h │ │ │ │ └── OpNames.h │ │ │ │ ├── Graph │ │ │ │ ├── Algorithms.h │ │ │ │ ├── BinaryMatchImpl.h │ │ │ │ ├── Graph.h │ │ │ │ ├── TarjansImpl.h │ │ │ │ └── TopoSort.h │ │ │ │ ├── Representations │ │ │ │ ├── Compiler.h │ │ │ │ ├── ControlFlow.h │ │ │ │ └── NeuralNet.h │ │ │ │ ├── Support │ │ │ │ ├── Casting.h │ │ │ │ ├── Common.h │ │ │ │ └── Pointer.h │ │ │ │ └── Transformations │ │ │ │ ├── Match.h │ │ │ │ └── SubgraphMatcher.h │ │ ├── op_gen.py │ │ ├── ops.def │ │ └── tests │ │ │ ├── AlgorithmsTest.cc │ │ │ ├── BinaryMatchImplTest.cc │ │ │ ├── GraphTest.cc │ │ │ ├── MatchTest.cc │ │ │ ├── NeuralNetTest.cc │ │ │ ├── SubgraphMatcherTest.cc │ │ │ ├── TarjansImplTest.cc │ │ │ ├── TopoSortTest.cc │ │ │ ├── test_util.cc │ │ │ └── test_util.h │ ├── numa.cc │ ├── numa.h │ ├── observer.h │ ├── observer_test.cc │ ├── operator.cc │ ├── operator.h │ ├── operator_gpu_test.cc │ ├── operator_gradient.h │ ├── operator_schema.cc │ ├── operator_schema.h │ ├── operator_schema_test.cc │ ├── operator_test.cc │ ├── parallel_net_test.cc │ ├── plan_executor.cc │ ├── plan_executor.h │ ├── plan_executor_test.cc │ ├── prof_dag_counters.cc │ ├── prof_dag_counters.h │ ├── qtensor.cc │ ├── qtensor.h │ ├── qtensor_serialization.cc │ ├── qtensor_serialization.h │ ├── scope_guard.h │ ├── static_tracepoint.h │ ├── static_tracepoint_elfx86.h │ ├── stats.cc │ ├── stats.h │ ├── stats_test.cc │ ├── storage.h │ ├── tensor.cc │ ├── tensor.h │ ├── tensor_impl.h │ ├── tensor_int8.cc │ ├── tensor_int8.h │ ├── test_utils.cc │ ├── test_utils.h │ ├── timer.h │ ├── timer_test.cc │ ├── transform.cc │ ├── transform.h │ ├── transform_test.cc │ ├── types.cc │ ├── types.h │ ├── workspace.cc │ ├── workspace.h │ └── workspace_test.cc ├── cuda_rtc │ ├── CMakeLists.txt │ ├── common_rtc.h │ ├── elemenntwise_rtc_gpu.cc │ └── pool_op_rtc_gpu.cc ├── db │ ├── CMakeLists.txt │ ├── create_db_op.cc │ ├── create_db_op.h │ ├── create_db_op_gpu.cc │ ├── db_test.cc │ ├── leveldb.cc │ ├── lmdb.cc │ ├── protodb.cc │ └── zmqdb.cc ├── distributed │ ├── CMakeLists.txt │ ├── __init__.py │ ├── file_store_handler.cc │ ├── file_store_handler.h │ ├── file_store_handler_op.cc │ ├── file_store_handler_op.h │ ├── file_store_handler_op_gpu.cc │ ├── file_store_handler_op_test.py │ ├── py_export.cc │ ├── python.pyi │ ├── redis_store_handler.cc │ ├── redis_store_handler.h │ ├── redis_store_handler_op.cc │ ├── redis_store_handler_op.h │ ├── redis_store_handler_op_gpu.cc │ ├── redis_store_handler_op_test.py │ ├── store_handler.cc │ ├── store_handler.h │ ├── store_ops.cc │ ├── store_ops.h │ └── store_ops_test_util.py ├── experiments │ ├── __init__.py │ ├── operators │ │ ├── fully_connected_op_decomposition.cc │ │ ├── fully_connected_op_decomposition.h │ │ ├── fully_connected_op_decomposition_gpu.cc │ │ ├── fully_connected_op_prune.cc │ │ ├── fully_connected_op_prune.h │ │ ├── fully_connected_op_sparse.cc │ │ ├── fully_connected_op_sparse.h │ │ ├── funhash_op.cc │ │ ├── funhash_op.h │ │ ├── sparse_funhash_op.cc │ │ ├── sparse_funhash_op.h │ │ ├── sparse_matrix_reshape_op.cc │ │ ├── sparse_matrix_reshape_op.h │ │ ├── tt_contraction_op.cc │ │ ├── tt_contraction_op.h │ │ ├── tt_contraction_op_gpu.cc │ │ ├── tt_pad_op.cc │ │ └── tt_pad_op.h │ └── python │ │ ├── SparseTransformer.py │ │ ├── __init__.py │ │ ├── convnet_benchmarks.py │ │ ├── device_reduce_sum_bench.py │ │ ├── funhash_op_test.py │ │ ├── net_construct_bench.py │ │ ├── sparse_funhash_op_test.py │ │ ├── sparse_reshape_op_test.py │ │ ├── tt_contraction_op_test.py │ │ └── tt_pad_op_test.py ├── ideep │ ├── CMakeLists.txt │ ├── ideep_utils.h │ ├── operators │ │ ├── adam_op.cc │ │ ├── channel_shuffle_op.cc │ │ ├── concat_split_op.cc │ │ ├── conv_op.cc │ │ ├── conv_pool_base_op.h │ │ ├── conv_transpose_op.cc │ │ ├── conv_transpose_unpool_base_op.h │ │ ├── dropout_op.cc │ │ ├── elementwise_sum_op.cc │ │ ├── expand_squeeze_dims_op.cc │ │ ├── fully_connected_op.cc │ │ ├── local_response_normalization_op.cc │ │ ├── momentum_sgd_op.cc │ │ ├── operator_fallback_ideep.cc │ │ ├── operator_fallback_ideep.h │ │ ├── order_switch_ops.cc │ │ ├── pool_op.cc │ │ ├── quantization │ │ │ ├── int8_add_op.cc │ │ │ ├── int8_conv_op.cc │ │ │ ├── int8_dequantize_op.cc │ │ │ ├── int8_fully_connected_op.cc │ │ │ ├── int8_given_tensor_fill_op.cc │ │ │ ├── int8_pool_op.cc │ │ │ ├── int8_quantize_op.cc │ │ │ └── int8_relu_op.cc │ │ ├── queue_ops.cc │ │ ├── relu_op.cc │ │ ├── reshape_op.cc │ │ ├── shape_op.cc │ │ ├── sigmoid_op.cc │ │ ├── spatial_batch_norm_op.cc │ │ ├── transpose_op.cc │ │ └── utility_ops.cc │ └── utils │ │ ├── ideep_context.h │ │ ├── ideep_operator.h │ │ └── ideep_register.cc ├── image │ ├── CMakeLists.txt │ ├── image_input_op.cc │ ├── image_input_op.h │ ├── image_input_op_gpu.cc │ ├── transform_gpu.cu │ └── transform_gpu.h ├── mobile │ ├── CMakeLists.txt │ └── contrib │ │ ├── CMakeLists.txt │ │ ├── ios │ │ ├── CMakeLists.txt │ │ ├── ios_caffe.cc │ │ ├── ios_caffe.h │ │ ├── ios_caffe_defines.h │ │ ├── ios_caffe_predictor.cc │ │ ├── ios_caffe_predictor.h │ │ ├── mpscnn │ │ │ ├── CMakeLists.txt │ │ │ ├── MPSCNN.metal │ │ │ ├── mpscnn.h │ │ │ ├── mpscnn.mm │ │ │ ├── mpscnn_context.h │ │ │ ├── mpscnn_context.mm │ │ │ ├── mpscnn_graph.mm │ │ │ ├── mpscnn_graph_mask.h │ │ │ ├── mpscnn_graph_mask.mm │ │ │ ├── mpscnn_kernels.h │ │ │ ├── mpscnn_test.h │ │ │ └── mpscnn_test.mm │ │ ├── pool_test.cc │ │ └── resize_test.cc │ │ ├── libopencl-stub │ │ ├── LICENSE │ │ ├── Makefile │ │ ├── README.md │ │ ├── include │ │ │ ├── CL │ │ │ │ ├── cl.h │ │ │ │ ├── cl.hpp │ │ │ │ ├── cl_ext.h │ │ │ │ ├── cl_gl.h │ │ │ │ ├── cl_gl_ext.h │ │ │ │ ├── cl_platform.h │ │ │ │ └── opencl.h │ │ │ └── libopencl.h │ │ └── src │ │ │ └── libopencl.c │ │ ├── libvulkan-stub │ │ ├── include │ │ │ ├── libvulkan-stub.h │ │ │ └── vulkan │ │ │ │ ├── vk_platform.h │ │ │ │ └── vulkan.h │ │ └── src │ │ │ └── libvulkan-stub.c │ │ ├── nnapi │ │ ├── CMakeLists.txt │ │ ├── NeuralNetworks.h │ │ ├── dlnnapi.c │ │ ├── dlnnapi.h │ │ ├── nnapi.cc │ │ ├── nnapi.h │ │ ├── nnapi_benchmark.cc │ │ └── nnapi_test.cc │ │ ├── snpe │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── snpe_ffi.cc │ │ ├── snpe_ffi.h │ │ ├── snpe_globals.cc │ │ ├── snpe_op.cc │ │ └── snpe_op_benchmark.cc │ │ └── ulp2 │ │ ├── ulp.cc │ │ ├── ulp.h │ │ ├── ulp_neon.cc │ │ ├── ulp_neon.h │ │ └── ulp_test.cc ├── mpi │ ├── CMakeLists.txt │ ├── mpi_common.cc │ ├── mpi_common.h │ ├── mpi_gpu_test.cc │ ├── mpi_ops.cc │ ├── mpi_ops.h │ ├── mpi_ops_gpu.cc │ └── mpi_test.cc ├── observers │ ├── CMakeLists.txt │ ├── README.md │ ├── operator_attaching_net_observer.h │ ├── profile_observer.cc │ ├── profile_observer.h │ ├── runcnt_observer.cc │ ├── runcnt_observer.h │ ├── time_observer.cc │ ├── time_observer.h │ └── time_observer_test.cc ├── onnx │ ├── CMakeLists.txt │ ├── backend.cc │ ├── backend.h │ ├── backend_rep.cc │ ├── backend_rep.h │ ├── device.cc │ ├── device.h │ ├── helper.cc │ ├── helper.h │ ├── offline_tensor.cc │ ├── offline_tensor.h │ ├── onnx_exporter.cc │ ├── onnx_exporter.h │ ├── onnxifi_graph_info.cc │ ├── onnxifi_graph_info.h │ ├── onnxifi_init.cc │ ├── onnxifi_init.h │ ├── ssa_test.cc │ └── torch_ops │ │ ├── CMakeLists.txt │ │ ├── constants.h │ │ ├── defs.cc │ │ ├── operator_sets.h │ │ ├── schema.cc │ │ └── schema.h ├── operators │ ├── CMakeLists.txt │ ├── abs_op.cc │ ├── abs_op.cu │ ├── abs_op.h │ ├── accumulate_op.cc │ ├── accumulate_op.cu │ ├── accumulate_op.h │ ├── accuracy_op.cc │ ├── accuracy_op.cu │ ├── accuracy_op.h │ ├── acos_op.cc │ ├── acos_op.cu │ ├── acos_op.h │ ├── activation_ops_cudnn.h │ ├── affine_channel_op.cc │ ├── affine_channel_op.cu │ ├── affine_channel_op.h │ ├── alias_with_name.cc │ ├── alias_with_name.cu │ ├── alias_with_name.h │ ├── apmeter_op.cc │ ├── apmeter_op.h │ ├── arg_ops.cc │ ├── arg_ops.cu │ ├── arg_ops.h │ ├── asin_op.cc │ ├── asin_op.cu │ ├── asin_op.h │ ├── assert_op.cc │ ├── assert_op.cu │ ├── assert_op.h │ ├── atan_op.cc │ ├── atan_op.cu │ ├── atan_op.h │ ├── atomic_ops.cc │ ├── batch_box_cox_op.cc │ ├── batch_box_cox_op.h │ ├── batch_bucketize_op.cc │ ├── batch_bucketize_op.h │ ├── batch_gather_ops.cc │ ├── batch_gather_ops.cu │ ├── batch_gather_ops.h │ ├── batch_matmul_op.cc │ ├── batch_matmul_op.cu │ ├── batch_matmul_op.h │ ├── batch_matmul_op_gpu_test.cc │ ├── batch_matmul_op_test.cc │ ├── batch_moments_op.cc │ ├── batch_moments_op.cu │ ├── batch_moments_op.h │ ├── batch_permutation_op.cc │ ├── batch_permutation_op.cu │ ├── batch_permutation_op.h │ ├── batch_permutation_op_gpu_test.cc │ ├── batch_sparse_to_dense_op.cc │ ├── batch_sparse_to_dense_op.cu │ ├── batch_sparse_to_dense_op.h │ ├── bbox_transform_op.cc │ ├── bbox_transform_op.h │ ├── bisect_percentile_op.cc │ ├── bisect_percentile_op.h │ ├── boolean_mask_ops.cc │ ├── boolean_mask_ops.cu │ ├── boolean_mask_ops.h │ ├── boolean_unmask_ops.cc │ ├── boolean_unmask_ops.cu │ ├── boolean_unmask_ops.h │ ├── boolean_unmask_ops_test.cc │ ├── box_with_nms_limit_op.cc │ ├── box_with_nms_limit_op.h │ ├── bucketize_op.cc │ ├── bucketize_op.cu │ ├── bucketize_op.h │ ├── byte_weight_dequant_op.cc │ ├── byte_weight_dequant_op.h │ ├── cast_op.cc │ ├── cast_op.cu │ ├── cast_op.h │ ├── cbrt_op.cc │ ├── cbrt_op.cu │ ├── cbrt_op.h │ ├── cc_bmm_bg_op.cc │ ├── cc_bmm_bg_op.h │ ├── ceil_op.cc │ ├── ceil_op.cu │ ├── ceil_op.h │ ├── channel_backprop_stats_op.cc │ ├── channel_backprop_stats_op.cu │ ├── channel_backprop_stats_op.h │ ├── channel_shuffle_op.cc │ ├── channel_shuffle_op.cu │ ├── channel_shuffle_op.h │ ├── channel_stats_op.cc │ ├── channel_stats_op.cu │ ├── channel_stats_op.h │ ├── channelwise_conv3d_op_cudnn.cu │ ├── clip_op.cc │ ├── clip_op.cu │ ├── clip_op.h │ ├── collect_and_distribute_fpn_rpn_proposals_op.cc │ ├── collect_and_distribute_fpn_rpn_proposals_op.h │ ├── communicator_op.cc │ ├── communicator_op_gpu.cc │ ├── concat_split_op.cc │ ├── concat_split_op.h │ ├── concat_split_op_gpu.cc │ ├── conditional_op.cc │ ├── conditional_op.h │ ├── conv_gradient_op.cc │ ├── conv_op.cc │ ├── conv_op.h │ ├── conv_op_cache_cudnn.cc │ ├── conv_op_cache_cudnn.h │ ├── conv_op_cache_cudnn_test.cc │ ├── conv_op_cudnn.cc │ ├── conv_op_eigen.cc │ ├── conv_op_gpu.cc │ ├── conv_op_impl.h │ ├── conv_op_shared.cc │ ├── conv_op_shared.h │ ├── conv_op_shared_gpu.cc │ ├── conv_pool_op_base.h │ ├── conv_transpose_gradient_op.cc │ ├── conv_transpose_op.cc │ ├── conv_transpose_op.h │ ├── conv_transpose_op_cudnn.cc │ ├── conv_transpose_op_gpu.cc │ ├── conv_transpose_op_impl.h │ ├── conv_transpose_op_mobile.cc │ ├── conv_transpose_op_mobile.h │ ├── conv_transpose_op_mobile_impl.h │ ├── conv_transpose_op_mobile_test.cc │ ├── conv_transpose_unpool_op_base.h │ ├── copy_op.cc │ ├── copy_op.cu │ ├── copy_op.h │ ├── copy_rows_to_tensor_op.cc │ ├── copy_rows_to_tensor_op.h │ ├── cos_op.cc │ ├── cos_op.cu │ ├── cos_op.h │ ├── cosh_op.cc │ ├── cosh_op.cu │ ├── cosh_op.h │ ├── cosine_embedding_criterion_op.cc │ ├── cosine_embedding_criterion_op.cu │ ├── cosine_embedding_criterion_op.h │ ├── counter_ops.cc │ ├── counter_ops.h │ ├── counter_ops_gpu.cc │ ├── crash_op.cc │ ├── create_scope_op.cc │ ├── create_scope_op.h │ ├── crf_viterbi_op.cc │ ├── cross_entropy_op.cc │ ├── cross_entropy_op.cu │ ├── cross_entropy_op.h │ ├── ctc_beam_search_decoder_op.cc │ ├── ctc_beam_search_decoder_op.h │ ├── ctc_greedy_decoder_op.cc │ ├── ctc_greedy_decoder_op.h │ ├── cube_op.cc │ ├── cube_op.cu │ ├── cube_op.h │ ├── data_couple.cc │ ├── data_couple.h │ ├── data_couple_gpu.cu │ ├── dataset_ops.cc │ ├── dataset_ops.h │ ├── deform_conv_gradient_op.cc │ ├── deform_conv_op.cc │ ├── deform_conv_op.cu │ ├── deform_conv_op.h │ ├── deform_conv_op_impl.h │ ├── dense_vector_to_id_list_op.cc │ ├── dense_vector_to_id_list_op.h │ ├── depthwise_3x3_conv_op_cudnn.cu │ ├── distance_op.cc │ ├── distance_op.cu │ ├── distance_op.h │ ├── do_op.cc │ ├── do_op.h │ ├── do_op_gpu.cc │ ├── dropout_op.cc │ ├── dropout_op.cu │ ├── dropout_op.h │ ├── dropout_op_cudnn.cc │ ├── elementwise_add_gradient_op.cc │ ├── elementwise_add_op.cc │ ├── elementwise_add_op.h │ ├── elementwise_add_op_gpu.cc │ ├── elementwise_div_gradient_op.cc │ ├── elementwise_div_op.cc │ ├── elementwise_div_op.cu │ ├── elementwise_div_op.h │ ├── elementwise_linear_op.cc │ ├── elementwise_linear_op.cu │ ├── elementwise_linear_op.h │ ├── elementwise_logical_ops.cc │ ├── elementwise_logical_ops.h │ ├── elementwise_mul_gradient_op.cc │ ├── elementwise_mul_op.cc │ ├── elementwise_mul_op.cu │ ├── elementwise_mul_op.h │ ├── elementwise_op_gpu_test.cc │ ├── elementwise_op_test.cc │ ├── elementwise_op_test.h │ ├── elementwise_ops.cc │ ├── elementwise_ops.cu │ ├── elementwise_ops.h │ ├── elementwise_ops_schema.cc │ ├── elementwise_ops_utils.cc │ ├── elementwise_ops_utils.h │ ├── elementwise_sub_gradient_op.cc │ ├── elementwise_sub_op.cc │ ├── elementwise_sub_op.h │ ├── elementwise_sub_op_gpu.cc │ ├── elementwise_sum_op.cc │ ├── elu_op.cc │ ├── elu_op.cu │ ├── elu_op.h │ ├── elu_op_cudnn.cc │ ├── enforce_finite_op.cc │ ├── enforce_finite_op.cu │ ├── enforce_finite_op.h │ ├── ensure_clipped_op.cc │ ├── ensure_clipped_op.h │ ├── ensure_cpu_output_op.cc │ ├── ensure_cpu_output_op.cu │ ├── ensure_cpu_output_op.h │ ├── erf_op.cc │ ├── erf_op.cu │ ├── erf_op.h │ ├── exp_op.cc │ ├── exp_op.h │ ├── exp_op_gpu.cc │ ├── expand_op.cc │ ├── expand_op.h │ ├── expand_op_gpu.cc │ ├── expand_squeeze_dims_op.cc │ ├── expand_squeeze_dims_op.h │ ├── expand_squeeze_dims_op_gpu.cc │ ├── fc_inference.cc │ ├── fc_inference.h │ ├── feature_maps_ops.cc │ ├── feature_maps_ops.h │ ├── feed_blob_op.cc │ ├── feed_blob_op.h │ ├── filler_op.cc │ ├── filler_op.cu │ ├── filler_op.h │ ├── find_duplicate_elements_op.cc │ ├── find_duplicate_elements_op.h │ ├── find_op.cc │ ├── find_op.cu │ ├── find_op.h │ ├── flatten_op.cc │ ├── flatten_op.h │ ├── flexible_top_k.cc │ ├── flexible_top_k.h │ ├── floor_op.cc │ ├── floor_op.cu │ ├── floor_op.h │ ├── free_op.cc │ ├── free_op.h │ ├── free_op_gpu.cc │ ├── fully_connected_op.cc │ ├── fully_connected_op.h │ ├── fully_connected_op_gpu.cc │ ├── fused_rowwise_8bit_conversion_ops.cc │ ├── fused_rowwise_8bit_conversion_ops.h │ ├── fused_rowwise_nbit_conversion_ops.cc │ ├── fused_rowwise_nbit_conversion_ops.h │ ├── fused_rowwise_nbitfake_conversion_ops.cc │ ├── fused_rowwise_nbitfake_conversion_ops.h │ ├── fused_rowwise_random_quantization_ops.cc │ ├── fused_rowwise_random_quantization_ops.h │ ├── gather_fused_8bit_rowwise_op.cc │ ├── gather_fused_8bit_rowwise_op.h │ ├── gather_op.cc │ ├── gather_op.cu │ ├── gather_op.cuh │ ├── gather_op.h │ ├── gather_ranges_to_dense_op.cc │ ├── gather_ranges_to_dense_op.h │ ├── gelu_op.cc │ ├── gelu_op.cu │ ├── gelu_op.h │ ├── generate_proposals_op.cc │ ├── generate_proposals_op.cu │ ├── generate_proposals_op.h │ ├── generate_proposals_op_gpu_test.cc │ ├── generate_proposals_op_test.cc │ ├── generate_proposals_op_util_boxes.h │ ├── generate_proposals_op_util_boxes_test.cc │ ├── generate_proposals_op_util_nms.h │ ├── generate_proposals_op_util_nms_gpu.cu │ ├── generate_proposals_op_util_nms_gpu.h │ ├── generate_proposals_op_util_nms_gpu_test.cc │ ├── generate_proposals_op_util_nms_test.cc │ ├── given_tensor_byte_string_to_uint8_fill_op.cc │ ├── given_tensor_byte_string_to_uint8_fill_op.cu │ ├── given_tensor_byte_string_to_uint8_fill_op.h │ ├── given_tensor_fill_op.cc │ ├── given_tensor_fill_op.cu │ ├── given_tensor_fill_op.h │ ├── glu_op.cc │ ├── glu_op.cu │ ├── glu_op.h │ ├── group_norm_op.cc │ ├── group_norm_op.cu │ ├── group_norm_op.h │ ├── gru_unit_op.cc │ ├── gru_unit_op.h │ ├── gru_unit_op_gpu.cu │ ├── h_softmax_op.cc │ ├── h_softmax_op.h │ ├── half_float_ops.cc │ ├── half_float_ops.cu │ ├── half_float_ops.h │ ├── half_float_ops_test.cc │ ├── hard_sigmoid_op.cc │ ├── hard_sigmoid_op.cu │ ├── hard_sigmoid_op.h │ ├── heatmap_max_keypoint_op.cc │ ├── heatmap_max_keypoint_op.h │ ├── hip │ │ ├── activation_ops_miopen.h │ │ ├── conv_op_miopen.hip │ │ ├── conv_transpose_op_miopen.hip │ │ ├── elu_op_miopen.hip │ │ ├── local_response_normalization_op_miopen.hip │ │ ├── pool_op_miopen.hip │ │ ├── relu_op_miopen.hip │ │ ├── sigmoid_op_miopen.hip │ │ ├── spatial_batch_norm_op_miopen.hip │ │ └── tanh_op_miopen.hip │ ├── histogram_op.cc │ ├── histogram_op.h │ ├── if_op.cc │ ├── if_op.h │ ├── if_op_gpu.cc │ ├── im2col_op.cc │ ├── im2col_op.h │ ├── im2col_op_gpu.cc │ ├── index_hash_ops.cc │ ├── index_hash_ops.h │ ├── index_ops.cc │ ├── index_ops.h │ ├── inference_lstm_op.cc │ ├── inference_lstm_op.h │ ├── instance_norm_gradient_op.cc │ ├── instance_norm_op.cc │ ├── instance_norm_op.cu │ ├── instance_norm_op.h │ ├── integral_image_op.cc │ ├── integral_image_op.cu │ ├── integral_image_op.h │ ├── is_empty_op.cc │ ├── is_empty_op.h │ ├── jsd_op.cc │ ├── jsd_op.h │ ├── key_split_ops.cc │ ├── key_split_ops.h │ ├── last_n_window_collector.cc │ ├── layer_norm_op.cc │ ├── layer_norm_op.cu │ ├── layer_norm_op.h │ ├── leaky_relu_op.cc │ ├── leaky_relu_op.cu │ ├── leaky_relu_op.h │ ├── length_split_op.cc │ ├── length_split_op.h │ ├── lengths_pad_op.cc │ ├── lengths_pad_op.cu │ ├── lengths_pad_op.h │ ├── lengths_reducer_fused_8bit_rowwise_ops.cc │ ├── lengths_reducer_fused_8bit_rowwise_ops.h │ ├── lengths_reducer_fused_nbit_rowwise_ops.cc │ ├── lengths_reducer_fused_nbit_rowwise_ops.h │ ├── lengths_reducer_ops.cc │ ├── lengths_reducer_ops.h │ ├── lengths_reducer_rowwise_8bit_ops.cc │ ├── lengths_reducer_rowwise_8bit_ops.h │ ├── lengths_tile_op.cc │ ├── lengths_tile_op.cu │ ├── lengths_tile_op.h │ ├── lengths_top_k_op.cc │ ├── lengths_top_k_op.h │ ├── listwise_l2r_op.cc │ ├── listwise_l2r_op.h │ ├── load_save_op.cc │ ├── load_save_op.h │ ├── load_save_op_gpu.cc │ ├── load_save_op_util.cc │ ├── load_save_op_util.h │ ├── local_response_normalization_op.cc │ ├── local_response_normalization_op.cu │ ├── local_response_normalization_op.h │ ├── local_response_normalization_op_cudnn.cc │ ├── locally_connected_op.cc │ ├── locally_connected_op.h │ ├── locally_connected_op_gpu.cc │ ├── locally_connected_op_impl.h │ ├── locally_connected_op_util.cc │ ├── locally_connected_op_util.h │ ├── log_op.cc │ ├── log_op.h │ ├── log_op_gpu.cc │ ├── logit_op.cc │ ├── logit_op.cu │ ├── logit_op.h │ ├── loss_op.cc │ ├── loss_op.cu │ ├── loss_op.h │ ├── lp_pool_op.cc │ ├── lp_pool_op.cu │ ├── lpnorm_op.cc │ ├── lpnorm_op.cu │ ├── lpnorm_op.h │ ├── lstm_unit_op.cc │ ├── lstm_unit_op.h │ ├── lstm_unit_op_gpu.cu │ ├── lstm_utils.h │ ├── map_ops.cc │ ├── map_ops.h │ ├── margin_ranking_criterion_op.cc │ ├── margin_ranking_criterion_op.cu │ ├── margin_ranking_criterion_op.h │ ├── matmul_op.cc │ ├── matmul_op.h │ ├── matmul_op_gpu.cc │ ├── max_pool_with_index.cu │ ├── max_pool_with_index_gpu.h │ ├── mean_op.cc │ ├── mean_op.cu │ ├── mean_op.h │ ├── mem_query_op.cu │ ├── merge_id_lists_op.cc │ ├── merge_id_lists_op.h │ ├── minmax_gradient_ops.cc │ ├── minmax_ops.cc │ ├── minmax_ops.cu │ ├── minmax_ops.h │ ├── mish_op.cc │ ├── mish_op.h │ ├── mod_op.cc │ ├── mod_op.cu │ ├── mod_op.h │ ├── moments_op.cc │ ├── moments_op.cu │ ├── moments_op.h │ ├── multi_class_accuracy_op.cc │ ├── multi_class_accuracy_op.cu │ ├── multi_class_accuracy_op.h │ ├── negate_gradient_op.cc │ ├── negate_gradient_op.h │ ├── negate_gradient_op_gpu.cc │ ├── negative_op.cc │ ├── negative_op.h │ ├── negative_op_gpu.cc │ ├── ngram_ops.cc │ ├── ngram_ops.h │ ├── no_default_engine_op.h │ ├── norm_planar_yuv_op.cc │ ├── normalize_l1_op.cc │ ├── normalize_l1_op.h │ ├── normalize_op.cc │ ├── normalize_op.h │ ├── normalize_ops.cu │ ├── numpy_tile_op.cc │ ├── numpy_tile_op.h │ ├── one_hot_ops.cc │ ├── one_hot_ops.cu │ ├── one_hot_ops.h │ ├── onnx_while_op.cc │ ├── onnx_while_op.h │ ├── op_utils_cudnn.h │ ├── operator_fallback_gpu.h │ ├── operator_fallback_gpu_test.cc │ ├── order_switch_ops.cc │ ├── order_switch_ops.h │ ├── order_switch_ops_cudnn.cc │ ├── order_switch_ops_gpu.cc │ ├── pack_rnn_sequence_op.cc │ ├── pack_rnn_sequence_op.h │ ├── pack_segments.cc │ ├── pack_segments.cu │ ├── pack_segments.h │ ├── pad_op.cc │ ├── pad_op.h │ ├── pad_op_gpu.cu │ ├── partition_ops.cc │ ├── partition_ops.h │ ├── percentile_op.cc │ ├── percentile_op.h │ ├── perplexity_op.cc │ ├── perplexity_op.cu │ ├── perplexity_op.h │ ├── piecewise_linear_transform_op.cc │ ├── piecewise_linear_transform_op.cu │ ├── piecewise_linear_transform_op.h │ ├── pool_gradient_op.cc │ ├── pool_op.cc │ ├── pool_op.cu │ ├── pool_op.h │ ├── pool_op_cudnn.cc │ ├── pool_op_util.cc │ ├── pool_op_util.h │ ├── pow_op.cc │ ├── pow_op.cu │ ├── pow_op.h │ ├── prefetch_op.h │ ├── prelu_op.cc │ ├── prelu_op.cu │ ├── prelu_op.h │ ├── prepend_dim_op.cc │ ├── prepend_dim_op.h │ ├── prepend_dim_op_gpu.cc │ ├── quant_decode_op.cc │ ├── quant_decode_op.h │ ├── quantile_op.cc │ ├── quantile_op.h │ ├── quantized │ │ ├── CMakeLists.txt │ │ ├── init_qnnpack.cc │ │ ├── int8_add_op.cc │ │ ├── int8_add_op.h │ │ ├── int8_average_pool_op.cc │ │ ├── int8_average_pool_op.h │ │ ├── int8_channel_shuffle_op.cc │ │ ├── int8_channel_shuffle_op.h │ │ ├── int8_concat_op.cc │ │ ├── int8_concat_op.h │ │ ├── int8_conv_op.cc │ │ ├── int8_conv_op.h │ │ ├── int8_conv_op_relu.cc │ │ ├── int8_conv_transpose_op.cc │ │ ├── int8_conv_transpose_op.h │ │ ├── int8_dequantize_op.cc │ │ ├── int8_dequantize_op.h │ │ ├── int8_fc_op.cc │ │ ├── int8_fc_op.h │ │ ├── int8_flatten_op.cc │ │ ├── int8_flatten_op.h │ │ ├── int8_given_tensor_fill_op.cc │ │ ├── int8_given_tensor_fill_op.h │ │ ├── int8_leaky_relu_op.cc │ │ ├── int8_leaky_relu_op.h │ │ ├── int8_max_pool_op.cc │ │ ├── int8_max_pool_op.h │ │ ├── int8_quantize_op.cc │ │ ├── int8_quantize_op.h │ │ ├── int8_relu_op.cc │ │ ├── int8_relu_op.h │ │ ├── int8_reshape_op.cc │ │ ├── int8_reshape_op.h │ │ ├── int8_resize_nearest_op.cc │ │ ├── int8_resize_nearest_op.h │ │ ├── int8_roi_align_op.cc │ │ ├── int8_roi_align_op.h │ │ ├── int8_roi_align_op_test.cc │ │ ├── int8_sigmoid_op.cc │ │ ├── int8_sigmoid_op.h │ │ ├── int8_simd.h │ │ ├── int8_slice_op.cc │ │ ├── int8_slice_op.h │ │ ├── int8_softmax_op.cc │ │ ├── int8_softmax_op.h │ │ ├── int8_test.cc │ │ ├── int8_test_utils.h │ │ ├── int8_transpose_op.cc │ │ ├── int8_transpose_op.h │ │ └── int8_utils.h │ ├── rank_loss_op.cc │ ├── rank_loss_op.h │ ├── reciprocal_gradient_op.cc │ ├── reciprocal_op.cc │ ├── reciprocal_op.cu │ ├── reciprocal_op.h │ ├── reduce_front_back_max_ops.cc │ ├── reduce_front_back_max_ops.cu │ ├── reduce_front_back_max_ops.h │ ├── reduce_front_back_mean_ops.cc │ ├── reduce_front_back_sum_mean_ops.cu │ ├── reduce_front_back_sum_mean_ops.h │ ├── reduce_front_back_sum_ops.cc │ ├── reduce_ops.cc │ ├── reduce_ops.cu │ ├── reduce_ops.h │ ├── reducer_functors.h │ ├── reduction_ops.cc │ ├── reduction_ops.cu │ ├── reduction_ops.h │ ├── relu_n_op.cc │ ├── relu_n_op.cu │ ├── relu_n_op.h │ ├── relu_op.cc │ ├── relu_op.cu │ ├── relu_op.h │ ├── remove_data_blocks_op.cc │ ├── remove_data_blocks_op.h │ ├── replace_nan_op.cc │ ├── replace_nan_op.cu │ ├── replace_nan_op.h │ ├── reservoir_sampling.cc │ ├── reshape_op.cc │ ├── reshape_op.h │ ├── reshape_op_gpu.cc │ ├── reshape_op_gpu_test.cc │ ├── resize_3d_op.cc │ ├── resize_3d_op.cu │ ├── resize_3d_op.h │ ├── resize_op.cc │ ├── resize_op.cu │ ├── resize_op.h │ ├── reverse_packed_segs_op.cc │ ├── reverse_packed_segs_op.cu │ ├── reverse_packed_segs_op.h │ ├── rmac_regions_op.cc │ ├── rmac_regions_op.cu │ ├── rmac_regions_op.h │ ├── rms_norm_op.cc │ ├── rms_norm_op.cu │ ├── rms_norm_op.h │ ├── rnn │ │ ├── CMakeLists.txt │ │ ├── hip │ │ │ ├── recurrent_op_miopen.h │ │ │ └── recurrent_op_miopen.hip │ │ ├── recurrent_network_blob_fetcher_op.cc │ │ ├── recurrent_network_blob_fetcher_op.h │ │ ├── recurrent_network_blob_fetcher_op_gpu.cc │ │ ├── recurrent_network_executor.cc │ │ ├── recurrent_network_executor.h │ │ ├── recurrent_network_executor_gpu.cc │ │ ├── recurrent_network_executor_gpu.h │ │ ├── recurrent_network_executor_incl.h │ │ ├── recurrent_network_op.cc │ │ ├── recurrent_network_op.h │ │ ├── recurrent_network_op_gpu.cu │ │ ├── recurrent_op_cudnn.cc │ │ └── recurrent_op_cudnn.h │ ├── roi_align_gradient_op.cc │ ├── roi_align_gradient_op.cu │ ├── roi_align_gradient_op.h │ ├── roi_align_op.cc │ ├── roi_align_op.cu │ ├── roi_align_op.h │ ├── roi_align_op_gpu_test.cc │ ├── roi_align_rotated_gradient_op.cc │ ├── roi_align_rotated_gradient_op.cu │ ├── roi_align_rotated_gradient_op.h │ ├── roi_align_rotated_op.cc │ ├── roi_align_rotated_op.cu │ ├── roi_align_rotated_op.h │ ├── roi_pool_op.cc │ ├── roi_pool_op.cu │ ├── roi_pool_op.h │ ├── rowmul_op.cc │ ├── rowmul_op.h │ ├── rsqrt_op.cc │ ├── rsqrt_op.cu │ ├── rsqrt_op.h │ ├── scale_blobs_op.cc │ ├── scale_blobs_op.cu │ ├── scale_blobs_op.h │ ├── scale_op.cc │ ├── scale_op.h │ ├── scale_op_gpu.cc │ ├── segment_reduction_op.cc │ ├── segment_reduction_op.h │ ├── segment_reduction_op_gpu.cu │ ├── segment_reduction_op_gpu.cuh │ ├── self_binning_histogram_op.cc │ ├── self_binning_histogram_op.h │ ├── selu_op.cc │ ├── selu_op.cu │ ├── selu_op.h │ ├── sequence_ops.cc │ ├── sequence_ops.cu │ ├── sequence_ops.h │ ├── shape_op.cc │ ├── shape_op.h │ ├── shape_op_gpu.cc │ ├── sigmoid_gradient_op.cc │ ├── sigmoid_op.cc │ ├── sigmoid_op.cu │ ├── sigmoid_op.h │ ├── sigmoid_op_cudnn.cc │ ├── sin_op.cc │ ├── sin_op.cu │ ├── sin_op.h │ ├── sinh_op.cc │ ├── sinh_op.cu │ ├── sinh_op.h │ ├── sinusoid_position_encoding_op.cc │ ├── sinusoid_position_encoding_op.h │ ├── slice_op.cc │ ├── slice_op.cu │ ├── slice_op.h │ ├── softmax_op.cc │ ├── softmax_op.h │ ├── softmax_op_cudnn.cc │ ├── softmax_ops.cu │ ├── softmax_utils.cc │ ├── softmax_utils.h │ ├── softmax_with_loss_op.cc │ ├── softmax_with_loss_op.h │ ├── softplus_op.cc │ ├── softplus_op.cu │ ├── softplus_op.h │ ├── softsign_op.cc │ ├── softsign_op.cu │ ├── softsign_op.h │ ├── space_batch_op.cc │ ├── space_batch_op.h │ ├── space_batch_op_gpu.cu │ ├── sparse_dropout_with_replacement_op.cc │ ├── sparse_dropout_with_replacement_op.h │ ├── sparse_lp_regularizer_op.cc │ ├── sparse_lp_regularizer_op.h │ ├── sparse_lp_regularizer_op_gpu.cu │ ├── sparse_normalize_op.cc │ ├── sparse_normalize_op.h │ ├── sparse_normalize_op_gpu.cu │ ├── sparse_to_dense_mask_op.cc │ ├── sparse_to_dense_mask_op.h │ ├── sparse_to_dense_op.cc │ ├── sparse_to_dense_op.cu │ ├── sparse_to_dense_op.h │ ├── spatial_batch_norm_gradient_op.cc │ ├── spatial_batch_norm_op.cc │ ├── spatial_batch_norm_op.cu │ ├── spatial_batch_norm_op.h │ ├── spatial_batch_norm_op_cudnn.cu │ ├── spatial_batch_norm_op_impl.cuh │ ├── spatial_softmax_with_loss_op.cc │ ├── spatial_softmax_with_loss_op.h │ ├── sqr_op.cc │ ├── sqr_op.h │ ├── sqr_op_gpu.cc │ ├── sqrt_op.cc │ ├── sqrt_op.h │ ├── sqrt_op_gpu.cc │ ├── square_root_divide_op.cc │ ├── square_root_divide_op.h │ ├── stats_ops.cc │ ├── stats_put_ops.cc │ ├── stats_put_ops.h │ ├── stop_gradient.cc │ ├── stop_gradient.h │ ├── stop_gradient_gpu.cc │ ├── string_ops.cc │ ├── string_ops.h │ ├── string_ops_test.cc │ ├── stump_func_op.cc │ ├── stump_func_op.cu │ ├── stump_func_op.h │ ├── stylizer_ops.cc │ ├── summarize_op.cc │ ├── summarize_op.cu │ ├── summarize_op.h │ ├── swish_op.cc │ ├── swish_op.cu │ ├── swish_op.h │ ├── tan_op.cc │ ├── tan_op.cu │ ├── tan_op.h │ ├── tanh_gradient_op.cc │ ├── tanh_op.cc │ ├── tanh_op.cu │ ├── tanh_op.h │ ├── tanh_op_cudnn.cc │ ├── tensor_protos_db_input.cc │ ├── tensor_protos_db_input.h │ ├── tensor_protos_db_input_gpu.cc │ ├── text_file_reader.cc │ ├── text_file_reader_utils.cc │ ├── text_file_reader_utils.h │ ├── text_file_reader_utils_test.cc │ ├── thresholded_relu_op.cc │ ├── thresholded_relu_op.cu │ ├── thresholded_relu_op.h │ ├── tile_op.cc │ ├── tile_op.cu │ ├── tile_op.h │ ├── top_k.cc │ ├── top_k.cu │ ├── top_k.h │ ├── top_k_heap_selection.cuh │ ├── top_k_radix_selection.cuh │ ├── transpose_op.cc │ ├── transpose_op.cu │ ├── transpose_op.h │ ├── transpose_op_cudnn.cc │ ├── tt_linear_op.cc │ ├── tt_linear_op.h │ ├── unique_ops.cc │ ├── unique_ops.cu │ ├── unique_ops.h │ ├── upsample_op.cc │ ├── upsample_op.cu │ ├── upsample_op.h │ ├── utility_ops.cc │ ├── utility_ops.cu │ ├── utility_ops.h │ ├── utility_ops_gpu_test.cc │ ├── utility_ops_test.cc │ ├── variable_length_sequence_padding.cc │ ├── variable_length_sequence_padding.h │ ├── weighted_multi_sampling_op.cc │ ├── weighted_multi_sampling_op.h │ ├── weighted_sample_op.cc │ ├── weighted_sample_op.cu │ ├── weighted_sample_op.h │ ├── while_op.cc │ ├── while_op.h │ ├── while_op_gpu.cc │ ├── workspace_ops.cc │ ├── zero_gradient_op.cc │ ├── zero_gradient_op.h │ └── zero_gradient_op_gpu.cc ├── opt │ ├── CMakeLists.txt │ ├── annotations.cc │ ├── annotations.h │ ├── backend_cutting.cc │ ├── backend_cutting.h │ ├── backend_cutting_test.cc │ ├── backend_transformer_base.cc │ ├── backend_transformer_base.h │ ├── bound_shape_inference_test.cc │ ├── bound_shape_inferencer.cc │ ├── bound_shape_inferencer.h │ ├── converter.cc │ ├── converter.h │ ├── converter_nomigraph_test.cc │ ├── custom │ │ ├── cc_amrc.cc │ │ ├── cc_amrc.h │ │ ├── concat_elim.cc │ │ ├── concat_elim.h │ │ ├── concat_elim_test.cc │ │ ├── concat_elim_test_net.pb │ │ ├── converter.cc │ │ ├── converter_test.cc │ │ ├── freeze_quantization_params.cc │ │ ├── freeze_quantization_params.h │ │ ├── in_batch_broadcast.cc │ │ ├── in_batch_broadcast.h │ │ ├── in_batch_broadcast_test.cc │ │ ├── pointwise_elim.cc │ │ ├── pointwise_elim.h │ │ └── test_cc_amcr_net.pb │ ├── dead_code_elim.cc │ ├── dead_code_elim_test.cc │ ├── device.cc │ ├── device.h │ ├── device_test.cc │ ├── distributed.cc │ ├── distributed.h │ ├── distributed_converter.cc │ ├── distributed_test.cc │ ├── fakefp16_transform.cc │ ├── fakefp16_transform.h │ ├── fusion.cc │ ├── fusion.h │ ├── glow_net_transform.cc │ ├── glow_net_transform.h │ ├── mobile.cc │ ├── mobile.h │ ├── mobile_test.cc │ ├── nql │ │ ├── ast.h │ │ ├── graphmatcher.cc │ │ ├── graphmatcher.h │ │ ├── lex.ll │ │ ├── parse.yy │ │ └── tests │ │ │ └── GraphMatcherTest.cc │ ├── onnx_convert.h │ ├── onnxifi_op.cc │ ├── onnxifi_op.h │ ├── onnxifi_transformer.cc │ ├── onnxifi_transformer.h │ ├── optimize_ideep.cc │ ├── optimize_ideep.h │ ├── optimizer.cc │ ├── optimizer.h │ ├── passes.cc │ ├── passes.h │ ├── shape_info.cc │ ├── shape_info.h │ ├── split_slss_test.cc │ ├── tvm_transformer.cc │ └── tvm_transformer.h ├── perfkernels │ ├── CMakeLists.txt │ ├── __init__.py │ ├── adagrad.cc │ ├── adagrad.h │ ├── adagrad_avx2.cc │ ├── common.h │ ├── common_avx.cc │ ├── common_avx2.cc │ ├── common_avx512.cc │ ├── cvtsh_ss_bugfix.h │ ├── embedding_lookup.cc │ ├── embedding_lookup.h │ ├── embedding_lookup_avx2.cc │ ├── embedding_lookup_fused_8bit_rowwise_avx2.cc │ ├── embedding_lookup_fused_8bit_rowwise_idx_avx2.cc │ ├── embedding_lookup_idx.cc │ ├── embedding_lookup_idx.h │ ├── embedding_lookup_idx_avx2.cc │ ├── fused_8bit_rowwise_embedding_lookup.cc │ ├── fused_8bit_rowwise_embedding_lookup.h │ ├── fused_8bit_rowwise_embedding_lookup_idx.cc │ ├── fused_8bit_rowwise_embedding_lookup_idx.h │ ├── fused_nbit_rowwise_conversion.cc │ ├── fused_nbit_rowwise_conversion.h │ ├── hp_emblookup_codegen.py │ ├── lstm_unit_cpu-impl.h │ ├── lstm_unit_cpu.h │ ├── lstm_unit_cpu_avx2.cc │ ├── lstm_unit_cpu_common.cc │ ├── lstm_unit_cpu_common.h │ ├── math.h │ ├── math_cpu_avx2.cc │ ├── math_cpu_base.cc │ ├── typed_axpy.cc │ ├── typed_axpy.h │ ├── typed_axpy_avx.cc │ └── typed_axpy_avx2.cc ├── predictor │ ├── CMakeLists.txt │ ├── InferenceGraph.h │ ├── ThreadLocalPtr.cc │ ├── ThreadLocalPtr.h │ ├── emulator │ │ ├── CMakeLists.txt │ │ ├── benchmark.cc │ │ ├── benchmark.h │ │ ├── data_filler.cc │ │ ├── data_filler.h │ │ ├── data_filler_test.cc │ │ ├── emulator.h │ │ ├── net_supplier.h │ │ ├── output_formatter.h │ │ ├── profiler.h │ │ ├── std_output_formatter.h │ │ ├── time_profiler.h │ │ └── utils.h │ ├── predictor.cc │ ├── predictor.h │ ├── predictor_config.cc │ ├── predictor_config.h │ ├── predictor_test.cc │ ├── predictor_utils.cc │ ├── predictor_utils.h │ ├── transforms.cc │ └── transforms.h ├── proto │ ├── CMakeLists.txt │ ├── __init__.py │ ├── caffe2.proto │ ├── caffe2_legacy.proto │ ├── caffe2_pb.h │ ├── caffe2_pb2.pyi │ ├── hsm.proto │ ├── metanet.proto │ ├── predictor_consts.proto │ ├── prof_dag.proto │ ├── torch.proto │ └── torch_pb.h ├── python │ ├── CMakeLists.txt │ ├── __init__.py │ ├── _import_c_extension.py │ ├── allcompare_test.py │ ├── attention.py │ ├── benchmark_generator.py │ ├── benchmarks │ │ ├── concat_benchmark.py │ │ ├── fused_rowwise_nbit_conversion_bench.py │ │ ├── sparse_lengths_sum_nbit_benchmark.py │ │ └── sparse_normalize_benchmark.py │ ├── binarysize.py │ ├── brew.py │ ├── brew_test.py │ ├── build.py │ ├── cached_reader.py │ ├── caffe_translator.py │ ├── caffe_translator_test.py │ ├── checkpoint.py │ ├── checkpoint_test.py │ ├── cnn.py │ ├── compatibility.py │ ├── context.py │ ├── context_test.py │ ├── control.py │ ├── control_ops_grad.py │ ├── control_ops_grad_test.py │ ├── control_ops_util.py │ ├── control_test.py │ ├── convert.py │ ├── convert_test.py │ ├── convnet_benchmarks.py │ ├── convnet_benchmarks_test.py │ ├── core.py │ ├── core_gradients_test.py │ ├── core_test.py │ ├── crf.py │ ├── crf_predict.py │ ├── crf_viterbi_test.py │ ├── data_parallel_model.py │ ├── data_parallel_model_test.py │ ├── data_workers.py │ ├── data_workers_test.py │ ├── dataio.py │ ├── dataio_test.py │ ├── dataset.py │ ├── db_file_reader.py │ ├── db_test.py │ ├── device_checker.py │ ├── dlpack.h │ ├── docs │ │ ├── __init__.py │ │ ├── formatter.py │ │ ├── generator.py │ │ ├── github.py │ │ └── parser.py │ ├── dyndep.py │ ├── embedding_generation_benchmark.py │ ├── examples │ │ ├── __init__.py │ │ ├── char_rnn.py │ │ ├── imagenet_trainer.py │ │ ├── lmdb_create_example.py │ │ └── resnet50_trainer.py │ ├── experiment_util.py │ ├── extension_loader.py │ ├── fakefp16_transform_lib.py │ ├── fakelowp │ │ ├── __init__.py │ │ ├── init_shared_libs.py │ │ └── test_utils.py │ ├── filler_test.py │ ├── functional.py │ ├── functional_test.py │ ├── fused_8bit_rowwise_conversion_ops_test.py │ ├── gradient_check_test.py │ ├── gradient_checker.py │ ├── gru_cell.py │ ├── helpers │ │ ├── __init__.py │ │ ├── algebra.py │ │ ├── arg_scope.py │ │ ├── array_helpers.py │ │ ├── control_ops.py │ │ ├── conv.py │ │ ├── db_input.py │ │ ├── dropout.py │ │ ├── elementwise_linear.py │ │ ├── fc.py │ │ ├── nonlinearity.py │ │ ├── normalization.py │ │ ├── pooling.py │ │ ├── tools.py │ │ └── train.py │ ├── hip_test_util.py │ ├── hsm_util.py │ ├── hypothesis_test.py │ ├── hypothesis_test_util.py │ ├── ideep │ │ ├── LRN_op_test.py │ │ ├── __init__.py │ │ ├── adam_op_test.py │ │ ├── blobs_queue_db_test.py │ │ ├── channel_shuffle_op_test.py │ │ ├── concat_split_op_test.py │ │ ├── conv_op_test.py │ │ ├── conv_transpose_test.py │ │ ├── convfusion_op_test.py │ │ ├── copy_op_test.py │ │ ├── dropout_op_test.py │ │ ├── elementwise_sum_op_test.py │ │ ├── expanddims_squeeze_op_test.py │ │ ├── fc_op_test.py │ │ ├── leaky_relu_op_test.py │ │ ├── moment_sgd_op_test.py │ │ ├── operator_fallback_op_test.py │ │ ├── order_switch_op_test.py │ │ ├── pool_op_test.py │ │ ├── pre_convert_test.py │ │ ├── relu_op_test.py │ │ ├── reshape_op_test.py │ │ ├── shape_op_test.py │ │ ├── sigmoid_op_test.py │ │ ├── softmax_op_test.py │ │ ├── spatial_bn_op_test.py │ │ ├── test_ideep_net.py │ │ ├── transform_ideep_net.py │ │ ├── transpose_op_test.py │ │ └── weightedsum_op_test.py │ ├── ideep_test_util.py │ ├── layer_model_helper.py │ ├── layer_model_instantiator.py │ ├── layer_parameter_sharing_test.py │ ├── layer_test_util.py │ ├── layers │ │ ├── __init__.py │ │ ├── adaptive_weight.py │ │ ├── add_bias.py │ │ ├── arc_cosine_feature_map.py │ │ ├── batch_huber_loss.py │ │ ├── batch_lr_loss.py │ │ ├── batch_mse_loss.py │ │ ├── batch_normalization.py │ │ ├── batch_sigmoid_cross_entropy_loss.py │ │ ├── batch_softmax_loss.py │ │ ├── blob_weighted_sum.py │ │ ├── bpr_loss.py │ │ ├── bucket_weighted.py │ │ ├── build_index.py │ │ ├── concat.py │ │ ├── constant_weight.py │ │ ├── conv.py │ │ ├── dropout.py │ │ ├── fc.py │ │ ├── fc_with_bootstrap.py │ │ ├── fc_without_bias.py │ │ ├── feature_sparse_to_dense.py │ │ ├── functional.py │ │ ├── gather_record.py │ │ ├── homotopy_weight.py │ │ ├── label_smooth.py │ │ ├── last_n_window_collector.py │ │ ├── layer_normalization.py │ │ ├── layers.py │ │ ├── margin_rank_loss.py │ │ ├── merge_id_lists.py │ │ ├── pairwise_similarity.py │ │ ├── position_weighted.py │ │ ├── random_fourier_features.py │ │ ├── reservoir_sampling.py │ │ ├── sampling_train.py │ │ ├── sampling_trainable_mixin.py │ │ ├── select_record_by_context.py │ │ ├── semi_random_features.py │ │ ├── sparse_dropout_with_replacement.py │ │ ├── sparse_feature_hash.py │ │ ├── sparse_lookup.py │ │ ├── split.py │ │ ├── tags.py │ │ └── uniform_sampling.py │ ├── layers_test.py │ ├── lazy.py │ ├── lazy_dyndep.py │ ├── lazy_dyndep_test.py │ ├── lengths_reducer_fused_8bit_rowwise_ops_test.py │ ├── lengths_reducer_rowwise_8bit_ops_test.py │ ├── lstm_benchmark.py │ ├── memonger.py │ ├── memonger_test.py │ ├── mint │ │ ├── __init__.py │ │ ├── app.py │ │ ├── static │ │ │ └── css │ │ │ │ └── simple-sidebar.css │ │ └── templates │ │ │ └── index.html │ ├── mkl │ │ ├── __init__.py │ │ ├── mkl_LRN_op_test.py │ │ ├── mkl_LRN_speed_test.py │ │ ├── mkl_concat_op_test.py │ │ ├── mkl_conv_op_test.py │ │ ├── mkl_copy_op_test.py │ │ ├── mkl_elementwise_add_op_test.py │ │ ├── mkl_elementwise_sum_op_test.py │ │ ├── mkl_fc_op_test.py │ │ ├── mkl_fc_speed_test.py │ │ ├── mkl_fill_op_test.py │ │ ├── mkl_pool_op_test.py │ │ ├── mkl_pool_speed_test.py │ │ ├── mkl_relu_op_test.py │ │ ├── mkl_sbn_op_test.py │ │ ├── mkl_sbn_speed_test.py │ │ ├── mkl_sigmoid_op_test.py │ │ ├── mkl_speed_test.py │ │ ├── mkl_squeeze_op_test.py │ │ ├── rewrite_graph.py │ │ └── rewrite_graph_test.py │ ├── mkl_test_util.py │ ├── model_device_test.py │ ├── model_helper.py │ ├── model_helper_test.py │ ├── modeling │ │ ├── __init__.py │ │ ├── compute_histogram_for_blobs.py │ │ ├── compute_histogram_for_blobs_test.py │ │ ├── compute_norm_for_blobs.py │ │ ├── compute_norm_for_blobs_test.py │ │ ├── compute_statistics_for_blobs.py │ │ ├── compute_statistics_for_blobs_test.py │ │ ├── get_entry_from_blobs.py │ │ ├── get_entry_from_blobs_test.py │ │ ├── gradient_clipping.py │ │ ├── gradient_clipping_test.py │ │ ├── initializers.py │ │ ├── initializers_test.py │ │ ├── net_modifier.py │ │ ├── parameter_info.py │ │ ├── parameter_sharing.py │ │ └── parameter_sharing_test.py │ ├── models │ │ ├── __init__.py │ │ ├── __sym_init__.py │ │ ├── download.py │ │ ├── imagenet_trainer_test_utils.py │ │ ├── resnet.py │ │ ├── resnet_test.py │ │ ├── seq2seq │ │ │ ├── __init__.py │ │ │ ├── beam_search.py │ │ │ ├── seq2seq_beam_search_test.py │ │ │ ├── seq2seq_model_helper.py │ │ │ ├── seq2seq_model_helper_test.py │ │ │ ├── seq2seq_util.py │ │ │ ├── train.py │ │ │ └── translate.py │ │ ├── shufflenet.py │ │ └── shufflenet_test.py │ ├── modifier_context.py │ ├── mpi_python.cc │ ├── muji.py │ ├── muji_test.py │ ├── net_builder.py │ ├── net_builder_test.py │ ├── net_drawer.py │ ├── net_printer.py │ ├── net_printer_test.py │ ├── nomnigraph.py │ ├── nomnigraph_test.py │ ├── nomnigraph_transformations.py │ ├── nomnigraph_transformations_test.py │ ├── normalizer.py │ ├── normalizer_context.py │ ├── normalizer_test.py │ ├── numa_benchmark.py │ ├── numa_test.py │ ├── observer_test.py │ ├── onnx │ │ ├── ONNXOpCoverage.md │ │ ├── README.md │ │ ├── __init__.py │ │ ├── backend.py │ │ ├── backend_cpp_rep.py │ │ ├── backend_rep.py │ │ ├── bin │ │ │ ├── __init__.py │ │ │ └── conversion.py │ │ ├── error.py │ │ ├── frontend.py │ │ ├── helper.py │ │ ├── onnxifi.py │ │ ├── test_onnxifi.py │ │ ├── tests │ │ │ ├── __init__.py │ │ │ ├── c2_ref_test.py │ │ │ ├── conversion_test.py │ │ │ ├── helper_test.py │ │ │ ├── onnx_backend_test.py │ │ │ ├── ssa_test.py │ │ │ └── test_utils.py │ │ └── workspace.py │ ├── operator_fp_exceptions_test.py │ ├── operator_test │ │ ├── __init__.py │ │ ├── activation_ops_test.py │ │ ├── adadelta_test.py │ │ ├── adagrad_test.py │ │ ├── adagrad_test_helper.py │ │ ├── adam_test.py │ │ ├── affine_channel_op_test.py │ │ ├── alias_with_name_test.py │ │ ├── apmeter_test.py │ │ ├── arg_ops_test.py │ │ ├── assert_test.py │ │ ├── atomic_ops_test.py │ │ ├── basic_rnn_test.py │ │ ├── batch_box_cox_test.py │ │ ├── batch_bucketize_op_test.py │ │ ├── batch_moments_op_test.py │ │ ├── batch_sparse_to_dense_op_test.py │ │ ├── bbox_transform_test.py │ │ ├── bisect_percentile_op_test.py │ │ ├── blobs_queue_db_test.py │ │ ├── boolean_mask_test.py │ │ ├── boolean_unmask_test.py │ │ ├── box_with_nms_limit_op_test.py │ │ ├── bucketize_op_test.py │ │ ├── cast_op_test.py │ │ ├── ceil_op_test.py │ │ ├── channel_backprop_stats_op_test.py │ │ ├── channel_shuffle_test.py │ │ ├── channel_stats_op_test.py │ │ ├── checkpoint_test.py │ │ ├── clip_op_test.py │ │ ├── clip_tensor_op_test.py │ │ ├── collect_and_distribute_fpn_rpn_proposals_op_test.py │ │ ├── concat_split_op_test.py │ │ ├── conditional_test.py │ │ ├── conftest.py │ │ ├── conv_test.py │ │ ├── conv_transpose_test.py │ │ ├── copy_ops_test.py │ │ ├── copy_rows_to_tensor_op_test.py │ │ ├── cosine_embedding_criterion_op_test.py │ │ ├── counter_ops_test.py │ │ ├── crf_test.py │ │ ├── cross_entropy_ops_test.py │ │ ├── ctc_beam_search_decoder_op_test.py │ │ ├── ctc_greedy_decoder_op_test.py │ │ ├── cudnn_recurrent_test.py │ │ ├── data_couple_op_test.py │ │ ├── dataset_ops_test.py │ │ ├── deform_conv_test.py │ │ ├── dense_vector_to_id_list_op_test.py │ │ ├── depthwise_3x3_conv_test.py │ │ ├── detectron_keypoints.py │ │ ├── distance_op_test.py │ │ ├── dropout_op_test.py │ │ ├── duplicate_operands_test.py │ │ ├── elementwise_linear_op_test.py │ │ ├── elementwise_logical_ops_test.py │ │ ├── elementwise_op_broadcast_test.py │ │ ├── elementwise_ops_test.py │ │ ├── emptysample_ops_test.py │ │ ├── enforce_finite_op_test.py │ │ ├── ensure_clipped_test.py │ │ ├── ensure_cpu_output_op_test.py │ │ ├── erf_op_test.py │ │ ├── expand_op_test.py │ │ ├── fc_operator_test.py │ │ ├── feature_maps_ops_test.py │ │ ├── filler_ops_test.py │ │ ├── find_op_test.py │ │ ├── flatten_op_test.py │ │ ├── flexible_top_k_test.py │ │ ├── floor_op_test.py │ │ ├── fused_nbit_rowwise_conversion_ops_test.py │ │ ├── fused_nbit_rowwise_test.cc │ │ ├── fused_nbit_rowwise_test_helper.py │ │ ├── gather_ops_test.py │ │ ├── gather_ranges_op_test.py │ │ ├── given_tensor_byte_string_to_uint8_fill_op_test.py │ │ ├── given_tensor_fill_op_test.py │ │ ├── glu_op_test.py │ │ ├── group_conv_test.py │ │ ├── group_norm_op_test.py │ │ ├── gru_test.py │ │ ├── heatmap_max_keypoint_op_test.py │ │ ├── histogram_test.py │ │ ├── hsm_test.py │ │ ├── hyperbolic_ops_test.py │ │ ├── im2col_col2im_test.py │ │ ├── image_input_op_test.py │ │ ├── index_hash_ops_test.py │ │ ├── index_ops_test.py │ │ ├── instance_norm_test.py │ │ ├── integral_image_ops_test.py │ │ ├── jsd_ops_test.py │ │ ├── key_split_ops_test.py │ │ ├── lars_test.py │ │ ├── layer_norm_op_test.py │ │ ├── leaky_relu_test.py │ │ ├── learning_rate_adaption_op_test.py │ │ ├── learning_rate_op_test.py │ │ ├── length_split_op_test.py │ │ ├── lengths_pad_op_test.py │ │ ├── lengths_reducer_fused_nbit_rowwise_ops_test.py │ │ ├── lengths_tile_op_test.py │ │ ├── lengths_top_k_ops_test.py │ │ ├── listwise_l2r_operator_test.py │ │ ├── load_save_test.py │ │ ├── locally_connected_op_test.py │ │ ├── loss_ops_test.py │ │ ├── lpnorm_op_test.py │ │ ├── map_ops_test.py │ │ ├── margin_ranking_criterion_op_test.py │ │ ├── math_ops_test.py │ │ ├── matmul_op_test.py │ │ ├── mean_op_test.py │ │ ├── merge_id_lists_op_test.py │ │ ├── mkl_conv_op_test.py │ │ ├── mkl_packed_fc_op_test.py │ │ ├── mod_op_test.py │ │ ├── moments_op_test.py │ │ ├── momentum_sgd_test.py │ │ ├── mpi_test.py │ │ ├── mul_gradient_benchmark.py │ │ ├── negate_gradient_op_test.py │ │ ├── ngram_ops_test.py │ │ ├── normalize_op_test.py │ │ ├── numpy_tile_op_test.py │ │ ├── one_hot_ops_test.py │ │ ├── onnx_while_test.py │ │ ├── order_switch_test.py │ │ ├── pack_ops_test.py │ │ ├── pack_rnn_sequence_op_test.py │ │ ├── pad_test.py │ │ ├── partition_ops_test.py │ │ ├── percentile_op_test.py │ │ ├── piecewise_linear_transform_test.py │ │ ├── pooling_test.py │ │ ├── prepend_dim_test.py │ │ ├── python_op_test.py │ │ ├── quantile_test.py │ │ ├── rand_quantization_op_speed_test.py │ │ ├── rand_quantization_op_test.py │ │ ├── rank_loss_operator_test.py │ │ ├── rebatching_queue_test.py │ │ ├── record_queue_test.py │ │ ├── recurrent_net_executor_test.py │ │ ├── recurrent_network_test.py │ │ ├── reduce_ops_test.py │ │ ├── reduction_ops_test.py │ │ ├── reshape_ops_test.py │ │ ├── resize_op_test.py │ │ ├── rmac_regions_op_test.py │ │ ├── rms_norm_op_test.py │ │ ├── rnn_cell_test.py │ │ ├── roi_align_rotated_op_test.py │ │ ├── rowwise_counter_test.py │ │ ├── scale_op_test.py │ │ ├── segment_ops_test.py │ │ ├── self_binning_histogram_test.py │ │ ├── selu_op_test.py │ │ ├── sequence_ops_test.py │ │ ├── shape_inference_test.py │ │ ├── sinusoid_position_encoding_op_test.py │ │ ├── softmax_ops_test.py │ │ ├── softplus_op_test.py │ │ ├── sparse_dropout_with_replacement_op_test.py │ │ ├── sparse_gradient_checker_test.py │ │ ├── sparse_lengths_sum_benchmark.py │ │ ├── sparse_lp_regularizer_test.py │ │ ├── sparse_normalize_test.py │ │ ├── sparse_ops_test.py │ │ ├── sparse_to_dense_mask_op_test.py │ │ ├── spatial_bn_op_test.py │ │ ├── specialized_segment_ops_test.py │ │ ├── square_root_divide_op_test.py │ │ ├── stats_ops_test.py │ │ ├── stats_put_ops_test.py │ │ ├── storm_test.py │ │ ├── string_ops_test.py │ │ ├── text_file_reader_test.py │ │ ├── thresholded_relu_op_test.py │ │ ├── tile_op_test.py │ │ ├── top_k_test.py │ │ ├── torch_integration_test.py │ │ ├── transpose_op_test.py │ │ ├── trigonometric_op_test.py │ │ ├── unique_ops_test.py │ │ ├── unique_uniform_fill_op_test.py │ │ ├── upsample_op_test.py │ │ ├── utility_ops_test.py │ │ ├── video_input_op_test.py │ │ ├── weight_scale_test.py │ │ ├── weighted_multi_sample_test.py │ │ ├── weighted_sample_test.py │ │ ├── weighted_sum_test.py │ │ └── wngrad_test.py │ ├── optimizer.py │ ├── optimizer_context.py │ ├── optimizer_test.py │ ├── optimizer_test_util.py │ ├── parallel_workers.py │ ├── parallel_workers_test.py │ ├── parallelize_bmuf_distributed_test.py │ ├── pipeline.py │ ├── pipeline_test.py │ ├── predictor │ │ ├── __init__.py │ │ ├── mobile_exporter.py │ │ ├── mobile_exporter_test.py │ │ ├── predictor_exporter.py │ │ ├── predictor_exporter_test.py │ │ ├── predictor_py_utils.py │ │ ├── predictor_test.py │ │ └── serde.py │ ├── predictor_constants.py │ ├── pybind_state.cc │ ├── pybind_state.h │ ├── pybind_state_dlpack.cc │ ├── pybind_state_dlpack.h │ ├── pybind_state_gpu.cc │ ├── pybind_state_hip.cc │ ├── pybind_state_ideep.cc │ ├── pybind_state_int8.cc │ ├── pybind_state_nomni.cc │ ├── pybind_state_registry.cc │ ├── pybind_state_registry.h │ ├── python_op_test.py │ ├── queue_util.py │ ├── record_queue.py │ ├── recurrent.py │ ├── regularizer.py │ ├── regularizer_context.py │ ├── regularizer_test.py │ ├── rnn │ │ ├── __init__.py │ │ ├── lstm_comparison.py │ │ └── rnn_cell_test_util.py │ ├── rnn_cell.py │ ├── schema.py │ ├── schema_test.py │ ├── scope.py │ ├── scope_test.py │ ├── serialized_test │ │ ├── README.md │ │ ├── SerializedTestCoverage.md │ │ ├── __init__.py │ │ ├── coverage.py │ │ ├── data │ │ │ └── operator_test │ │ │ │ ├── activation_ops_test.test_elu.zip │ │ │ │ ├── activation_ops_test.test_leaky_relu.zip │ │ │ │ ├── activation_ops_test.test_relu.zip │ │ │ │ ├── activation_ops_test.test_relu_n.zip │ │ │ │ ├── adadelta_test.test_adadelta.zip │ │ │ │ ├── adadelta_test.test_sparse_adadelta_empty.zip │ │ │ │ ├── adagrad_test.test_adagrad.zip │ │ │ │ ├── adagrad_test.test_row_wise_sparse_adagrad_empty.zip │ │ │ │ ├── adagrad_test.test_sparse_adagrad_empty.zip │ │ │ │ ├── affine_channel_op_test.test_affine_channel_2d.zip │ │ │ │ ├── arg_ops_test.test_argmax.zip │ │ │ │ ├── arg_ops_test.test_argmin.zip │ │ │ │ ├── batch_box_cox_test.test_batch_box_cox.zip │ │ │ │ ├── batch_bucketize_op_test.test_batch_bucketize_example.zip │ │ │ │ ├── batch_moments_op_test.test_batch_moments_2d.zip │ │ │ │ ├── batch_sparse_to_dense_op_test.test_batch_sparse_to_dense.zip │ │ │ │ ├── bbox_transform_test.test_bbox_transform.zip │ │ │ │ ├── boolean_mask_test.test_boolean_mask.zip │ │ │ │ ├── boolean_mask_test.test_sequence_mask_with_lengths.zip │ │ │ │ ├── boolean_unmask_test.test.zip │ │ │ │ ├── box_with_nms_limit_op_test.test_simple.zip │ │ │ │ ├── ceil_op_test.test_ceil.zip │ │ │ │ ├── channel_backprop_stats_op_test.testChannelBackpropStats.zip │ │ │ │ ├── channel_shuffle_test.test_channel_shuffle.zip │ │ │ │ ├── channel_stats_op_test.testChannelStats.zip │ │ │ │ ├── channel_stats_op_test.test_channel_stats_2d.zip │ │ │ │ ├── channel_stats_op_test.test_channel_stats_3d.zip │ │ │ │ ├── clip_op_test.test_clip.zip │ │ │ │ ├── clip_tensor_op_test.test_clip_tensor_by_scaling.zip │ │ │ │ ├── collect_and_distribute_fpn_rpn_proposals_op_test.test_collect_and_dist.zip │ │ │ │ ├── concat_split_op_test.test_concat.zip │ │ │ │ ├── concat_split_op_test.test_split.zip │ │ │ │ ├── concat_split_op_test.test_split_by_lengths.zip │ │ │ │ ├── conditional_test.test_conditional.zip │ │ │ │ ├── conv_test.test_1x1_conv.zip │ │ │ │ ├── cosine_embedding_criterion_op_test.test_cosine_embedding_criterion.zip │ │ │ │ ├── ctc_beam_search_decoder_op_test.test_ctc_beam_search_decoder.zip │ │ │ │ ├── ctc_greedy_decoder_op_test.test_ctc_greedy_decoder.zip │ │ │ │ ├── distance_op_test.test_dot_product.zip │ │ │ │ ├── dropout_op_test.test_dropout_is_test.zip │ │ │ │ ├── elementwise_linear_op_test.test.zip │ │ │ │ ├── elementwise_logical_ops_test.test_is_member_of.zip │ │ │ │ ├── elementwise_logical_ops_test.test_where.zip │ │ │ │ ├── elementwise_op_broadcast_test.test_broadcast_powt.zip │ │ │ │ ├── erf_op_test.test_erf.zip │ │ │ │ ├── expand_op_test.test_expand_rand_shape.zip │ │ │ │ ├── fc_operator_test.test_fc.zip │ │ │ │ ├── filler_ops_test.test_diagonal_fill_op_float.zip │ │ │ │ ├── filler_ops_test.test_lengths_range_fill.zip │ │ │ │ ├── find_op_test.test_find.zip │ │ │ │ ├── flexible_top_k_test.test_flexible_top_k.zip │ │ │ │ ├── floor_op_test.test_floor.zip │ │ │ │ ├── gather_ops_test.test_batch_gather_ops.zip │ │ │ │ ├── gather_ops_test.test_gather_ops.zip │ │ │ │ ├── gather_ranges_op_test.test_gather_ranges.zip │ │ │ │ ├── gather_ranges_op_test.test_gather_ranges_split.zip │ │ │ │ ├── glu_op_test.test_glu_old.zip │ │ │ │ ├── group_norm_op_test.test_group_norm_2d.zip │ │ │ │ ├── gru_test.test_gru_unit_op.zip │ │ │ │ ├── hyperbolic_ops_test.test_cosh.zip │ │ │ │ ├── hyperbolic_ops_test.test_sinh.zip │ │ │ │ ├── hyperbolic_ops_test.test_tanh.zip │ │ │ │ ├── index_hash_ops_test.test_index_hash_ops.zip │ │ │ │ ├── instance_norm_test.test_instance_norm_reference_check.zip │ │ │ │ ├── integral_image_ops_test.test_integral_image_gradient_ops.zip │ │ │ │ ├── integral_image_ops_test.test_integral_image_ops.zip │ │ │ │ ├── jsd_ops_test.test_bernoulli_jsd.zip │ │ │ │ ├── layer_norm_op_test.test_layer_norm_grad_op.zip │ │ │ │ ├── learning_rate_adaption_op_test.test_learning_rate_adaption_op_normalization.zip │ │ │ │ ├── learning_rate_op_test.test_alter_learning_rate_op.zip │ │ │ │ ├── length_split_op_test.test_length_split_edge.zip │ │ │ │ ├── lengths_pad_op_test.test_lengths_pad.zip │ │ │ │ ├── lengths_tile_op_test.test_lengths_tile.zip │ │ │ │ ├── lengths_top_k_ops_test.test_lengths_top_k_op.zip │ │ │ │ ├── locally_connected_op_test.test_lc_2d.zip │ │ │ │ ├── loss_ops_test.test_averaged_loss.zip │ │ │ │ ├── margin_ranking_criterion_op_test.test_margin_ranking_criterion.zip │ │ │ │ ├── math_ops_test.test_sign.zip │ │ │ │ ├── matmul_op_test.test_batch_matmul.zip │ │ │ │ ├── matmul_op_test.test_matmul.zip │ │ │ │ ├── matmul_op_test.test_numpy_batch_matmul.zip │ │ │ │ ├── mean_op_test.test_mean.zip │ │ │ │ ├── merge_id_lists_op_test.test_merge_id_lists_op.zip │ │ │ │ ├── moments_op_test.test_moments.zip │ │ │ │ ├── momentum_sgd_test.test_momentum_sgd.zip │ │ │ │ ├── momentum_sgd_test.test_sparse_momentum_sgd.zip │ │ │ │ ├── negate_gradient_op_test.test_forward.zip │ │ │ │ ├── numpy_tile_op_test.test_numpy_tile.zip │ │ │ │ ├── one_hot_ops_test.test_batch_bucketized_one_hot.zip │ │ │ │ ├── one_hot_ops_test.test_batch_one_hot.zip │ │ │ │ ├── one_hot_ops_test.test_one_hot.zip │ │ │ │ ├── one_hot_ops_test.test_segment_one_hot.zip │ │ │ │ ├── onnx_while_test.test_onnx_while_fibb.zip │ │ │ │ ├── pack_ops_test.test_pack_with_max_length_ops.zip │ │ │ │ ├── pack_rnn_sequence_op_test.test_pack_rnn_seqence.zip │ │ │ │ ├── pack_rnn_sequence_op_test.test_unpack_rnn_seqence.zip │ │ │ │ ├── pad_test.test_crop.zip │ │ │ │ ├── piecewise_linear_transform_test.test_multi_predictions_params_from_arg.zip │ │ │ │ ├── rank_loss_operator_test.test_pair_wise_loss_batch.zip │ │ │ │ ├── recurrent_network_test.test_mul.zip │ │ │ │ ├── reduce_ops_test.test_reduce_back_max.zip │ │ │ │ ├── reduce_ops_test.test_reduce_back_mean.zip │ │ │ │ ├── reduce_ops_test.test_reduce_front_max.zip │ │ │ │ ├── reduce_ops_test.test_reduce_front_mean.zip │ │ │ │ ├── reduce_ops_test.test_reduce_front_sum.zip │ │ │ │ ├── reduce_ops_test.test_reduce_l2.zip │ │ │ │ ├── reduce_ops_test.test_reduce_max.zip │ │ │ │ ├── reduce_ops_test.test_reduce_mean.zip │ │ │ │ ├── reduce_ops_test.test_reduce_min.zip │ │ │ │ ├── reduction_ops_test.test_columnwise_max.zip │ │ │ │ ├── reduction_ops_test.test_elementwise_int_sum.zip │ │ │ │ ├── reduction_ops_test.test_elementwise_sqrsum.zip │ │ │ │ ├── reduction_ops_test.test_elementwise_sum.zip │ │ │ │ ├── reduction_ops_test.test_rowwise_max.zip │ │ │ │ ├── selu_op_test.test_selu_1.zip │ │ │ │ ├── sequence_ops_test.test_add_padding.zip │ │ │ │ ├── sequence_ops_test.test_find_duplicate_elements.zip │ │ │ │ ├── sequence_ops_test.test_gather_padding.zip │ │ │ │ ├── sequence_ops_test.test_remove_data_blocks.zip │ │ │ │ ├── sequence_ops_test.test_reverse_packed_segs.zip │ │ │ │ ├── sinusoid_position_encoding_op_test.test_sinusoid_embedding.zip │ │ │ │ ├── softmax_ops_test.test_softmax.zip │ │ │ │ ├── softmax_ops_test.test_softmax_grad.zip │ │ │ │ ├── softmax_ops_test.test_softmax_with_loss.zip │ │ │ │ ├── softmax_ops_test.test_spatial_softmax_with_loss.zip │ │ │ │ ├── sparse_ops_test.testScatterAssign.zip │ │ │ │ ├── sparse_ops_test.testScatterWeightedSum.zip │ │ │ │ ├── spatial_bn_op_test.test_spatialbn_test_mode_3d.zip │ │ │ │ ├── square_root_divide_op_test.test_square_root_divide.zip │ │ │ │ ├── string_ops_test.test_string_ends_with.zip │ │ │ │ ├── string_ops_test.test_string_starts_with.zip │ │ │ │ ├── thresholded_relu_op_test.test_thresholded_relu_1.zip │ │ │ │ ├── tile_op_test.test_tile.zip │ │ │ │ ├── top_k_test.test_top_k.zip │ │ │ │ ├── transpose_op_test.test_transpose.zip │ │ │ │ ├── trigonometric_op_test.test_acos.zip │ │ │ │ ├── trigonometric_op_test.test_asin.zip │ │ │ │ ├── trigonometric_op_test.test_atan.zip │ │ │ │ ├── trigonometric_op_test.test_tan.zip │ │ │ │ ├── unique_ops_test.test_unique_op.zip │ │ │ │ ├── upsample_op_test.test_upsample.zip │ │ │ │ ├── upsample_op_test.test_upsample_grad.zip │ │ │ │ ├── utility_ops_test.test_elementwise_max.zip │ │ │ │ ├── utility_ops_test.test_elementwise_max_grad.zip │ │ │ │ ├── utility_ops_test.test_elementwise_min.zip │ │ │ │ ├── utility_ops_test.test_elementwise_min_grad.zip │ │ │ │ ├── utility_ops_test.test_lengths_gather.zip │ │ │ │ ├── utility_ops_test.test_lengths_to_ranges.zip │ │ │ │ ├── utility_ops_test.test_nan_check.zip │ │ │ │ ├── utility_ops_test.test_size_op.zip │ │ │ │ ├── utility_ops_test.test_slice.zip │ │ │ │ ├── utility_ops_test.test_sum.zip │ │ │ │ ├── utility_ops_test.test_transpose.zip │ │ │ │ ├── weighted_sum_test.test_weighted_sum.zip │ │ │ │ ├── wngrad_test.test_sparse_wngrad_empty.zip │ │ │ │ └── wngrad_test.test_wngrad_dense_base.zip │ │ └── serialized_test_util.py │ ├── session.py │ ├── session_test.py │ ├── sparse_to_dense_mask_test.py │ ├── sparse_to_dense_test.py │ ├── task.py │ ├── task_test.py │ ├── test │ │ ├── __init__.py │ │ ├── blob_deallocation_test.py │ │ ├── do_op_test.py │ │ ├── executor_test.py │ │ ├── executor_test_util.py │ │ ├── fakefp16_transform_test.py │ │ ├── gpu_context_test.py │ │ ├── inference_lstm_op_test.py │ │ └── python_protobuf_test.py │ ├── test_util.py │ ├── text_file_reader.py │ ├── timeout_guard.py │ ├── toy_regression_test.py │ ├── transformations.py │ ├── transformations_test.py │ ├── trt │ │ ├── __init__.py │ │ ├── data │ │ │ ├── binoculars.jpeg │ │ │ ├── class_labels.txt │ │ │ ├── reflex_camera.jpeg │ │ │ └── tabby_tiger_cat.jpg │ │ ├── test_pt_onnx_trt.py │ │ ├── test_trt.py │ │ └── transform.py │ ├── tt_core.py │ ├── tt_core_test.py │ ├── utils.py │ ├── utils_test.py │ ├── visualize.py │ ├── workspace.py │ └── workspace_test.py ├── quantization │ ├── CMakeLists.txt │ ├── __init__.py │ └── server │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── __init__.py │ │ ├── activation_distribution_observer.cc │ │ ├── activation_distribution_observer.h │ │ ├── batch_matmul_dnnlowp_op.cc │ │ ├── batch_matmul_dnnlowp_op.h │ │ ├── batch_matmul_dnnlowp_op_test.py │ │ ├── batch_permutation_dnnlowp_op.cc │ │ ├── batch_permutation_dnnlowp_op.h │ │ ├── batch_permutation_dnnlowp_op_test.py │ │ ├── caffe2_dnnlowp_utils.cc │ │ ├── caffe2_dnnlowp_utils.h │ │ ├── channel_shuffle_dnnlowp_op.cc │ │ ├── channel_shuffle_dnnlowp_op.h │ │ ├── channel_shuffle_dnnlowp_op_test.py │ │ ├── compute_equalization_scale.cc │ │ ├── compute_equalization_scale.h │ │ ├── compute_equalization_scale_test.py │ │ ├── concat_dnnlowp_op.cc │ │ ├── concat_dnnlowp_op.h │ │ ├── concat_dnnlowp_op_test.py │ │ ├── conv_depthwise_dnnlowp_op_test.py │ │ ├── conv_dnnlowp_acc16_op.cc │ │ ├── conv_dnnlowp_acc16_op.h │ │ ├── conv_dnnlowp_acc16_op_test.py │ │ ├── conv_dnnlowp_op.cc │ │ ├── conv_dnnlowp_op.h │ │ ├── conv_dnnlowp_op_test.py │ │ ├── conv_groupwise_dnnlowp_acc16_op_test.py │ │ ├── conv_groupwise_dnnlowp_op_test.py │ │ ├── conv_pool_dnnlowp_op_base.h │ │ ├── conv_relu_op.cc │ │ ├── conv_relu_op.h │ │ ├── dequantize_dnnlowp_op.cc │ │ ├── dequantize_dnnlowp_op.h │ │ ├── dequantize_dnnlowp_op_test.py │ │ ├── dnnlowp.cc │ │ ├── dnnlowp.h │ │ ├── dnnlowp_op.h │ │ ├── dnnlowp_partition.cc │ │ ├── dnnlowp_partition.h │ │ ├── dnnlowp_test_utils.py │ │ ├── dynamic_histogram.cc │ │ ├── dynamic_histogram.h │ │ ├── dynamic_histogram_test.cc │ │ ├── elementwise_add_dnnlowp_op.cc │ │ ├── elementwise_add_dnnlowp_op_test.py │ │ ├── elementwise_dnnlowp_op.h │ │ ├── elementwise_linear_dnnlowp_op.cc │ │ ├── elementwise_linear_dnnlowp_op.h │ │ ├── elementwise_linear_dnnlowp_op_test.py │ │ ├── elementwise_mul_dnnlowp_op.cc │ │ ├── elementwise_mul_dnnlowp_op_test.py │ │ ├── elementwise_sum_benchmark.cc │ │ ├── elementwise_sum_dnnlowp_op.cc │ │ ├── elementwise_sum_dnnlowp_op_avx2.cc │ │ ├── elementwise_sum_dnnlowp_op_test.py │ │ ├── elementwise_sum_relu_op.cc │ │ ├── fb_fc_packed_op.cc │ │ ├── fb_fc_packed_op.h │ │ ├── fbgemm_fp16_pack_op.cc │ │ ├── fbgemm_fp16_pack_op.h │ │ ├── fbgemm_pack_blob.h │ │ ├── fbgemm_pack_matrix_cache.cc │ │ ├── fbgemm_pack_matrix_cache.h │ │ ├── fbgemm_pack_op.cc │ │ ├── fbgemm_pack_op.h │ │ ├── fc_fake_lowp_test.cc │ │ ├── fully_connected_dnnlowp_acc16_op.cc │ │ ├── fully_connected_dnnlowp_acc16_op.h │ │ ├── fully_connected_dnnlowp_acc16_op_test.py │ │ ├── fully_connected_dnnlowp_op.cc │ │ ├── fully_connected_dnnlowp_op.h │ │ ├── fully_connected_dnnlowp_op_test.py │ │ ├── fully_connected_fake_lowp_op.cc │ │ ├── fully_connected_fake_lowp_op.h │ │ ├── fully_connected_fake_lowp_op_avx2.cc │ │ ├── fully_connected_fp16_test.py │ │ ├── fully_connected_rowwise_dnnlowp_op_test.py │ │ ├── gather_dnnlowp_op_test.py │ │ ├── group_norm_dnnlowp_op.cc │ │ ├── group_norm_dnnlowp_op.h │ │ ├── group_norm_dnnlowp_op_avx2.cc │ │ ├── group_norm_dnnlowp_op_test.py │ │ ├── im2col_dnnlowp.h │ │ ├── int8_gen_quant_params.cc │ │ ├── int8_gen_quant_params.h │ │ ├── int8_gen_quant_params_test.py │ │ ├── int8_quant_scheme_blob_fill.cc │ │ ├── int8_quant_scheme_blob_fill.h │ │ ├── int8_quant_scheme_blob_fill_test.py │ │ ├── kl_minimization.cc │ │ ├── kl_minimization.h │ │ ├── kl_minimization_example.cc │ │ ├── l1_minimization_example.cc │ │ ├── l2_minimization.h │ │ ├── l2_minimization_approx_example.cc │ │ ├── l2_minimization_example.cc │ │ ├── l2_minimization_test.cc │ │ ├── lstm_unit_dnnlowp_op.cc │ │ ├── lstm_unit_dnnlowp_op.h │ │ ├── lstm_unit_dnnlowp_op_test.py │ │ ├── mmio.h │ │ ├── norm_minimization.cc │ │ ├── norm_minimization_avx2.cc │ │ ├── observer_test.py │ │ ├── op_wrapper.h │ │ ├── p99.cc │ │ ├── p99_example.cc │ │ ├── pool_dnnlowp_op.cc │ │ ├── pool_dnnlowp_op_avx2.cc │ │ ├── pool_dnnlowp_op_avx2.h │ │ ├── pool_dnnlowp_op_test.py │ │ ├── pybind.cc │ │ ├── quantization_error_minimization.h │ │ ├── quantize_dnnlowp_op.cc │ │ ├── quantize_dnnlowp_op.h │ │ ├── quantize_dnnlowp_op_test.py │ │ ├── relu_dnnlowp_op.cc │ │ ├── relu_dnnlowp_op.h │ │ ├── relu_dnnlowp_op_avx2.cc │ │ ├── relu_dnnlowp_op_test.py │ │ ├── requantization_test.cc │ │ ├── resize_nearest_3d_dnnlowp_op.cc │ │ ├── resize_nearest_3d_dnnlowp_op.h │ │ ├── resize_nearest_3d_dnnlowp_op_test.py │ │ ├── resize_nearest_dnnlowp_op.cc │ │ ├── resize_nearest_dnnlowp_op.h │ │ ├── resize_nearest_dnnlowp_op_test.py │ │ ├── sigmoid.cc │ │ ├── sigmoid.h │ │ ├── sigmoid_dnnlowp_op.cc │ │ ├── sigmoid_dnnlowp_op_test.py │ │ ├── sigmoid_test.cc │ │ ├── spatial_batch_norm_dnnlowp_op.cc │ │ ├── spatial_batch_norm_dnnlowp_op.h │ │ ├── spatial_batch_norm_dnnlowp_op_avx2.cc │ │ ├── spatial_batch_norm_dnnlowp_op_test.py │ │ ├── spatial_batch_norm_relu_op.cc │ │ ├── tanh.cc │ │ ├── tanh.h │ │ ├── tanh_dnnlowp_op.cc │ │ ├── tanh_dnnlowp_op_test.py │ │ ├── tanh_test.cc │ │ ├── transpose.cc │ │ ├── transpose.h │ │ ├── utility_dnnlowp_ops.cc │ │ ├── utility_dnnlowp_ops.h │ │ └── utils.py ├── queue │ ├── CMakeLists.txt │ ├── blobs_queue.cc │ ├── blobs_queue.h │ ├── blobs_queue_db.cc │ ├── blobs_queue_db.h │ ├── queue_ops.cc │ ├── queue_ops.h │ ├── queue_ops_gpu.cc │ ├── rebatching_queue.cc │ ├── rebatching_queue.h │ ├── rebatching_queue_ops.cc │ └── rebatching_queue_ops.h ├── release-notes.md ├── requirements.txt ├── serialize │ ├── CMakeLists.txt │ ├── crc.cc │ ├── crc_alt.h │ ├── file_adapter.cc │ ├── file_adapter.h │ ├── inline_container.cc │ ├── inline_container.h │ ├── inline_container_test.cc │ ├── istream_adapter.cc │ ├── istream_adapter.h │ ├── read_adapter_interface.cc │ └── read_adapter_interface.h ├── sgd │ ├── CMakeLists.txt │ ├── adadelta_op.cc │ ├── adadelta_op.h │ ├── adadelta_op_gpu.cu │ ├── adagrad_fused.cc │ ├── adagrad_fused.h │ ├── adagrad_fused_op_gpu.cu │ ├── adagrad_fused_op_gpu.cuh │ ├── adagrad_op.cc │ ├── adagrad_op.h │ ├── adagrad_op_gpu.cu │ ├── adam_op.cc │ ├── adam_op.h │ ├── adam_op_gpu.cu │ ├── clip_tensor_op.cc │ ├── clip_tensor_op.h │ ├── fp16_momentum_sgd_op.cu │ ├── fp16_momentum_sgd_op.h │ ├── fp32_momentum_sgd_op.cu │ ├── fp32_momentum_sgd_op.h │ ├── ftrl_op.cc │ ├── ftrl_op.h │ ├── gftrl_op.cc │ ├── gftrl_op.h │ ├── iter_op.cc │ ├── iter_op.h │ ├── iter_op_gpu.cc │ ├── lars_op.cc │ ├── lars_op.h │ ├── lars_op_gpu.cu │ ├── learning_rate_adaption_op.cc │ ├── learning_rate_adaption_op.h │ ├── learning_rate_functors.h │ ├── learning_rate_op.cc │ ├── learning_rate_op.h │ ├── learning_rate_op_gpu.cc │ ├── math_lp.cc │ ├── math_lp.h │ ├── momentum_sgd_op.cc │ ├── momentum_sgd_op.h │ ├── momentum_sgd_op_gpu.cu │ ├── rmsprop_op.cc │ ├── rmsprop_op.h │ ├── rmsprop_op_gpu.cu │ ├── rowwise_adagrad_fused.cc │ ├── rowwise_adagrad_fused.h │ ├── rowwise_counter.cc │ ├── rowwise_counter.h │ ├── storm_op.cc │ ├── storm_op.h │ ├── weight_scale_op.cc │ ├── weight_scale_op.h │ ├── weight_scale_op_gpu.cc │ ├── wngrad_op.cc │ ├── wngrad_op.h │ ├── yellowfin_op.cc │ ├── yellowfin_op.h │ └── yellowfin_op_gpu.cu ├── share │ ├── CMakeLists.txt │ └── contrib │ │ ├── CMakeLists.txt │ │ ├── depthwise │ │ ├── CMakeLists.txt │ │ ├── depthwise3x3_conv_op.cc │ │ └── depthwise3x3_conv_op_test.cc │ │ ├── nnpack │ │ ├── CMakeLists.txt │ │ ├── conv_op.cc │ │ └── nnpack_test.cc │ │ └── zstd │ │ ├── CMakeLists.txt │ │ ├── quant_decomp_zstd_op.cc │ │ └── quant_decomp_zstd_op.h ├── test │ ├── assets │ │ └── squeeze_predict_net.pb │ └── caffe2_gtest_main.cc ├── transforms │ ├── CMakeLists.txt │ ├── common_subexpression_elimination.cc │ ├── common_subexpression_elimination.h │ ├── common_subexpression_elimination_test.cc │ ├── conv_to_nnpack_transform.cc │ ├── conv_to_nnpack_transform.h │ ├── conv_to_nnpack_transform_test.cc │ ├── pattern_net_transform.cc │ ├── pattern_net_transform.h │ ├── pattern_net_transform_test.cc │ ├── single_op_transform.cc │ └── single_op_transform.h ├── utils │ ├── CMakeLists.txt │ ├── GpuBitonicSort.cuh │ ├── GpuDefs.cuh │ ├── GpuScanUtils.cuh │ ├── bench_utils.cc │ ├── bench_utils.h │ ├── cast.h │ ├── cast_test.cc │ ├── cblas.h │ ├── conversions.h │ ├── cpu_neon.h │ ├── cpuid.cc │ ├── cpuid.h │ ├── cpuid_test.cc │ ├── eigen_utils.h │ ├── fatal_signal_asan_no_sig_test.cc │ ├── filler.h │ ├── fixed_divisor.h │ ├── fixed_divisor_test.cc │ ├── hip │ │ └── math_blas_gpu_test.cc │ ├── map_utils.h │ ├── math-detail.h │ ├── math.h │ ├── math │ │ ├── broadcast.cc │ │ ├── broadcast.cu │ │ ├── broadcast.h │ │ ├── elementwise.cc │ │ ├── elementwise.cu │ │ ├── elementwise.h │ │ ├── half_utils.h │ │ ├── reduce.cc │ │ ├── reduce.cu │ │ ├── reduce.cuh │ │ ├── reduce.h │ │ ├── transpose.cc │ │ ├── transpose.cu │ │ ├── transpose.h │ │ ├── utils.cc │ │ └── utils.h │ ├── math_cpu.cc │ ├── math_gpu.cu │ ├── math_gpu_test.cc │ ├── math_test.cc │ ├── murmur_hash3.cc │ ├── murmur_hash3.h │ ├── proto_convert.cc │ ├── proto_convert.h │ ├── proto_utils.cc │ ├── proto_utils.h │ ├── proto_utils_test.cc │ ├── proto_wrap.cc │ ├── proto_wrap.h │ ├── signal_handler.cc │ ├── signal_handler.h │ ├── simple_queue.h │ ├── simple_queue_test.cc │ ├── smart_tensor_printer.cc │ ├── smart_tensor_printer.h │ ├── smart_tensor_printer_test.cc │ ├── string_utils.cc │ ├── string_utils.h │ ├── threadpool │ │ ├── ThreadPool.cc │ │ ├── ThreadPool.h │ │ ├── ThreadPoolCommon.h │ │ ├── WorkersPool.h │ │ ├── pthreadpool-cpp.cc │ │ ├── pthreadpool-cpp.h │ │ ├── pthreadpool.cc │ │ ├── pthreadpool.h │ │ └── pthreadpool_impl.cc │ └── zmq_helper.h └── video │ ├── CMakeLists.txt │ ├── optical_flow.cc │ ├── optical_flow.h │ ├── video_decoder.cc │ ├── video_decoder.h │ ├── video_input_op.cc │ ├── video_input_op.h │ ├── video_input_op_gpu.cc │ ├── video_io.cc │ └── video_io.h ├── cmake ├── Allowlist.cmake ├── BuildVariables.cmake ├── Caffe2Config.cmake.in ├── Caffe2ConfigVersion.cmake.in ├── Codegen.cmake ├── Dependencies.cmake ├── External │ ├── EigenBLAS.cmake │ ├── nccl.cmake │ ├── nnpack.cmake │ └── rccl.cmake ├── GoogleTestPatch.cmake ├── MiscCheck.cmake ├── Modules │ ├── FindARM.cmake │ ├── FindAVX.cmake │ ├── FindAtlas.cmake │ ├── FindBLAS.cmake │ ├── FindBenchmark.cmake │ ├── FindCUB.cmake │ ├── FindFFmpeg.cmake │ ├── FindGloo.cmake │ ├── FindHiredis.cmake │ ├── FindLAPACK.cmake │ ├── FindLMDB.cmake │ ├── FindLevelDB.cmake │ ├── FindMAGMA.cmake │ ├── FindMKL.cmake │ ├── FindMKLDNN.cmake │ ├── FindMatlabMex.cmake │ ├── FindNCCL.cmake │ ├── FindNumPy.cmake │ ├── FindNuma.cmake │ ├── FindOpenBLAS.cmake │ ├── FindOpenMP.cmake │ ├── FindRocksDB.cmake │ ├── FindSnappy.cmake │ ├── FindZMQ.cmake │ ├── Findpybind11.cmake │ ├── FindvecLib.cmake │ └── README.md ├── Modules_CUDA_fix │ ├── FindCUDA.cmake │ ├── FindCUDNN.cmake │ ├── README.md │ └── upstream │ │ ├── CMakeInitializeConfigs.cmake │ │ ├── FindCUDA.cmake │ │ ├── FindCUDA │ │ ├── make2cmake.cmake │ │ ├── parse_cubin.cmake │ │ ├── run_nvcc.cmake │ │ └── select_compute_arch.cmake │ │ ├── FindPackageHandleStandardArgs.cmake │ │ ├── FindPackageMessage.cmake │ │ └── README.md ├── ProtoBuf.cmake ├── ProtoBufPatch.cmake ├── Summary.cmake ├── TorchConfig.cmake.in ├── TorchConfigVersion.cmake.in ├── Utils.cmake ├── VulkanCodegen.cmake ├── VulkanDependencies.cmake ├── cmake_uninstall.cmake.in ├── iOS.cmake └── public │ ├── LoadHIP.cmake │ ├── cuda.cmake │ ├── gflags.cmake │ ├── glog.cmake │ ├── mkl.cmake │ ├── mkldnn.cmake │ ├── protobuf.cmake │ ├── threads.cmake │ └── utils.cmake ├── codecov.yml ├── docker.Makefile ├── docker ├── caffe2 │ ├── jenkins │ │ ├── README.md │ │ ├── build.sh │ │ ├── centos-cuda │ │ │ ├── .gitignore │ │ │ └── Dockerfile │ │ ├── centos-rocm │ │ │ ├── .gitignore │ │ │ └── Dockerfile │ │ ├── centos │ │ │ ├── .gitignore │ │ │ └── Dockerfile │ │ ├── common │ │ │ ├── add_jenkins_user.sh │ │ │ ├── install_anaconda.sh │ │ │ ├── install_android.sh │ │ │ ├── install_base.sh │ │ │ ├── install_ccache.sh │ │ │ ├── install_clang.sh │ │ │ ├── install_cmake.sh │ │ │ ├── install_cuda.sh │ │ │ ├── install_devtoolset.sh │ │ │ ├── install_gcc.sh │ │ │ ├── install_glibc.sh │ │ │ ├── install_mkl.sh │ │ │ ├── install_nccl.sh │ │ │ ├── install_python.sh │ │ │ └── install_rocm.sh │ │ ├── ubuntu-cuda │ │ │ ├── .gitignore │ │ │ └── Dockerfile │ │ ├── ubuntu-rocm │ │ │ ├── .gitignore │ │ │ └── Dockerfile │ │ └── ubuntu │ │ │ ├── .gitignore │ │ │ └── Dockerfile │ ├── readme.md │ ├── ubuntu-14.04-cpu-all-options │ │ └── Dockerfile │ ├── ubuntu-14.04-cpu-minimal │ │ └── Dockerfile │ ├── ubuntu-16.04-cpu-all-options │ │ └── Dockerfile │ ├── ubuntu-16.04-cpu-minimal │ │ └── Dockerfile │ └── ubuntu-16.04-gpu-tutorial │ │ └── Dockerfile └── pytorch │ └── Dockerfile ├── docs ├── .gitignore ├── Makefile ├── caffe2 │ ├── .Doxyfile-c │ ├── .Doxyfile-python │ ├── Caffe2-with-name-55-tall.png │ ├── DOXYGEN.md │ ├── DoxygenLayout-c.xml │ ├── DoxygenLayout-python.xml │ ├── README.md │ ├── footer.html │ ├── header.html │ ├── installation.md │ ├── main.css │ ├── process.py │ └── stylesheet.css ├── cpp │ ├── Makefile │ ├── requirements.txt │ └── source │ │ ├── Doxyfile │ │ ├── _static │ │ └── cpp_theme.css │ │ ├── check-doxygen.sh │ │ ├── conf.py │ │ ├── frontend.rst │ │ ├── index.rst │ │ ├── installing.rst │ │ ├── library.rst │ │ └── notes │ │ ├── faq.rst │ │ ├── tensor_basics.rst │ │ ├── tensor_creation.rst │ │ ├── tensor_cuda_stream.rst │ │ └── tensor_indexing.rst ├── libtorch.rst ├── make.bat ├── requirements.txt └── source │ ├── __config__.rst │ ├── _static │ ├── css │ │ └── jit.css │ └── img │ │ ├── aliastracker_graph.png │ │ ├── distributed_autograd │ │ ├── distributed_dependencies.png │ │ ├── distributed_dependencies_computed.png │ │ ├── local_dependencies.png │ │ └── send_recv_functions.png │ │ ├── dynamic_graph.gif │ │ ├── pt_distributed_arch.png │ │ ├── pytorch-logo-dark-unstable.png │ │ ├── pytorch-logo-dark.png │ │ ├── pytorch-logo-dark.svg │ │ ├── pytorch-logo-flame.png │ │ ├── pytorch-logo-flame.svg │ │ ├── rpc_arch.png │ │ ├── tensor_illustration.png │ │ └── tensorboard │ │ ├── add_histogram.png │ │ ├── add_histogram_raw.png │ │ ├── add_hparam.png │ │ ├── add_image.png │ │ ├── add_images.png │ │ ├── add_scalar.png │ │ ├── add_scalars.png │ │ └── hier_tags.png │ ├── _templates-stable │ └── layout.html │ ├── _templates │ ├── autosummary │ │ └── class.rst │ ├── classtemplate.rst │ ├── layout.html │ └── sobolengine.rst │ ├── amp.rst │ ├── autograd.rst │ ├── backends.rst │ ├── bottleneck.rst │ ├── checkpoint.rst │ ├── community │ ├── contribution_guide.rst │ ├── governance.rst │ └── persons_of_interest.rst │ ├── complex_numbers.rst │ ├── conf.py │ ├── cpp_extension.rst │ ├── cpp_index.rst │ ├── cuda.rst │ ├── cudnn_persistent_rnn.rst │ ├── cudnn_rnn_determinism.rst │ ├── data.rst │ ├── distributed.rst │ ├── distributions.rst │ ├── dlpack.rst │ ├── docutils.conf │ ├── fft.rst │ ├── futures.rst │ ├── hub.rst │ ├── index.rst │ ├── jit.rst │ ├── jit_builtin_functions.rst │ ├── jit_language_reference.rst │ ├── jit_python_reference.rst │ ├── jit_unsupported.rst │ ├── linalg.rst │ ├── math-quantizer-equation.png │ ├── mobile_optimizer.rst │ ├── model_zoo.rst │ ├── multiprocessing.rst │ ├── name_inference.rst │ ├── named_tensor.rst │ ├── nn.functional.rst │ ├── nn.init.rst │ ├── nn.rst │ ├── notes │ ├── amp_examples.rst │ ├── autograd.rst │ ├── broadcasting.rst │ ├── cpu_threading_runtimes.svg │ ├── cpu_threading_torchscript_inference.rst │ ├── cpu_threading_torchscript_inference.svg │ ├── cuda.rst │ ├── ddp.rst │ ├── extending.rst │ ├── faq.rst │ ├── large_scale_deployments.rst │ ├── multiprocessing.rst │ ├── randomness.rst │ ├── serialization.rst │ └── windows.rst │ ├── onnx.rst │ ├── optim.rst │ ├── quantization-support.rst │ ├── quantization.rst │ ├── random.rst │ ├── rpc.rst │ ├── rpc │ ├── distributed_autograd.rst │ └── rref.rst │ ├── scripts │ └── build_activation_images.py │ ├── sparse.rst │ ├── storage.rst │ ├── tensor_attributes.rst │ ├── tensor_view.rst │ ├── tensorboard.rst │ ├── tensors.rst │ ├── torch.nn.intrinsic.qat.rst │ ├── torch.nn.intrinsic.quantized.rst │ ├── torch.nn.intrinsic.rst │ ├── torch.nn.qat.rst │ ├── torch.nn.quantized.dynamic.rst │ ├── torch.nn.quantized.rst │ ├── torch.quantization.rst │ ├── torch.rst │ └── type_info.rst ├── ios ├── .gitignore ├── LibTorch.h ├── LibTorch.podspec ├── README.md └── TestApp │ ├── .clang-format │ ├── .gitignore │ ├── Gemfile │ ├── Gemfile.lock │ ├── Podfile │ ├── README.md │ ├── TestApp.xcodeproj │ ├── project.pbxproj │ └── xcshareddata │ │ └── xcschemes │ │ ├── TestApp.xcscheme │ │ └── TestAppTests.xcscheme │ ├── TestApp │ ├── AppDelegate.h │ ├── AppDelegate.m │ ├── Assets.xcassets │ │ ├── AppIcon.appiconset │ │ │ └── Contents.json │ │ └── Contents.json │ ├── Base.lproj │ │ ├── LaunchScreen.storyboard │ │ └── Main.storyboard │ ├── Benchmark.h │ ├── Benchmark.mm │ ├── Info.plist │ ├── ViewController.h │ ├── ViewController.mm │ └── main.m │ ├── TestAppTests │ ├── Info.plist │ └── TestAppTests.mm │ ├── benchmark │ ├── config.json │ ├── setup.rb │ └── trace_model.py │ ├── bootstrap.sh │ ├── custom_build │ ├── custom_build.py │ └── mobilenetv2.yaml │ └── fastlane │ ├── Fastfile │ └── Scanfile ├── mode ├── aibench_caffe2_android └── aibench_pytorch_android ├── modules ├── CMakeLists.txt ├── detectron │ ├── CMakeLists.txt │ ├── group_spatial_softmax_op.cc │ ├── group_spatial_softmax_op.cu │ ├── group_spatial_softmax_op.h │ ├── ps_roi_pool_op.cc │ ├── ps_roi_pool_op.cu │ ├── ps_roi_pool_op.h │ ├── roi_pool_f_op.cc │ ├── roi_pool_f_op.cu │ ├── roi_pool_f_op.h │ ├── sample_as_op.cc │ ├── sample_as_op.cu │ ├── sample_as_op.h │ ├── select_smooth_l1_loss_op.cc │ ├── select_smooth_l1_loss_op.cu │ ├── select_smooth_l1_loss_op.h │ ├── sigmoid_cross_entropy_loss_op.cc │ ├── sigmoid_cross_entropy_loss_op.cu │ ├── sigmoid_cross_entropy_loss_op.h │ ├── sigmoid_focal_loss_op.cc │ ├── sigmoid_focal_loss_op.cu │ ├── sigmoid_focal_loss_op.h │ ├── smooth_l1_loss_op.cc │ ├── smooth_l1_loss_op.cu │ ├── smooth_l1_loss_op.h │ ├── softmax_focal_loss_op.cc │ ├── softmax_focal_loss_op.cu │ ├── softmax_focal_loss_op.h │ ├── spatial_narrow_as_op.cc │ ├── spatial_narrow_as_op.cu │ ├── spatial_narrow_as_op.h │ ├── upsample_nearest_op.cc │ ├── upsample_nearest_op.cu │ ├── upsample_nearest_op.h │ └── upsample_nearest_op_test.py ├── module_test │ ├── CMakeLists.txt │ └── module_test_dynamic.cc ├── observers │ ├── CMakeLists.txt │ ├── macros.h │ ├── net_observer_reporter.h │ ├── net_observer_reporter_print.cc │ ├── net_observer_reporter_print.h │ ├── observer_config.cc │ ├── observer_config.h │ ├── perf_observer.cc │ └── perf_observer.h └── rocksdb │ ├── CMakeLists.txt │ └── rocksdb.cc ├── mypy-strict.ini ├── mypy.ini ├── requirements.txt ├── scripts ├── README.md ├── add_apache_header.sh ├── apache_header.txt ├── apache_python.txt ├── appveyor │ ├── install.bat │ └── install_cuda.bat ├── build_android.sh ├── build_host_protoc.sh ├── build_ios.sh ├── build_local.sh ├── build_mobile.sh ├── build_pytorch_android.sh ├── build_raspbian.sh ├── build_tegra_x1.sh ├── build_tizen.sh ├── build_windows.bat ├── diagnose_protobuf.py ├── fbcode-dev-setup │ ├── ccache_setup.sh │ ├── onnx_c2_sanity_check.sh │ └── onnx_c2_setup.sh ├── get_python_cmake_flags.py ├── model_zoo │ ├── update-caffe2-models.py │ └── update-models-from-caffe2.py ├── onnx │ ├── install-develop.sh │ ├── install.sh │ └── test.sh ├── proto.ps1 ├── read_conda_versions.sh ├── release │ ├── README.md │ ├── anaconda-prune │ │ ├── prune.sh │ │ └── run.sh │ ├── promote │ │ ├── common_utils.sh │ │ ├── conda_to_conda.sh │ │ ├── s3_to_s3.sh │ │ └── wheel_to_pypi.sh │ └── restore-backup.sh ├── remove_apache_header.sh ├── temp.sh └── xcode_build.rb ├── setup.py ├── submodules └── nervanagpu-rev.txt ├── test ├── HowToWriteTestsUsingFileCheck.md ├── backward_compatibility │ ├── check_backward_compatibility.py │ └── dump_all_function_schemas.py ├── benchmark_utils │ ├── callgrind_artifacts.json │ └── test_benchmark_utils.py ├── bottleneck_test │ ├── test.py │ ├── test_args.py │ └── test_cuda.py ├── cpp │ ├── __init__.py │ ├── api │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── any.cpp │ │ ├── autograd.cpp │ │ ├── dataloader.cpp │ │ ├── dispatch.cpp │ │ ├── enum.cpp │ │ ├── expanding-array.cpp │ │ ├── fft.cpp │ │ ├── functional.cpp │ │ ├── init.cpp │ │ ├── init_baseline.h │ │ ├── init_baseline.py │ │ ├── integration.cpp │ │ ├── jit.cpp │ │ ├── memory.cpp │ │ ├── misc.cpp │ │ ├── module.cpp │ │ ├── modulelist.cpp │ │ ├── modules.cpp │ │ ├── namespace.cpp │ │ ├── nn_utils.cpp │ │ ├── operations.cpp │ │ ├── optim.cpp │ │ ├── optim_baseline.h │ │ ├── optim_baseline.py │ │ ├── ordered_dict.cpp │ │ ├── parallel.cpp │ │ ├── parallel_benchmark.cpp │ │ ├── parameterdict.cpp │ │ ├── parameterlist.cpp │ │ ├── rnn.cpp │ │ ├── sequential.cpp │ │ ├── serialize.cpp │ │ ├── static.cpp │ │ ├── support.cpp │ │ ├── support.h │ │ ├── tensor.cpp │ │ ├── tensor_cuda.cpp │ │ ├── tensor_indexing.cpp │ │ ├── tensor_options.cpp │ │ ├── tensor_options_cuda.cpp │ │ ├── torch_include.cpp │ │ └── transformer.cpp │ ├── common │ │ ├── main.cpp │ │ └── support.h │ ├── dist_autograd │ │ ├── CMakeLists.txt │ │ └── test_dist_autograd.cpp │ ├── jit │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── __init__.py │ │ ├── test_alias_analysis.cpp │ │ ├── test_argument_spec.cpp │ │ ├── test_autodiff.cpp │ │ ├── test_backend.cpp │ │ ├── test_class_import.cpp │ │ ├── test_class_parser.cpp │ │ ├── test_class_type.cpp │ │ ├── test_cleanup_passes.cpp │ │ ├── test_code_template.cpp │ │ ├── test_constant_pooling.cpp │ │ ├── test_create_autodiff_subgraphs.cpp │ │ ├── test_custom_class.cpp │ │ ├── test_custom_class_registrations.cpp │ │ ├── test_custom_class_registrations.h │ │ ├── test_custom_operators.cpp │ │ ├── test_dce.cpp │ │ ├── test_fuser.cpp │ │ ├── test_gpu.cpp │ │ ├── test_graph_executor.cpp │ │ ├── test_inliner.cpp │ │ ├── test_interface.cpp │ │ ├── test_interpreter.cpp │ │ ├── test_ir.cpp │ │ ├── test_irparser.cpp │ │ ├── test_jit_type.cpp │ │ ├── test_lite_interpreter.cpp │ │ ├── test_lite_trainer.cpp │ │ ├── test_memory_dag.cpp │ │ ├── test_misc.cpp │ │ ├── test_mobile_type_parser.cpp │ │ ├── test_module_api.cpp │ │ ├── test_peephole_optimize.cpp │ │ ├── test_qualified_name.cpp │ │ ├── test_save_load.cpp │ │ ├── test_schema_matching.cpp │ │ ├── test_subgraph_matcher.cpp │ │ ├── test_subgraph_rewriter.cpp │ │ ├── test_subgraph_utils.cpp │ │ ├── test_utils.cpp │ │ ├── test_utils.h │ │ ├── tests_setup.py │ │ └── torch_python_test.cpp │ ├── rpc │ │ ├── CMakeLists.txt │ │ ├── e2e_test_base.cpp │ │ ├── e2e_test_base.h │ │ ├── test_e2e_process_group.cpp │ │ ├── test_e2e_tensorpipe.cpp │ │ ├── test_tensorpipe_serialization.cpp │ │ └── test_wire_serialization.cpp │ └── tensorexpr │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── __init__.py │ │ ├── gtest.cpp │ │ ├── gtest_assert_float_eq.h │ │ ├── padded_buffer.cpp │ │ ├── padded_buffer.h │ │ ├── test_aten.cpp │ │ ├── test_base.h │ │ ├── test_boundsinference.cpp │ │ ├── test_conv.cpp │ │ ├── test_cuda.cpp │ │ ├── test_expr.cpp │ │ ├── test_ir_printer.cpp │ │ ├── test_kernel.cpp │ │ ├── test_llvm.cpp │ │ ├── test_loopnest.cpp │ │ ├── test_reductions.cpp │ │ ├── test_registerizer.cpp │ │ ├── test_simplify.cpp │ │ ├── test_te_fuser_pass.cpp │ │ ├── test_train.cpp │ │ ├── test_train.h │ │ ├── test_train_impl.cpp │ │ ├── test_type.cpp │ │ ├── test_utils.h │ │ ├── tests.h │ │ └── tutorial.cpp ├── cpp_api_parity │ ├── __init__.py │ ├── functional_impl_check.py │ ├── module_impl_check.py │ ├── parity-tracker.md │ ├── parity_table_parser.py │ ├── sample_functional.py │ ├── sample_module.py │ └── utils.py ├── cpp_extensions │ ├── cpp_c10d_extension.cpp │ ├── cpp_c10d_extension.hpp │ ├── cpp_frontend_extension.cpp │ ├── cuda_extension.cpp │ ├── cuda_extension.cu │ ├── cuda_extension_kernel.cu │ ├── cuda_extension_kernel2.cu │ ├── cudnn_extension.cpp │ ├── doubler.h │ ├── extension.cpp │ ├── jit_extension.cpp │ ├── jit_extension2.cpp │ ├── msnpu_extension.cpp │ ├── no_python_abi_suffix_test │ │ ├── no_python_abi_suffix_test.cpp │ │ └── setup.py │ ├── rng_extension.cpp │ ├── self_compiler_include_dirs_test │ │ └── tmp.h │ ├── setup.py │ └── torch_test_cpp_extension │ │ └── __init__.py ├── custom_backend │ ├── CMakeLists.txt │ ├── backend.py │ ├── custom_backend.cpp │ ├── custom_backend.h │ ├── test_custom_backend.cpp │ └── test_custom_backend.py ├── custom_operator │ ├── CMakeLists.txt │ ├── model.py │ ├── op.cpp │ ├── op.h │ ├── test_custom_classes.py │ ├── test_custom_ops.cpp │ └── test_custom_ops.py ├── distributed │ ├── _pipeline │ │ └── sync │ │ │ ├── LICENSE │ │ │ ├── __init__.py │ │ │ ├── conftest.py │ │ │ ├── skip │ │ │ ├── __init__.py │ │ │ ├── test_api.py │ │ │ ├── test_gpipe.py │ │ │ ├── test_inspect_skip_layout.py │ │ │ ├── test_leak.py │ │ │ ├── test_portal.py │ │ │ ├── test_stash_pop.py │ │ │ ├── test_tracker.py │ │ │ └── test_verify_skippables.py │ │ │ ├── test_balance.py │ │ │ ├── test_bugs.py │ │ │ ├── test_checkpoint.py │ │ │ ├── test_copy.py │ │ │ ├── test_deferred_batch_norm.py │ │ │ ├── test_dependency.py │ │ │ ├── test_inplace.py │ │ │ ├── test_microbatch.py │ │ │ ├── test_phony.py │ │ │ ├── test_pipe.py │ │ │ ├── test_pipeline.py │ │ │ ├── test_stream.py │ │ │ ├── test_transparency.py │ │ │ └── test_worker.py │ ├── algorithms │ │ └── ddp_comm_hooks │ │ │ └── test_ddp_hooks.py │ ├── nn │ │ └── jit │ │ │ ├── __init__.py │ │ │ └── test_instantiator.py │ ├── rpc │ │ ├── test_faulty_agent.py │ │ ├── test_process_group_agent.py │ │ └── test_tensorpipe_agent.py │ ├── test_c10d.py │ ├── test_c10d_spawn.py │ ├── test_data_parallel.py │ ├── test_distributed_fork.py │ ├── test_distributed_spawn.py │ └── test_nccl.py ├── distributions │ ├── test_constraints.py │ └── test_distributions.py ├── error_messages │ └── storage.py ├── expect │ ├── TestAutograd.test_function-x_grad_desc.expect │ ├── TestAutograd.test_function-y_grad_desc.expect │ ├── TestCudaSparse.test_print.expect │ ├── TestCudaUncoalescedSparse.test_print.expect │ ├── TestJit.test_cu_escaped_number.expect │ ├── TestJit.test_import_method.expect │ ├── TestJit.test_non_ascii_string.expect │ ├── TestJit.test_pretty_printer-empty_float_list_test.expect │ ├── TestJit.test_pretty_printer-empty_int_list_test.expect │ ├── TestJit.test_pretty_printer-if_one.expect │ ├── TestJit.test_pretty_printer-if_test.expect │ ├── TestJit.test_pretty_printer-loop_use_test.expect │ ├── TestJit.test_pretty_printer-print_weird_test.expect │ ├── TestJit.test_pretty_printer-python_op_name_test.expect │ ├── TestJit.test_pretty_printer-while_if_test.expect │ ├── TestJit.test_pretty_printer-while_test.expect │ ├── TestPytorchExportModes.test_aten_fallback.expect │ ├── TestPytorchExportModes.test_onnx_aten.expect │ ├── TestScript.test_annot_ast_mypy_fn.expect │ ├── TestScript.test_annot_ast_mypy_method.expect │ ├── TestScript.test_annot_ast_py3_fn.expect │ ├── TestScript.test_annot_ast_py3_method.expect │ ├── TestScript.test_annot_string_mypy_fn.expect │ ├── TestScript.test_annot_string_mypy_method.expect │ ├── TestScript.test_annot_string_py3_fn.expect │ ├── TestScript.test_annot_string_py3_method.expect │ ├── TestScript.test_annotated_script_fn.expect │ ├── TestScript.test_annotated_script_method.expect │ ├── TestScript.test_format-stdout.expect │ ├── TestScript.test_listconstruct_erasure.expect │ ├── TestScript.test_parser_type_annotations.expect │ ├── TestScript.test_parser_type_annotations_comment.expect │ ├── TestScript.test_print-stdout.expect │ ├── TestScript.test_python_frontend.expect │ ├── TestScript.test_python_frontend_py2.expect │ ├── TestScript.test_python_frontend_py3.expect │ ├── TestScript.test_string_print-stdout.expect │ ├── TestScript.test_torch_dot_tensor_annotation.expect │ ├── TestSparse.test_print.expect │ ├── TestTensorBoard.test_audio.expect │ ├── TestTensorBoard.test_caffe2_simple_cnnmodel.expect │ ├── TestTensorBoard.test_caffe2_simple_model.expect │ ├── TestTensorBoard.test_histogram_auto.expect │ ├── TestTensorBoard.test_histogram_doane.expect │ ├── TestTensorBoard.test_histogram_fd.expect │ ├── TestTensorBoard.test_hparams_bool.expect │ ├── TestTensorBoard.test_hparams_number.expect │ ├── TestTensorBoard.test_hparams_string.expect │ ├── TestTensorBoard.test_image_with_3_channel_batched.expect │ ├── TestTensorBoard.test_image_with_boxes.expect │ ├── TestTensorBoard.test_image_with_one_channel.expect │ ├── TestTensorBoard.test_image_with_one_channel_batched.expect │ ├── TestTensorBoard.test_image_without_channel.expect │ ├── TestTensorBoard.test_mesh.expect │ ├── TestTensorBoard.test_pr_curve.expect │ ├── TestTensorBoard.test_pr_curve_raw.expect │ ├── TestTensorBoard.test_pytorch_graph.expect │ ├── TestTensorBoard.test_text.expect │ ├── TestTensorBoard.test_video.expect │ ├── TestTorch.test_is_nonzero-empty.expect │ ├── TestTorch.test_is_nonzero-multiple.expect │ ├── TestTorch.test_print-non_contiguous.expect │ ├── TestUncoalescedSparse.test_print.expect │ └── __init__.py ├── fx │ └── quantization.py ├── jit │ ├── __init__.py │ ├── _imported_class_test │ │ ├── __init__.py │ │ ├── bar.py │ │ ├── foo.py │ │ └── very │ │ │ ├── __init__.py │ │ │ └── very │ │ │ ├── __init__.py │ │ │ └── nested.py │ ├── fixtures │ │ ├── _test_serialization_subcmul_v2.pt │ │ ├── test_versioned_div_scalar_float_v3.pt │ │ ├── test_versioned_div_scalar_inplace_float_v3.pt │ │ ├── test_versioned_div_scalar_inplace_int_v3.pt │ │ ├── test_versioned_div_scalar_int_v3.pt │ │ ├── test_versioned_div_scalar_reciprocal_float_v3.pt │ │ ├── test_versioned_div_scalar_reciprocal_int_v3.pt │ │ ├── test_versioned_div_scalar_scalar_v3.pt │ │ ├── test_versioned_div_tensor_inplace_v3.pt │ │ ├── test_versioned_div_tensor_out_v3.pt │ │ ├── test_versioned_div_tensor_v3.pt │ │ ├── test_versioned_full_integer_value_v4.pt │ │ └── test_versioned_full_preserved_v4.pt │ ├── test_async.py │ ├── test_autodiff_subgraph_slicing.py │ ├── test_backends.py │ ├── test_builtins.py │ ├── test_class_type.py │ ├── test_complexity.py │ ├── test_custom_operators.py │ ├── test_data_parallel.py │ ├── test_enum.py │ ├── test_export_modes.py │ ├── test_freezing.py │ ├── test_functional_blocks.py │ ├── test_hash.py │ ├── test_isinstance.py │ ├── test_list_dict.py │ ├── test_logging.py │ ├── test_models.py │ ├── test_module_containers.py │ ├── test_module_interface.py │ ├── test_onnx_export.py │ ├── test_profiler.py │ ├── test_python_ir.py │ ├── test_recursive_script.py │ ├── test_remove_mutation.py │ ├── test_save_load.py │ ├── test_slice.py │ ├── test_string_formatting.py │ ├── test_torchbind.py │ ├── test_tracer.py │ ├── test_type_sharing.py │ ├── test_unsupported_ops.py │ ├── test_warn.py │ └── test_with.py ├── mobile │ ├── custom_build │ │ ├── CMakeLists.txt │ │ ├── build.sh │ │ ├── expected_output.txt │ │ ├── predictor.cpp │ │ └── prepare_model.py │ ├── op_deps │ │ ├── CMakeLists.txt │ │ ├── build.sh │ │ ├── expected_deps.yaml │ │ ├── main.cc │ │ ├── quantized_ops.cpp │ │ ├── quantized_ops.h │ │ ├── simple_ops.cpp │ │ ├── simple_ops.h │ │ ├── utils.cpp │ │ └── utils.h │ └── test_lite_script_module.py ├── module_a.py ├── namespace_b │ └── subpackage.py ├── onnx │ ├── debug_embed_params.py │ ├── expect │ │ ├── TestOperators.test_acos.expect │ │ ├── TestOperators.test_add_broadcast.expect │ │ ├── TestOperators.test_add_left_broadcast.expect │ │ ├── TestOperators.test_add_size1_broadcast.expect │ │ ├── TestOperators.test_add_size1_right_broadcast.expect │ │ ├── TestOperators.test_add_size1_singleton_broadcast.expect │ │ ├── TestOperators.test_addconstant.expect │ │ ├── TestOperators.test_addmm.expect │ │ ├── TestOperators.test_arange_dynamic.expect │ │ ├── TestOperators.test_argmax.expect │ │ ├── TestOperators.test_asin.expect │ │ ├── TestOperators.test_at_op.expect │ │ ├── TestOperators.test_atan.expect │ │ ├── TestOperators.test_avg_pool2d.expect │ │ ├── TestOperators.test_baddbmm.expect │ │ ├── TestOperators.test_basic.expect │ │ ├── TestOperators.test_batchnorm.expect │ │ ├── TestOperators.test_batchnorm_1d.expect │ │ ├── TestOperators.test_batchnorm_noaffine.expect │ │ ├── TestOperators.test_batchnorm_onnx_irv4.expect │ │ ├── TestOperators.test_batchnorm_training.expect │ │ ├── TestOperators.test_bitshift.expect │ │ ├── TestOperators.test_c2_op.expect │ │ ├── TestOperators.test_chunk.expect │ │ ├── TestOperators.test_clip.expect │ │ ├── TestOperators.test_clip_max.expect │ │ ├── TestOperators.test_clip_min.expect │ │ ├── TestOperators.test_concat2.expect │ │ ├── TestOperators.test_conv.expect │ │ ├── TestOperators.test_conv_onnx_irv4.expect │ │ ├── TestOperators.test_conv_onnx_irv4_opset8.expect │ │ ├── TestOperators.test_convtranspose.expect │ │ ├── TestOperators.test_cos.expect │ │ ├── TestOperators.test_cumsum.expect │ │ ├── TestOperators.test_det.expect │ │ ├── TestOperators.test_dict.expect │ │ ├── TestOperators.test_dict_str.expect │ │ ├── TestOperators.test_dim.expect │ │ ├── TestOperators.test_dropout.expect │ │ ├── TestOperators.test_dropout_default.expect │ │ ├── TestOperators.test_dropout_opset12.expect │ │ ├── TestOperators.test_dropout_training.expect │ │ ├── TestOperators.test_dropout_training_opset12.expect │ │ ├── TestOperators.test_elu.expect │ │ ├── TestOperators.test_embedding_bags.expect │ │ ├── TestOperators.test_empty_like.expect │ │ ├── TestOperators.test_empty_like_opset7.expect │ │ ├── TestOperators.test_equal.expect │ │ ├── TestOperators.test_erf.expect │ │ ├── TestOperators.test_exp.expect │ │ ├── TestOperators.test_expand.expect │ │ ├── TestOperators.test_flatten.expect │ │ ├── TestOperators.test_flatten2D.expect │ │ ├── TestOperators.test_fmod.expect │ │ ├── TestOperators.test_frobenius_norm.expect │ │ ├── TestOperators.test_full.expect │ │ ├── TestOperators.test_full_like.expect │ │ ├── TestOperators.test_gather.expect │ │ ├── TestOperators.test_gather_opset11.expect │ │ ├── TestOperators.test_ge.expect │ │ ├── TestOperators.test_gelu.expect │ │ ├── TestOperators.test_gt.expect │ │ ├── TestOperators.test_hardtanh.expect │ │ ├── TestOperators.test_implicit_expand.expect │ │ ├── TestOperators.test_index.expect │ │ ├── TestOperators.test_isnan.expect │ │ ├── TestOperators.test_layer_norm_aten.expect │ │ ├── TestOperators.test_le.expect │ │ ├── TestOperators.test_linear.expect │ │ ├── TestOperators.test_log_sigmoid.expect │ │ ├── TestOperators.test_logsoftmax.expect │ │ ├── TestOperators.test_lt.expect │ │ ├── TestOperators.test_master_opset.expect │ │ ├── TestOperators.test_max.expect │ │ ├── TestOperators.test_maxpool.expect │ │ ├── TestOperators.test_maxpool_dilations.expect │ │ ├── TestOperators.test_maxpool_indices.expect │ │ ├── TestOperators.test_mean.expect │ │ ├── TestOperators.test_meshgrid.expect │ │ ├── TestOperators.test_min.expect │ │ ├── TestOperators.test_mm.expect │ │ ├── TestOperators.test_narrow.expect │ │ ├── TestOperators.test_ne.expect │ │ ├── TestOperators.test_non_float_params.expect │ │ ├── TestOperators.test_nonzero.expect │ │ ├── TestOperators.test_norm_p1.expect │ │ ├── TestOperators.test_norm_p2.expect │ │ ├── TestOperators.test_ones_like.expect │ │ ├── TestOperators.test_pad.expect │ │ ├── TestOperators.test_params.expect │ │ ├── TestOperators.test_params_onnx_irv4.expect │ │ ├── TestOperators.test_permute2.expect │ │ ├── TestOperators.test_pixel_shuffle.expect │ │ ├── TestOperators.test_pow.expect │ │ ├── TestOperators.test_prelu.expect │ │ ├── TestOperators.test_prod.expect │ │ ├── TestOperators.test_rand.expect │ │ ├── TestOperators.test_randn.expect │ │ ├── TestOperators.test_reduce_sum_negative_indices.expect │ │ ├── TestOperators.test_reduced_mean.expect │ │ ├── TestOperators.test_reduced_mean_keepdim.expect │ │ ├── TestOperators.test_reduced_prod.expect │ │ ├── TestOperators.test_reduced_prod_keepdim.expect │ │ ├── TestOperators.test_reduced_sum.expect │ │ ├── TestOperators.test_reduced_sum_keepdim.expect │ │ ├── TestOperators.test_reducemax.expect │ │ ├── TestOperators.test_reducemin.expect │ │ ├── TestOperators.test_remainder.expect │ │ ├── TestOperators.test_repeat.expect │ │ ├── TestOperators.test_repeat_dim_overflow.expect │ │ ├── TestOperators.test_retain_param_name_disabled.expect │ │ ├── TestOperators.test_round.expect │ │ ├── TestOperators.test_rrelu.expect │ │ ├── TestOperators.test_rsqrt.expect │ │ ├── TestOperators.test_rsub.expect │ │ ├── TestOperators.test_scatter_add.expect │ │ ├── TestOperators.test_scatter_add_opset11.expect │ │ ├── TestOperators.test_selu.expect │ │ ├── TestOperators.test_sign.expect │ │ ├── TestOperators.test_sin.expect │ │ ├── TestOperators.test_slice.expect │ │ ├── TestOperators.test_slice_dynamic.expect │ │ ├── TestOperators.test_softmaxcrossentropy.expect │ │ ├── TestOperators.test_softmaxcrossentropy_3d.expect │ │ ├── TestOperators.test_softmaxcrossentropy_3d_none.expect │ │ ├── TestOperators.test_softmaxcrossentropy_4d.expect │ │ ├── TestOperators.test_softmaxcrossentropy_ignore_index.expect │ │ ├── TestOperators.test_softmaxcrossentropy_weights.expect │ │ ├── TestOperators.test_split.expect │ │ ├── TestOperators.test_split_with_sizes.expect │ │ ├── TestOperators.test_sqrt.expect │ │ ├── TestOperators.test_std.expect │ │ ├── TestOperators.test_sum.expect │ │ ├── TestOperators.test_tan.expect │ │ ├── TestOperators.test_topk.expect │ │ ├── TestOperators.test_topk_smallest_unsorted.expect │ │ ├── TestOperators.test_transpose.expect │ │ ├── TestOperators.test_type_as.expect │ │ ├── TestOperators.test_unfold.expect │ │ ├── TestOperators.test_unique.expect │ │ ├── TestOperators.test_unsqueeze.expect │ │ ├── TestOperators.test_upsample_nearest_scale.expect │ │ ├── TestOperators.test_upsample_nearest_scale_default_scale_factor.expect │ │ ├── TestOperators.test_upsample_nearest_size.expect │ │ ├── TestOperators.test_view.expect │ │ ├── TestOperators.test_view_flatten.expect │ │ └── TestOperators.test_zeros_like.expect │ ├── export_onnx_tests_filter.py │ ├── export_onnx_tests_generator.py │ ├── model_defs │ │ ├── __init__.py │ │ ├── dcgan.py │ │ ├── emb_seq.py │ │ ├── lstm_flattening_result.py │ │ ├── mnist.py │ │ ├── op_test.py │ │ ├── rnn_model_with_packed_sequence.py │ │ ├── squeezenet.py │ │ ├── srresnet.py │ │ ├── super_resolution.py │ │ └── word_language_model.py │ ├── pytorch_helper.py │ ├── test_caffe2_common.py │ ├── test_custom_ops.py │ ├── test_models.py │ ├── test_models_onnxruntime.py │ ├── test_onnx_common.py │ ├── test_onnx_opset.py │ ├── test_operators.py │ ├── test_pytorch_common.py │ ├── test_pytorch_helper.py │ ├── test_pytorch_onnx_caffe2.py │ ├── test_pytorch_onnx_caffe2_quantized.py │ ├── test_pytorch_onnx_onnxruntime.py │ ├── test_pytorch_onnx_shape_inference.py │ ├── test_utility_funs.py │ ├── test_verify.py │ └── verify.py ├── optim │ ├── compare.sh │ ├── test.lua │ ├── test.py │ └── tests.json ├── package_a │ ├── __init__.py │ └── subpackage.py ├── print_test_stats.py ├── quantization │ ├── __init__.py │ ├── serialized │ │ ├── TestSerialization.test_conv2d.expected.pt │ │ ├── TestSerialization.test_conv2d.input.pt │ │ ├── TestSerialization.test_conv2d.scripted.pt │ │ ├── TestSerialization.test_conv2d.state_dict.pt │ │ ├── TestSerialization.test_conv2d.traced.pt │ │ ├── TestSerialization.test_conv2d_graph.expected.pt │ │ ├── TestSerialization.test_conv2d_graph.input.pt │ │ ├── TestSerialization.test_conv2d_graph.scripted.pt │ │ ├── TestSerialization.test_conv2d_graph.traced.pt │ │ ├── TestSerialization.test_conv2d_graph_v2.expected.pt │ │ ├── TestSerialization.test_conv2d_graph_v2.input.pt │ │ ├── TestSerialization.test_conv2d_graph_v2.scripted.pt │ │ ├── TestSerialization.test_conv2d_graph_v2.traced.pt │ │ ├── TestSerialization.test_conv2d_nobias.expected.pt │ │ ├── TestSerialization.test_conv2d_nobias.input.pt │ │ ├── TestSerialization.test_conv2d_nobias.scripted.pt │ │ ├── TestSerialization.test_conv2d_nobias.state_dict.pt │ │ ├── TestSerialization.test_conv2d_nobias.traced.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph.expected.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph.input.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph.scripted.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph.traced.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph_v2.expected.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph_v2.input.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph_v2.scripted.pt │ │ ├── TestSerialization.test_conv2d_nobias_graph_v2.traced.pt │ │ ├── TestSerialization.test_conv2d_relu.expected.pt │ │ ├── TestSerialization.test_conv2d_relu.input.pt │ │ ├── TestSerialization.test_conv2d_relu.scripted.pt │ │ ├── TestSerialization.test_conv2d_relu.state_dict.pt │ │ ├── TestSerialization.test_conv2d_relu.traced.pt │ │ ├── TestSerialization.test_conv3d.expected.pt │ │ ├── TestSerialization.test_conv3d.input.pt │ │ ├── TestSerialization.test_conv3d.scripted.pt │ │ ├── TestSerialization.test_conv3d.state_dict.pt │ │ ├── TestSerialization.test_conv3d.traced.pt │ │ ├── TestSerialization.test_conv3d_relu.expected.pt │ │ ├── TestSerialization.test_conv3d_relu.input.pt │ │ ├── TestSerialization.test_conv3d_relu.scripted.pt │ │ ├── TestSerialization.test_conv3d_relu.state_dict.pt │ │ ├── TestSerialization.test_conv3d_relu.traced.pt │ │ ├── TestSerialization.test_linear.expected.pt │ │ ├── TestSerialization.test_linear.input.pt │ │ ├── TestSerialization.test_linear.scripted.pt │ │ ├── TestSerialization.test_linear.state_dict.pt │ │ ├── TestSerialization.test_linear.traced.pt │ │ ├── TestSerialization.test_linear_dynamic_float16.expected.pt │ │ ├── TestSerialization.test_linear_dynamic_float16.input.pt │ │ ├── TestSerialization.test_linear_dynamic_float16.scripted.pt │ │ ├── TestSerialization.test_linear_dynamic_float16.state_dict.pt │ │ ├── TestSerialization.test_linear_dynamic_float16.traced.pt │ │ ├── TestSerialization.test_linear_dynamic_qint8.expected.pt │ │ ├── TestSerialization.test_linear_dynamic_qint8.input.pt │ │ ├── TestSerialization.test_linear_dynamic_qint8.scripted.pt │ │ ├── TestSerialization.test_linear_dynamic_qint8.state_dict.pt │ │ ├── TestSerialization.test_linear_dynamic_qint8.traced.pt │ │ ├── TestSerialization.test_linear_relu.expected.pt │ │ ├── TestSerialization.test_linear_relu.input.pt │ │ ├── TestSerialization.test_linear_relu.scripted.pt │ │ ├── TestSerialization.test_linear_relu.state_dict.pt │ │ ├── TestSerialization.test_linear_relu.traced.pt │ │ ├── TestSerialization.test_lstm.expected.pt │ │ ├── TestSerialization.test_lstm.input.pt │ │ ├── TestSerialization.test_lstm.scripted.pt │ │ ├── TestSerialization.test_lstm.state_dict.pt │ │ └── TestSerialization.test_lstm.traced.pt │ ├── test_backward_compatibility.py │ ├── test_bias_correction.py │ ├── test_equalize.py │ ├── test_fusion_passes.py │ ├── test_numeric_suite.py │ ├── test_qat_module.py │ ├── test_quantize.py │ ├── test_quantize_fx.py │ ├── test_quantize_jit.py │ ├── test_quantized_functional.py │ ├── test_quantized_module.py │ ├── test_quantized_op.py │ ├── test_quantized_tensor.py │ └── test_workflow_module.py ├── run_test.py ├── scripts │ ├── cuda_memcheck_common.py │ └── run_cuda_memcheck.py ├── simulate_nccl_errors.py ├── test_autograd.py ├── test_bundled_images.py ├── test_bundled_inputs.py ├── test_complex.py ├── test_cpp_api_parity.py ├── test_cpp_extensions_aot.py ├── test_cpp_extensions_jit.py ├── test_cuda.py ├── test_cuda_primary_ctx.py ├── test_dataloader.py ├── test_determination.py ├── test_dispatch.py ├── test_expecttest.py ├── test_foreach.py ├── test_function_schema.py ├── test_functional_autograd_benchmark.py ├── test_futures.py ├── test_fx.py ├── test_fx_experimental.py ├── test_img │ └── p1.jpg ├── test_indexing.py ├── test_jit.py ├── test_jit_cuda_fuser.py ├── test_jit_disabled.py ├── test_jit_fuser.py ├── test_jit_fuser_legacy.py ├── test_jit_fuser_te.py ├── test_jit_legacy.py ├── test_jit_profiling.py ├── test_jit_py3.py ├── test_jit_simple.py ├── test_jit_string.py ├── test_kernel_launch_checks.py ├── test_linalg.py ├── test_logging.py ├── test_metal.py ├── test_mkldnn.py ├── test_mobile_optimizer.py ├── test_multiprocessing.py ├── test_multiprocessing_spawn.py ├── test_namedtensor.py ├── test_namedtuple_return_api.py ├── test_native_functions.py ├── test_nn.py ├── test_numba_integration.py ├── test_op_aliases.py ├── test_openmp.py ├── test_ops.py ├── test_optim.py ├── test_overrides.py ├── test_package.py ├── test_profiler.py ├── test_pruning_op.py ├── test_pytree.py ├── test_quantization.py ├── test_serialization.py ├── test_show_pickle.py ├── test_sparse.py ├── test_spectral_ops.py ├── test_static_runtime.py ├── test_tensor_creation_ops.py ├── test_tensorboard.py ├── test_tensorexpr.py ├── test_throughput_benchmark.py ├── test_torch.py ├── test_type_hints.py ├── test_type_info.py ├── test_type_promotion.py ├── test_unary_ufuncs.py ├── test_utils.py ├── test_vmap.py ├── test_vulkan.py ├── test_xnnpack_integration.py └── type_hint_tests │ ├── module_list.py │ ├── namedtuple.py │ ├── size.py │ ├── tensor_copy.py │ ├── torch_cuda_random.py │ └── torch_optim.py ├── third_party ├── BUILD ├── README.md ├── cpuinfo.BUILD ├── eigen.BUILD ├── fmt.BUILD ├── foxi.BUILD ├── gloo.BUILD ├── ideep.BUILD ├── miniz-2.0.8 │ ├── BUILD.bazel │ ├── ChangeLog.md │ ├── LICENSE │ ├── examples │ │ ├── example1.c │ │ ├── example2.c │ │ ├── example3.c │ │ ├── example4.c │ │ ├── example5.c │ │ └── example6.c │ ├── miniz.c │ ├── miniz.h │ └── readme.md ├── mkl-dnn.BUILD ├── mkl.BUILD ├── mkl_headers.BUILD ├── onnx.BUILD ├── sleef.BUILD ├── sleef.bzl ├── substitution.bzl ├── tbb.BUILD ├── tbb.patch ├── tensorpipe.BUILD └── valgrind-headers │ ├── README.md │ ├── callgrind.h │ └── valgrind.h ├── tools ├── README.md ├── __init__.py ├── amd_build │ └── build_amd.py ├── aten_mirror.sh ├── autograd │ ├── README.md │ ├── __init__.py │ ├── deprecated.yaml │ ├── derivatives.yaml │ ├── gen_annotated_fn_args.py │ ├── gen_autograd.py │ ├── gen_autograd_functions.py │ ├── gen_python_functions.py │ ├── gen_variable_factories.py │ ├── gen_variable_type.py │ ├── load_derivatives.py │ ├── nested_dict.py │ ├── templates │ │ ├── Functions.cpp │ │ ├── Functions.h │ │ ├── TraceType.cpp │ │ ├── VariableType.cpp │ │ ├── VariableType.h │ │ ├── annotated_fn_args.py │ │ ├── python_fft_functions.cpp │ │ ├── python_functions.cpp │ │ ├── python_functions.h │ │ ├── python_linalg_functions.cpp │ │ ├── python_nn_functions.cpp │ │ ├── python_torch_functions.cpp │ │ ├── python_variable_methods.cpp │ │ └── variable_factories.h │ └── utils.py ├── build_libtorch.py ├── build_pytorch_libs.py ├── build_variables.bzl ├── clang_format_all.py ├── clang_format_ci.sh ├── clang_format_hash │ ├── linux64 │ │ └── clang-format-linux64 │ └── mac │ │ └── clang-format-mojave ├── clang_format_utils.py ├── clang_tidy.py ├── code_analyzer │ ├── CMakeLists.txt │ ├── analyzer.cpp │ ├── build.sh │ ├── default_op_deps.yaml │ ├── gen_op_registration_allowlist.py │ ├── op_deps_pass.cpp │ ├── op_deps_processor.py │ └── run_analyzer.sh ├── code_coverage │ ├── README.md │ ├── oss_coverage.py │ └── package │ │ ├── __init__.py │ │ ├── oss │ │ ├── __init__.py │ │ ├── cov_json.py │ │ ├── init.py │ │ ├── run.py │ │ └── utils.py │ │ ├── tool │ │ ├── __init__.py │ │ ├── clang_coverage.py │ │ ├── gcc_coverage.py │ │ ├── parser │ │ │ ├── __init__.py │ │ │ ├── coverage_record.py │ │ │ ├── gcov_coverage_parser.py │ │ │ ├── llvm_coverage_parser.py │ │ │ └── llvm_coverage_segment.py │ │ ├── print_report.py │ │ ├── summarize_jsons.py │ │ └── utils.py │ │ └── util │ │ ├── __init__.py │ │ ├── setting.py │ │ ├── utils.py │ │ └── utils_init.py ├── codegen │ ├── __init__.py │ ├── api │ │ ├── __init__.py │ │ ├── cpp.py │ │ ├── dispatcher.py │ │ ├── native.py │ │ ├── python.py │ │ └── types.py │ ├── code_template.py │ ├── gen.py │ ├── local.py │ ├── model.py │ └── selective_build │ │ ├── __init__.py │ │ ├── operator.py │ │ └── selector.py ├── config │ ├── BUILD │ └── defs.bzl ├── docker │ └── Dockerfile_runtime ├── download_mnist.py ├── flake8_hook.py ├── generate_torch_version.py ├── generated_dirs.txt ├── git-clang-format ├── git-pre-commit ├── git_add_generated_dirs.sh ├── git_reset_generated_dirs.sh ├── jit │ ├── __init__.py │ ├── gen_unboxing_wrappers.py │ └── templates │ │ ├── aten_interned_strings.h │ │ ├── aten_schema_declarations.cpp │ │ └── generated_unboxing_wrappers.cpp ├── nightly.py ├── pyi │ ├── __init__.py │ └── gen_pyi.py ├── pytorch.version ├── rules │ ├── BUILD │ ├── cu.bzl │ └── workspace.bzl ├── setup_helpers │ ├── __init__.py │ ├── cmake.py │ ├── env.py │ ├── gen.py │ ├── generate_code.py │ └── numpy_.py ├── shared │ ├── __init__.py │ ├── cwrap_common.py │ └── module_loader.py └── update_disabled_tests.sh ├── torch ├── CMakeLists.txt ├── README.txt ├── _C │ ├── _VariableFunctions.pyi.in │ ├── __init__.pyi.in │ ├── _autograd.pyi │ ├── _cudnn.pyi │ ├── _functions.pyi │ ├── _nn.pyi.in │ ├── _nvtx.pyi │ └── _onnx.pyi ├── _VF.py ├── __config__.py ├── __future__.py ├── __init__.py ├── _appdirs.py ├── _autograd_functions.py ├── _classes.py ├── _jit_internal.py ├── _linalg_utils.py ├── _lobpcg.py ├── _lowrank.py ├── _namedtensor_internals.py ├── _ops.py ├── _six.py ├── _storage_docs.py ├── _tensor_docs.py ├── _tensor_str.py ├── _torch_docs.py ├── _utils.py ├── _utils_internal.py ├── _vmap_internals.py ├── abi-check.cpp ├── autograd │ ├── __init__.py │ ├── _functions │ │ ├── __init__.py │ │ ├── replace.vim │ │ ├── tensor.py │ │ └── utils.py │ ├── anomaly_mode.py │ ├── function.py │ ├── functional.py │ ├── grad_mode.py │ ├── gradcheck.py │ ├── profiler.py │ └── variable.py ├── backends │ ├── __init__.py │ ├── cuda │ │ └── __init__.py │ ├── cudnn │ │ ├── __init__.py │ │ └── rnn.py │ ├── mkl │ │ └── __init__.py │ ├── mkldnn │ │ └── __init__.py │ ├── openmp │ │ └── __init__.py │ ├── quantized │ │ └── __init__.py │ └── xnnpack │ │ └── __init__.py ├── contrib │ ├── __init__.py │ └── _tensorboard_vis.py ├── csrc │ ├── CudaIPCTypes.cpp │ ├── CudaIPCTypes.h │ ├── DataLoader.cpp │ ├── DataLoader.h │ ├── Device.cpp │ ├── Device.h │ ├── Dtype.cpp │ ├── Dtype.h │ ├── DynamicTypes.cpp │ ├── DynamicTypes.h │ ├── Exceptions.cpp │ ├── Exceptions.h │ ├── Generator.cpp │ ├── Generator.h │ ├── Layout.cpp │ ├── Layout.h │ ├── MemoryFormat.cpp │ ├── MemoryFormat.h │ ├── Module.cpp │ ├── Module.h │ ├── PtrWrapper.cpp │ ├── PtrWrapper.h │ ├── PythonTypes.h │ ├── QScheme.cpp │ ├── QScheme.h │ ├── README.md │ ├── Size.cpp │ ├── Size.h │ ├── Storage.cpp │ ├── Storage.h │ ├── StorageDefs.h │ ├── Stream.cpp │ ├── Stream.h │ ├── THP.h │ ├── THP_export.h │ ├── TypeInfo.cpp │ ├── TypeInfo.h │ ├── Types.h │ ├── WindowsTorchApiMacro.h │ ├── api │ │ ├── include │ │ │ └── torch │ │ │ │ ├── all.h │ │ │ │ ├── arg.h │ │ │ │ ├── autograd.h │ │ │ │ ├── cuda.h │ │ │ │ ├── data.h │ │ │ │ ├── data │ │ │ │ ├── dataloader.h │ │ │ │ ├── dataloader │ │ │ │ │ ├── base.h │ │ │ │ │ ├── stateful.h │ │ │ │ │ └── stateless.h │ │ │ │ ├── dataloader_options.h │ │ │ │ ├── datasets.h │ │ │ │ ├── datasets │ │ │ │ │ ├── base.h │ │ │ │ │ ├── chunk.h │ │ │ │ │ ├── map.h │ │ │ │ │ ├── mnist.h │ │ │ │ │ ├── shared.h │ │ │ │ │ ├── stateful.h │ │ │ │ │ └── tensor.h │ │ │ │ ├── detail │ │ │ │ │ ├── data_shuttle.h │ │ │ │ │ ├── queue.h │ │ │ │ │ └── sequencers.h │ │ │ │ ├── example.h │ │ │ │ ├── iterator.h │ │ │ │ ├── samplers.h │ │ │ │ ├── samplers │ │ │ │ │ ├── base.h │ │ │ │ │ ├── custom_batch_request.h │ │ │ │ │ ├── distributed.h │ │ │ │ │ ├── random.h │ │ │ │ │ ├── sequential.h │ │ │ │ │ ├── serialize.h │ │ │ │ │ └── stream.h │ │ │ │ ├── transforms.h │ │ │ │ ├── transforms │ │ │ │ │ ├── base.h │ │ │ │ │ ├── collate.h │ │ │ │ │ ├── lambda.h │ │ │ │ │ ├── stack.h │ │ │ │ │ └── tensor.h │ │ │ │ └── worker_exception.h │ │ │ │ ├── detail │ │ │ │ ├── TensorDataContainer.h │ │ │ │ └── static.h │ │ │ │ ├── enum.h │ │ │ │ ├── expanding_array.h │ │ │ │ ├── fft.h │ │ │ │ ├── jit.h │ │ │ │ ├── linalg.h │ │ │ │ ├── nn.h │ │ │ │ ├── nn │ │ │ │ ├── cloneable.h │ │ │ │ ├── functional.h │ │ │ │ ├── functional │ │ │ │ │ ├── activation.h │ │ │ │ │ ├── batchnorm.h │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── distance.h │ │ │ │ │ ├── dropout.h │ │ │ │ │ ├── embedding.h │ │ │ │ │ ├── fold.h │ │ │ │ │ ├── instancenorm.h │ │ │ │ │ ├── linear.h │ │ │ │ │ ├── loss.h │ │ │ │ │ ├── normalization.h │ │ │ │ │ ├── padding.h │ │ │ │ │ ├── pixelshuffle.h │ │ │ │ │ ├── pooling.h │ │ │ │ │ ├── upsampling.h │ │ │ │ │ └── vision.h │ │ │ │ ├── init.h │ │ │ │ ├── module.h │ │ │ │ ├── modules.h │ │ │ │ ├── modules │ │ │ │ │ ├── _functions.h │ │ │ │ │ ├── activation.h │ │ │ │ │ ├── adaptive.h │ │ │ │ │ ├── batchnorm.h │ │ │ │ │ ├── common.h │ │ │ │ │ ├── container │ │ │ │ │ │ ├── any.h │ │ │ │ │ │ ├── any_module_holder.h │ │ │ │ │ │ ├── any_value.h │ │ │ │ │ │ ├── functional.h │ │ │ │ │ │ ├── modulelist.h │ │ │ │ │ │ ├── named_any.h │ │ │ │ │ │ ├── parameterdict.h │ │ │ │ │ │ ├── parameterlist.h │ │ │ │ │ │ └── sequential.h │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── distance.h │ │ │ │ │ ├── dropout.h │ │ │ │ │ ├── embedding.h │ │ │ │ │ ├── fold.h │ │ │ │ │ ├── instancenorm.h │ │ │ │ │ ├── linear.h │ │ │ │ │ ├── loss.h │ │ │ │ │ ├── normalization.h │ │ │ │ │ ├── padding.h │ │ │ │ │ ├── pixelshuffle.h │ │ │ │ │ ├── pooling.h │ │ │ │ │ ├── rnn.h │ │ │ │ │ ├── transformer.h │ │ │ │ │ ├── transformercoder.h │ │ │ │ │ ├── transformerlayer.h │ │ │ │ │ ├── upsampling.h │ │ │ │ │ └── utils.h │ │ │ │ ├── options.h │ │ │ │ ├── options │ │ │ │ │ ├── activation.h │ │ │ │ │ ├── adaptive.h │ │ │ │ │ ├── batchnorm.h │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── distance.h │ │ │ │ │ ├── dropout.h │ │ │ │ │ ├── embedding.h │ │ │ │ │ ├── fold.h │ │ │ │ │ ├── instancenorm.h │ │ │ │ │ ├── linear.h │ │ │ │ │ ├── loss.h │ │ │ │ │ ├── normalization.h │ │ │ │ │ ├── padding.h │ │ │ │ │ ├── pixelshuffle.h │ │ │ │ │ ├── pooling.h │ │ │ │ │ ├── rnn.h │ │ │ │ │ ├── transformer.h │ │ │ │ │ ├── transformercoder.h │ │ │ │ │ ├── transformerlayer.h │ │ │ │ │ ├── upsampling.h │ │ │ │ │ └── vision.h │ │ │ │ ├── parallel │ │ │ │ │ └── data_parallel.h │ │ │ │ ├── pimpl-inl.h │ │ │ │ ├── pimpl.h │ │ │ │ ├── utils.h │ │ │ │ └── utils │ │ │ │ │ ├── clip_grad.h │ │ │ │ │ ├── convert_parameters.h │ │ │ │ │ └── rnn.h │ │ │ │ ├── optim.h │ │ │ │ ├── optim │ │ │ │ ├── adagrad.h │ │ │ │ ├── adam.h │ │ │ │ ├── adamw.h │ │ │ │ ├── lbfgs.h │ │ │ │ ├── optimizer.h │ │ │ │ ├── rmsprop.h │ │ │ │ ├── serialize.h │ │ │ │ └── sgd.h │ │ │ │ ├── ordered_dict.h │ │ │ │ ├── python.h │ │ │ │ ├── python │ │ │ │ └── init.h │ │ │ │ ├── serialize.h │ │ │ │ ├── serialize │ │ │ │ ├── archive.h │ │ │ │ ├── input-archive.h │ │ │ │ ├── output-archive.h │ │ │ │ └── tensor.h │ │ │ │ ├── torch.h │ │ │ │ ├── types.h │ │ │ │ └── utils.h │ │ └── src │ │ │ ├── cuda.cpp │ │ │ ├── data │ │ │ ├── datasets │ │ │ │ └── mnist.cpp │ │ │ └── samplers │ │ │ │ ├── distributed.cpp │ │ │ │ ├── random.cpp │ │ │ │ ├── sequential.cpp │ │ │ │ └── stream.cpp │ │ │ ├── enum.cpp │ │ │ ├── jit.cpp │ │ │ ├── nn │ │ │ ├── init.cpp │ │ │ ├── module.cpp │ │ │ ├── modules │ │ │ │ ├── _functions.cpp │ │ │ │ ├── activation.cpp │ │ │ │ ├── adaptive.cpp │ │ │ │ ├── batchnorm.cpp │ │ │ │ ├── container │ │ │ │ │ └── functional.cpp │ │ │ │ ├── conv.cpp │ │ │ │ ├── distance.cpp │ │ │ │ ├── dropout.cpp │ │ │ │ ├── embedding.cpp │ │ │ │ ├── fold.cpp │ │ │ │ ├── instancenorm.cpp │ │ │ │ ├── linear.cpp │ │ │ │ ├── loss.cpp │ │ │ │ ├── normalization.cpp │ │ │ │ ├── padding.cpp │ │ │ │ ├── pixelshuffle.cpp │ │ │ │ ├── pooling.cpp │ │ │ │ ├── rnn.cpp │ │ │ │ ├── transformer.cpp │ │ │ │ └── upsampling.cpp │ │ │ └── options │ │ │ │ ├── activation.cpp │ │ │ │ ├── adaptive.cpp │ │ │ │ ├── batchnorm.cpp │ │ │ │ ├── conv.cpp │ │ │ │ ├── dropout.cpp │ │ │ │ ├── embedding.cpp │ │ │ │ ├── instancenorm.cpp │ │ │ │ ├── linear.cpp │ │ │ │ ├── normalization.cpp │ │ │ │ ├── padding.cpp │ │ │ │ ├── pooling.cpp │ │ │ │ ├── rnn.cpp │ │ │ │ ├── transformer.cpp │ │ │ │ └── vision.cpp │ │ │ ├── optim │ │ │ ├── adagrad.cpp │ │ │ ├── adam.cpp │ │ │ ├── adamw.cpp │ │ │ ├── lbfgs.cpp │ │ │ ├── optimizer.cpp │ │ │ ├── rmsprop.cpp │ │ │ ├── serialize.cpp │ │ │ └── sgd.cpp │ │ │ ├── python │ │ │ └── init.cpp │ │ │ ├── serialize.cpp │ │ │ └── serialize │ │ │ ├── input-archive.cpp │ │ │ └── output-archive.cpp │ ├── autograd │ │ ├── FunctionsManual.cpp │ │ ├── FunctionsManual.h │ │ ├── README.md │ │ ├── TraceTypeManual.cpp │ │ ├── VariableTypeManual.cpp │ │ ├── VariableTypeUtils.h │ │ ├── anomaly_mode.cpp │ │ ├── anomaly_mode.h │ │ ├── autograd.cpp │ │ ├── autograd.h │ │ ├── cpp_hook.cpp │ │ ├── cpp_hook.h │ │ ├── custom_function.cpp │ │ ├── custom_function.h │ │ ├── edge.h │ │ ├── engine.cpp │ │ ├── engine.h │ │ ├── function.cpp │ │ ├── function.h │ │ ├── function_hook.cpp │ │ ├── function_hook.h │ │ ├── functions │ │ │ ├── accumulate_grad.cpp │ │ │ ├── accumulate_grad.h │ │ │ ├── basic_ops.cpp │ │ │ ├── basic_ops.h │ │ │ ├── comm.cpp │ │ │ ├── comm.h │ │ │ ├── init.cpp │ │ │ ├── pybind.h │ │ │ ├── tensor.cpp │ │ │ ├── tensor.h │ │ │ ├── utils.cpp │ │ │ └── utils.h │ │ ├── grad_mode.h │ │ ├── init.cpp │ │ ├── input_buffer.cpp │ │ ├── input_buffer.h │ │ ├── input_metadata.h │ │ ├── profiler.cpp │ │ ├── profiler.h │ │ ├── profiler_cuda.cpp │ │ ├── python_anomaly_mode.cpp │ │ ├── python_anomaly_mode.h │ │ ├── python_autograd.h │ │ ├── python_cpp_function.cpp │ │ ├── python_cpp_function.h │ │ ├── python_engine.cpp │ │ ├── python_engine.h │ │ ├── python_fft_functions.h │ │ ├── python_function.cpp │ │ ├── python_function.h │ │ ├── python_hook.cpp │ │ ├── python_hook.h │ │ ├── python_legacy_variable.cpp │ │ ├── python_legacy_variable.h │ │ ├── python_linalg_functions.h │ │ ├── python_nn_functions.h │ │ ├── python_variable.cpp │ │ ├── python_variable.h │ │ ├── python_variable_indexing.cpp │ │ ├── python_variable_indexing.h │ │ ├── record_function_ops.cpp │ │ ├── record_function_ops.h │ │ ├── saved_variable.cpp │ │ ├── saved_variable.h │ │ ├── symbolic.h │ │ ├── utils │ │ │ ├── error_messages.h │ │ │ ├── grad_layout_contract.h │ │ │ ├── lambda_post_hook.h │ │ │ ├── python_arg_parsing.h │ │ │ └── wrap_outputs.h │ │ ├── variable.cpp │ │ └── variable.h │ ├── copy_utils.h │ ├── cuda │ │ ├── Event.cpp │ │ ├── Event.h │ │ ├── Module.cpp │ │ ├── Module.h │ │ ├── Storage.cpp │ │ ├── Storage.h │ │ ├── Stream.cpp │ │ ├── Stream.h │ │ ├── THCP.h │ │ ├── Tensor.cpp │ │ ├── comm.cpp │ │ ├── comm.h │ │ ├── device_set.h │ │ ├── nccl.cpp │ │ ├── nccl.h │ │ ├── override_macros.h │ │ ├── python_comm.cpp │ │ ├── python_comm.h │ │ ├── python_nccl.cpp │ │ ├── python_nccl.h │ │ ├── restore_macros.h │ │ ├── serialization.cpp │ │ ├── serialization.h │ │ ├── shared │ │ │ ├── cudart.cpp │ │ │ ├── cudnn.cpp │ │ │ └── nvtx.cpp │ │ ├── undef_macros.h │ │ ├── utils.cpp │ │ └── utils.h │ ├── distributed │ │ ├── autograd │ │ │ ├── autograd.cpp │ │ │ ├── autograd.h │ │ │ ├── context │ │ │ │ ├── container.cpp │ │ │ │ ├── container.h │ │ │ │ ├── context.cpp │ │ │ │ └── context.h │ │ │ ├── engine │ │ │ │ ├── dist_engine.cpp │ │ │ │ └── dist_engine.h │ │ │ ├── functions │ │ │ │ ├── recvrpc_backward.cpp │ │ │ │ ├── recvrpc_backward.h │ │ │ │ ├── sendrpc_backward.cpp │ │ │ │ └── sendrpc_backward.h │ │ │ ├── init.cpp │ │ │ ├── python_autograd.h │ │ │ ├── rpc_messages │ │ │ │ ├── autograd_metadata.cpp │ │ │ │ ├── autograd_metadata.h │ │ │ │ ├── cleanup_autograd_context_req.cpp │ │ │ │ ├── cleanup_autograd_context_req.h │ │ │ │ ├── cleanup_autograd_context_resp.cpp │ │ │ │ ├── cleanup_autograd_context_resp.h │ │ │ │ ├── propagate_gradients_req.cpp │ │ │ │ ├── propagate_gradients_req.h │ │ │ │ ├── propagate_gradients_resp.cpp │ │ │ │ ├── propagate_gradients_resp.h │ │ │ │ ├── rpc_with_autograd.cpp │ │ │ │ ├── rpc_with_autograd.h │ │ │ │ ├── rpc_with_profiling_req.cpp │ │ │ │ ├── rpc_with_profiling_req.h │ │ │ │ ├── rpc_with_profiling_resp.cpp │ │ │ │ └── rpc_with_profiling_resp.h │ │ │ ├── utils.cpp │ │ │ └── utils.h │ │ ├── c10d │ │ │ ├── c10d.h │ │ │ ├── comm.cpp │ │ │ ├── comm.h │ │ │ ├── default_comm_hooks.cpp │ │ │ ├── default_comm_hooks.h │ │ │ ├── frontend.cpp │ │ │ ├── frontend.h │ │ │ ├── init.cpp │ │ │ ├── reducer.cpp │ │ │ └── reducer.h │ │ └── rpc │ │ │ ├── init.cpp │ │ │ ├── message.cpp │ │ │ ├── message.h │ │ │ ├── metrics │ │ │ ├── RpcMetricsHandler.h │ │ │ └── registry.cpp │ │ │ ├── process_group_agent.cpp │ │ │ ├── process_group_agent.h │ │ │ ├── profiler │ │ │ ├── remote_profiler_manager.cpp │ │ │ ├── remote_profiler_manager.h │ │ │ ├── server_process_global_profiler.cpp │ │ │ └── server_process_global_profiler.h │ │ │ ├── py_rref.cpp │ │ │ ├── py_rref.h │ │ │ ├── python_call.cpp │ │ │ ├── python_call.h │ │ │ ├── python_functions.cpp │ │ │ ├── python_functions.h │ │ │ ├── python_remote_call.cpp │ │ │ ├── python_remote_call.h │ │ │ ├── python_resp.cpp │ │ │ ├── python_resp.h │ │ │ ├── python_rpc_handler.cpp │ │ │ ├── python_rpc_handler.h │ │ │ ├── request_callback.cpp │ │ │ ├── request_callback.h │ │ │ ├── request_callback_impl.cpp │ │ │ ├── request_callback_impl.h │ │ │ ├── request_callback_no_python.cpp │ │ │ ├── request_callback_no_python.h │ │ │ ├── rpc.h │ │ │ ├── rpc_agent.cpp │ │ │ ├── rpc_agent.h │ │ │ ├── rpc_command_base.h │ │ │ ├── rref_context.cpp │ │ │ ├── rref_context.h │ │ │ ├── rref_impl.cpp │ │ │ ├── rref_impl.h │ │ │ ├── rref_proto.cpp │ │ │ ├── rref_proto.h │ │ │ ├── script_call.cpp │ │ │ ├── script_call.h │ │ │ ├── script_remote_call.cpp │ │ │ ├── script_remote_call.h │ │ │ ├── script_resp.cpp │ │ │ ├── script_resp.h │ │ │ ├── tensorpipe_agent.cpp │ │ │ ├── tensorpipe_agent.h │ │ │ ├── tensorpipe_utils.cpp │ │ │ ├── tensorpipe_utils.h │ │ │ ├── testing │ │ │ ├── faulty_process_group_agent.cpp │ │ │ ├── faulty_process_group_agent.h │ │ │ ├── init.cpp │ │ │ └── testing.h │ │ │ ├── torchscript_functions.cpp │ │ │ ├── torchscript_functions.h │ │ │ ├── types.cpp │ │ │ ├── types.h │ │ │ ├── unpickled_python_call.cpp │ │ │ ├── unpickled_python_call.h │ │ │ ├── unpickled_python_remote_call.cpp │ │ │ ├── unpickled_python_remote_call.h │ │ │ ├── utils.cpp │ │ │ └── utils.h │ ├── dl.c │ ├── empty.c │ ├── generic │ │ ├── Storage.cpp │ │ ├── Storage.h │ │ ├── StorageMethods.cpp │ │ ├── StorageSharing.cpp │ │ ├── serialization.cpp │ │ ├── serialization.h │ │ ├── utils.cpp │ │ └── utils.h │ ├── jit │ │ ├── OVERVIEW.md │ │ ├── README.md │ │ ├── api │ │ │ ├── compilation_unit.h │ │ │ ├── function_impl.cpp │ │ │ ├── function_impl.h │ │ │ ├── method.h │ │ │ ├── module.cpp │ │ │ ├── module.h │ │ │ ├── module_save.cpp │ │ │ ├── object.cpp │ │ │ └── object.h │ │ ├── backends │ │ │ ├── backend.h │ │ │ ├── backend_detail.cpp │ │ │ ├── backend_detail.h │ │ │ ├── backend_init.cpp │ │ │ ├── backend_init.h │ │ │ ├── backend_interface.cpp │ │ │ ├── backend_interface.h │ │ │ ├── backend_resolver.cpp │ │ │ └── backend_resolver.h │ │ ├── codegen │ │ │ ├── cuda │ │ │ │ ├── arith.cpp │ │ │ │ ├── arith.h │ │ │ │ ├── codegen.cpp │ │ │ │ ├── codegen.h │ │ │ │ ├── compute_at.cpp │ │ │ │ ├── compute_at.h │ │ │ │ ├── dispatch.cpp │ │ │ │ ├── dispatch.h │ │ │ │ ├── docs │ │ │ │ │ ├── .gitignore │ │ │ │ │ ├── documentation.h │ │ │ │ │ ├── fuser.doxygen │ │ │ │ │ ├── images │ │ │ │ │ │ └── ir_architecture.png │ │ │ │ │ └── main_page.md │ │ │ │ ├── executor.cpp │ │ │ │ ├── executor.h │ │ │ │ ├── executor_kernel_arg.cpp │ │ │ │ ├── executor_kernel_arg.h │ │ │ │ ├── executor_launch_params.cpp │ │ │ │ ├── executor_launch_params.h │ │ │ │ ├── executor_utils.cpp │ │ │ │ ├── executor_utils.h │ │ │ │ ├── expr_evaluator.cpp │ │ │ │ ├── expr_evaluator.h │ │ │ │ ├── fusion.cpp │ │ │ │ ├── fusion.h │ │ │ │ ├── graph_fuser.cpp │ │ │ │ ├── index_compute.cpp │ │ │ │ ├── index_compute.h │ │ │ │ ├── instrumentation.cpp │ │ │ │ ├── instrumentation.h │ │ │ │ ├── interface.cpp │ │ │ │ ├── interface.h │ │ │ │ ├── ir_all_nodes.h │ │ │ │ ├── ir_base_nodes.cpp │ │ │ │ ├── ir_base_nodes.h │ │ │ │ ├── ir_cloner.cpp │ │ │ │ ├── ir_cloner.h │ │ │ │ ├── ir_graphviz.cpp │ │ │ │ ├── ir_graphviz.h │ │ │ │ ├── ir_interface_nodes.h │ │ │ │ ├── ir_internal_nodes.h │ │ │ │ ├── ir_iostream.cpp │ │ │ │ ├── ir_iostream.h │ │ │ │ ├── ir_nodes.cpp │ │ │ │ ├── ir_printer.h │ │ │ │ ├── ir_utils.h │ │ │ │ ├── iter_visitor.cpp │ │ │ │ ├── iter_visitor.h │ │ │ │ ├── kernel.cpp │ │ │ │ ├── kernel.h │ │ │ │ ├── kernel_cache.cpp │ │ │ │ ├── kernel_cache.h │ │ │ │ ├── kernel_ir.cpp │ │ │ │ ├── kernel_ir.h │ │ │ │ ├── kernel_ir_builder.cpp │ │ │ │ ├── kernel_ir_builder.h │ │ │ │ ├── kernel_ir_printer.cpp │ │ │ │ ├── kernel_ir_printer.h │ │ │ │ ├── kernel_resource_strings.h │ │ │ │ ├── lower2device.cpp │ │ │ │ ├── lower2device.h │ │ │ │ ├── lower_alias_memory.cpp │ │ │ │ ├── lower_alias_memory.h │ │ │ │ ├── lower_index.cpp │ │ │ │ ├── lower_index.h │ │ │ │ ├── lower_insert_syncs.cpp │ │ │ │ ├── lower_insert_syncs.h │ │ │ │ ├── lower_loops.cpp │ │ │ │ ├── lower_loops.h │ │ │ │ ├── lower_thread_predicate.cpp │ │ │ │ ├── lower_thread_predicate.h │ │ │ │ ├── lower_unroll.cpp │ │ │ │ ├── lower_unroll.h │ │ │ │ ├── lower_utils.cpp │ │ │ │ ├── lower_utils.h │ │ │ │ ├── lower_validation.cpp │ │ │ │ ├── lower_validation.h │ │ │ │ ├── manager.cpp │ │ │ │ ├── manager.h │ │ │ │ ├── mutator.cpp │ │ │ │ ├── mutator.h │ │ │ │ ├── parser.cpp │ │ │ │ ├── parser.h │ │ │ │ ├── partition.cpp │ │ │ │ ├── partition.h │ │ │ │ ├── predicate_compute.cpp │ │ │ │ ├── predicate_compute.h │ │ │ │ ├── register_interface.cpp │ │ │ │ ├── scheduler.cpp │ │ │ │ ├── scheduler.h │ │ │ │ ├── shape_inference.cpp │ │ │ │ ├── shape_inference.h │ │ │ │ ├── tensor_view.cpp │ │ │ │ ├── transform_iter.cpp │ │ │ │ ├── transform_iter.h │ │ │ │ ├── transform_replay.cpp │ │ │ │ ├── transform_replay.h │ │ │ │ ├── transform_rfactor.cpp │ │ │ │ ├── transform_rfactor.h │ │ │ │ ├── type.cpp │ │ │ │ ├── type.h │ │ │ │ └── utils.h │ │ │ └── fuser │ │ │ │ ├── README.md │ │ │ │ ├── arg_spec.h │ │ │ │ ├── codegen.cpp │ │ │ │ ├── codegen.h │ │ │ │ ├── compiler.cpp │ │ │ │ ├── compiler.h │ │ │ │ ├── cpu │ │ │ │ ├── fused_kernel.cpp │ │ │ │ ├── fused_kernel.h │ │ │ │ ├── resource_strings.h │ │ │ │ └── temp_file.h │ │ │ │ ├── cuda │ │ │ │ ├── fused_kernel.cpp │ │ │ │ ├── fused_kernel.h │ │ │ │ └── resource_strings.h │ │ │ │ ├── executor.cpp │ │ │ │ ├── executor.h │ │ │ │ ├── fallback.cpp │ │ │ │ ├── fallback.h │ │ │ │ ├── fused_kernel.h │ │ │ │ ├── interface.cpp │ │ │ │ ├── interface.h │ │ │ │ ├── kernel_cache.cpp │ │ │ │ ├── kernel_cache.h │ │ │ │ ├── kernel_spec.h │ │ │ │ ├── partition_desc.h │ │ │ │ ├── tensor_desc.h │ │ │ │ └── tensor_info.h │ │ ├── docs │ │ │ └── serialization.md │ │ ├── frontend │ │ │ ├── builtin_functions.cpp │ │ │ ├── builtin_functions.h │ │ │ ├── canonicalize_modified_loop.cpp │ │ │ ├── canonicalize_modified_loop.h │ │ │ ├── code_template.h │ │ │ ├── concrete_module_type.cpp │ │ │ ├── concrete_module_type.h │ │ │ ├── convert_to_ssa.cpp │ │ │ ├── convert_to_ssa.h │ │ │ ├── edit_distance.cpp │ │ │ ├── edit_distance.h │ │ │ ├── error_report.cpp │ │ │ ├── error_report.h │ │ │ ├── exit_transforms.cpp │ │ │ ├── exit_transforms.h │ │ │ ├── function_schema_parser.cpp │ │ │ ├── function_schema_parser.h │ │ │ ├── inline_loop_condition.cpp │ │ │ ├── inline_loop_condition.h │ │ │ ├── ir_emitter.cpp │ │ │ ├── ir_emitter.h │ │ │ ├── lexer.cpp │ │ │ ├── lexer.h │ │ │ ├── mini_environment.h │ │ │ ├── name_mangler.cpp │ │ │ ├── name_mangler.h │ │ │ ├── parse_string_literal.h │ │ │ ├── parser.cpp │ │ │ ├── parser.h │ │ │ ├── parser_constants.h │ │ │ ├── resolver.h │ │ │ ├── schema_matching.cpp │ │ │ ├── schema_matching.h │ │ │ ├── schema_type_parser.cpp │ │ │ ├── schema_type_parser.h │ │ │ ├── script_type_parser.cpp │ │ │ ├── script_type_parser.h │ │ │ ├── source_range.cpp │ │ │ ├── source_range.h │ │ │ ├── string_to_type.cpp │ │ │ ├── strtod.cpp │ │ │ ├── strtod.h │ │ │ ├── sugared_value.cpp │ │ │ ├── sugared_value.h │ │ │ ├── tracer.cpp │ │ │ ├── tracer.h │ │ │ ├── tree.h │ │ │ ├── tree_views.h │ │ │ ├── versioned_symbols.cpp │ │ │ └── versioned_symbols.h │ │ ├── ir │ │ │ ├── alias_analysis.cpp │ │ │ ├── alias_analysis.h │ │ │ ├── attributes.cpp │ │ │ ├── attributes.h │ │ │ ├── constants.cpp │ │ │ ├── constants.h │ │ │ ├── graph_node_list.h │ │ │ ├── ir.cpp │ │ │ ├── ir.h │ │ │ ├── ir_views.h │ │ │ ├── irparser.cpp │ │ │ ├── irparser.h │ │ │ ├── named_value.h │ │ │ ├── node_hashing.cpp │ │ │ ├── node_hashing.h │ │ │ ├── scope.cpp │ │ │ ├── scope.h │ │ │ ├── subgraph_matcher.cpp │ │ │ ├── subgraph_matcher.h │ │ │ ├── type_hashing.cpp │ │ │ └── type_hashing.h │ │ ├── jit_log.cpp │ │ ├── jit_log.h │ │ ├── mobile │ │ │ ├── export_data.cpp │ │ │ ├── export_data.h │ │ │ ├── function.cpp │ │ │ ├── function.h │ │ │ ├── import.cpp │ │ │ ├── import.h │ │ │ ├── import_data.cpp │ │ │ ├── import_data.h │ │ │ ├── interpreter.cpp │ │ │ ├── interpreter.h │ │ │ ├── method.h │ │ │ ├── module.cpp │ │ │ ├── module.h │ │ │ ├── observer.cpp │ │ │ ├── observer.h │ │ │ ├── optim │ │ │ │ ├── sgd.cpp │ │ │ │ └── sgd.h │ │ │ ├── sequential.cpp │ │ │ ├── sequential.h │ │ │ ├── type_parser.cpp │ │ │ └── type_parser.h │ │ ├── passes │ │ │ ├── annotate_warns.cpp │ │ │ ├── annotate_warns.h │ │ │ ├── bailout_graph.cpp │ │ │ ├── bailout_graph.h │ │ │ ├── batch_mm.cpp │ │ │ ├── batch_mm.h │ │ │ ├── canonicalize.cpp │ │ │ ├── canonicalize.h │ │ │ ├── canonicalize_graph_fuser_ops.cpp │ │ │ ├── canonicalize_graph_fuser_ops.h │ │ │ ├── clear_profiling.cpp │ │ │ ├── clear_profiling.h │ │ │ ├── clear_undefinedness.cpp │ │ │ ├── clear_undefinedness.h │ │ │ ├── common_subexpression_elimination.cpp │ │ │ ├── common_subexpression_elimination.h │ │ │ ├── constant_pooling.cpp │ │ │ ├── constant_pooling.h │ │ │ ├── constant_propagation.cpp │ │ │ ├── constant_propagation.h │ │ │ ├── create_autodiff_subgraphs.cpp │ │ │ ├── create_autodiff_subgraphs.h │ │ │ ├── create_functional_graphs.cpp │ │ │ ├── create_functional_graphs.h │ │ │ ├── cuda_graph_fuser.h │ │ │ ├── dead_code_elimination.cpp │ │ │ ├── dead_code_elimination.h │ │ │ ├── decompose_ops.cpp │ │ │ ├── decompose_ops.h │ │ │ ├── erase_number_types.cpp │ │ │ ├── erase_number_types.h │ │ │ ├── fixup_trace_scope_blocks.cpp │ │ │ ├── fixup_trace_scope_blocks.h │ │ │ ├── fold_conv_bn.cpp │ │ │ ├── fold_conv_bn.h │ │ │ ├── freeze_module.cpp │ │ │ ├── freeze_module.h │ │ │ ├── fuse_linear.cpp │ │ │ ├── fuse_linear.h │ │ │ ├── fuse_relu.cpp │ │ │ ├── fuse_relu.h │ │ │ ├── graph_fuser.cpp │ │ │ ├── graph_fuser.h │ │ │ ├── graph_rewrite_helper.cpp │ │ │ ├── graph_rewrite_helper.h │ │ │ ├── guard_elimination.cpp │ │ │ ├── guard_elimination.h │ │ │ ├── hoist_conv_packed_params.cpp │ │ │ ├── hoist_conv_packed_params.h │ │ │ ├── inline_autodiff_subgraphs.cpp │ │ │ ├── inline_autodiff_subgraphs.h │ │ │ ├── inline_fork_wait.cpp │ │ │ ├── inline_fork_wait.h │ │ │ ├── inline_forked_closures.cpp │ │ │ ├── inline_forked_closures.h │ │ │ ├── inliner.cpp │ │ │ ├── inliner.h │ │ │ ├── inplace_check.cpp │ │ │ ├── inplace_check.h │ │ │ ├── insert_guards.cpp │ │ │ ├── insert_guards.h │ │ │ ├── lift_closures.cpp │ │ │ ├── lift_closures.h │ │ │ ├── liveness.cpp │ │ │ ├── liveness.h │ │ │ ├── loop_unrolling.cpp │ │ │ ├── loop_unrolling.h │ │ │ ├── lower_grad_of.cpp │ │ │ ├── lower_grad_of.h │ │ │ ├── lower_graph.cpp │ │ │ ├── lower_graph.h │ │ │ ├── lower_tuples.cpp │ │ │ ├── lower_tuples.h │ │ │ ├── metal_rewrite.cpp │ │ │ ├── metal_rewrite.h │ │ │ ├── normalize_ops.cpp │ │ │ ├── normalize_ops.h │ │ │ ├── onnx.cpp │ │ │ ├── onnx.h │ │ │ ├── onnx │ │ │ │ ├── README.md │ │ │ │ ├── cast_all_constant_to_floating.cpp │ │ │ │ ├── cast_all_constant_to_floating.h │ │ │ │ ├── constant_fold.cpp │ │ │ │ ├── constant_fold.h │ │ │ │ ├── eliminate_unused_items.cpp │ │ │ │ ├── eliminate_unused_items.h │ │ │ │ ├── eval_peephole.cpp │ │ │ │ ├── eval_peephole.h │ │ │ │ ├── fixup_onnx_controlflow.cpp │ │ │ │ ├── fixup_onnx_controlflow.h │ │ │ │ ├── function_substitution.cpp │ │ │ │ ├── function_substitution.h │ │ │ │ ├── helper.cpp │ │ │ │ ├── helper.h │ │ │ │ ├── peephole.cpp │ │ │ │ ├── peephole.h │ │ │ │ ├── prepare_division_for_onnx.cpp │ │ │ │ ├── prepare_division_for_onnx.h │ │ │ │ ├── preprocess_for_onnx.cpp │ │ │ │ ├── preprocess_for_onnx.h │ │ │ │ ├── remove_inplace_ops_for_onnx.cpp │ │ │ │ ├── remove_inplace_ops_for_onnx.h │ │ │ │ ├── scalar_type_analysis.cpp │ │ │ │ ├── scalar_type_analysis.h │ │ │ │ ├── shape_type_inference.cpp │ │ │ │ ├── shape_type_inference.h │ │ │ │ ├── unpack_quantized_weights.cpp │ │ │ │ └── unpack_quantized_weights.h │ │ │ ├── pass_manager.cpp │ │ │ ├── pass_manager.h │ │ │ ├── peephole.cpp │ │ │ ├── peephole.h │ │ │ ├── peephole_list_idioms.cpp │ │ │ ├── peephole_list_idioms.h │ │ │ ├── prepack_folding.cpp │ │ │ ├── prepack_folding.h │ │ │ ├── quantization │ │ │ │ ├── dedup_module_uses.cpp │ │ │ │ ├── dedup_module_uses.h │ │ │ │ ├── finalize.cpp │ │ │ │ ├── finalize.h │ │ │ │ ├── fusion_passes.cpp │ │ │ │ ├── fusion_passes.h │ │ │ │ ├── helper.cpp │ │ │ │ ├── helper.h │ │ │ │ ├── insert_observers.cpp │ │ │ │ ├── insert_observers.h │ │ │ │ ├── insert_quant_dequant.cpp │ │ │ │ ├── insert_quant_dequant.h │ │ │ │ ├── quantization_patterns.h │ │ │ │ ├── quantization_type.cpp │ │ │ │ └── quantization_type.h │ │ │ ├── reconstruct_scopes.cpp │ │ │ ├── reconstruct_scopes.h │ │ │ ├── remove_dropout.cpp │ │ │ ├── remove_dropout.h │ │ │ ├── remove_expands.cpp │ │ │ ├── remove_expands.h │ │ │ ├── remove_inplace_ops.cpp │ │ │ ├── remove_inplace_ops.h │ │ │ ├── remove_mutation.cpp │ │ │ ├── remove_mutation.h │ │ │ ├── remove_redundant_profiles.cpp │ │ │ ├── remove_redundant_profiles.h │ │ │ ├── requires_grad_analysis.cpp │ │ │ ├── requires_grad_analysis.h │ │ │ ├── shape_analysis.cpp │ │ │ ├── shape_analysis.h │ │ │ ├── specialize_autogradzero.cpp │ │ │ ├── specialize_autogradzero.h │ │ │ ├── subgraph_rewrite.cpp │ │ │ ├── subgraph_rewrite.h │ │ │ ├── tensorexpr_fuser.cpp │ │ │ ├── tensorexpr_fuser.h │ │ │ ├── update_differentiable_graph_requires_grad.cpp │ │ │ ├── update_differentiable_graph_requires_grad.h │ │ │ ├── utils │ │ │ │ ├── check_alias_annotation.cpp │ │ │ │ ├── check_alias_annotation.h │ │ │ │ ├── memory_dag.cpp │ │ │ │ ├── memory_dag.h │ │ │ │ ├── subgraph_utils.cpp │ │ │ │ └── subgraph_utils.h │ │ │ ├── vulkan_rewrite.cpp │ │ │ ├── vulkan_rewrite.h │ │ │ ├── xnnpack_rewrite.cpp │ │ │ └── xnnpack_rewrite.h │ │ ├── python │ │ │ ├── init.cpp │ │ │ ├── init.h │ │ │ ├── module_python.h │ │ │ ├── pybind.h │ │ │ ├── pybind_utils.h │ │ │ ├── python_arg_flatten.cpp │ │ │ ├── python_arg_flatten.h │ │ │ ├── python_custom_class.cpp │ │ │ ├── python_custom_class.h │ │ │ ├── python_interpreter.cpp │ │ │ ├── python_ir.cpp │ │ │ ├── python_ir.h │ │ │ ├── python_ivalue.h │ │ │ ├── python_sugared_value.cpp │ │ │ ├── python_sugared_value.h │ │ │ ├── python_tracer.cpp │ │ │ ├── python_tracer.h │ │ │ ├── python_tree_views.cpp │ │ │ ├── python_tree_views.h │ │ │ ├── script_init.cpp │ │ │ ├── script_init.h │ │ │ ├── update_graph_executor_opt.cpp │ │ │ └── update_graph_executor_opt.h │ │ ├── resource_guard.h │ │ ├── runtime │ │ │ ├── argument_spec.cpp │ │ │ ├── argument_spec.h │ │ │ ├── autodiff.cpp │ │ │ ├── autodiff.h │ │ │ ├── custom_operator.h │ │ │ ├── exception_message.h │ │ │ ├── graph_executor.cpp │ │ │ ├── graph_executor.h │ │ │ ├── graph_executor_impl.h │ │ │ ├── instruction.cpp │ │ │ ├── instruction.h │ │ │ ├── interpreter.cpp │ │ │ ├── interpreter.h │ │ │ ├── jit_exception.cpp │ │ │ ├── jit_exception.h │ │ │ ├── logging.cpp │ │ │ ├── logging.h │ │ │ ├── operator.cpp │ │ │ ├── operator.h │ │ │ ├── operator_options.h │ │ │ ├── print_handler.cpp │ │ │ ├── print_handler.h │ │ │ ├── profiling_graph_executor_impl.cpp │ │ │ ├── profiling_graph_executor_impl.h │ │ │ ├── profiling_record.cpp │ │ │ ├── profiling_record.h │ │ │ ├── register_c10_ops.cpp │ │ │ ├── register_distributed_ops.cpp │ │ │ ├── register_ops_utils.cpp │ │ │ ├── register_ops_utils.h │ │ │ ├── register_prim_ops.cpp │ │ │ ├── register_prim_ops_fulljit.cpp │ │ │ ├── register_special_ops.cpp │ │ │ ├── static │ │ │ │ ├── README.md │ │ │ │ ├── impl.cpp │ │ │ │ ├── impl.h │ │ │ │ ├── init.cpp │ │ │ │ ├── init.h │ │ │ │ ├── ops.cpp │ │ │ │ └── ops.h │ │ │ ├── symbolic_script.cpp │ │ │ ├── symbolic_script.h │ │ │ ├── vararg_functions.cpp │ │ │ ├── vararg_functions.h │ │ │ └── variable_tensor_list.h │ │ ├── serialization │ │ │ ├── export.cpp │ │ │ ├── export.h │ │ │ ├── export_module.cpp │ │ │ ├── import.cpp │ │ │ ├── import.h │ │ │ ├── import_export_constants.h │ │ │ ├── import_export_functions.h │ │ │ ├── import_export_helpers.cpp │ │ │ ├── import_export_helpers.h │ │ │ ├── import_legacy.cpp │ │ │ ├── import_legacy.h │ │ │ ├── import_source.cpp │ │ │ ├── import_source.h │ │ │ ├── onnx.cpp │ │ │ ├── onnx.h │ │ │ ├── pickle.cpp │ │ │ ├── pickle.h │ │ │ ├── pickler.cpp │ │ │ ├── pickler.h │ │ │ ├── python_print.cpp │ │ │ ├── python_print.h │ │ │ ├── source_range_serialization.cpp │ │ │ ├── source_range_serialization.h │ │ │ ├── source_range_serialization_impl.h │ │ │ ├── type_name_uniquer.cpp │ │ │ ├── type_name_uniquer.h │ │ │ ├── unpickler.cpp │ │ │ └── unpickler.h │ │ ├── tensorexpr │ │ │ ├── DesignOverview.md │ │ │ ├── analysis.h │ │ │ ├── block_codegen.cpp │ │ │ ├── block_codegen.h │ │ │ ├── bounds_inference.cpp │ │ │ ├── bounds_inference.h │ │ │ ├── codegen.cpp │ │ │ ├── codegen.h │ │ │ ├── cuda_codegen.cpp │ │ │ ├── cuda_codegen.h │ │ │ ├── cuda_half_support.h │ │ │ ├── cuda_random.h │ │ │ ├── dim_arg.h │ │ │ ├── eval.cpp │ │ │ ├── eval.h │ │ │ ├── exceptions.h │ │ │ ├── execution_counter.h │ │ │ ├── expr.cpp │ │ │ ├── expr.h │ │ │ ├── function.cpp │ │ │ ├── hash_provider.cpp │ │ │ ├── hash_provider.h │ │ │ ├── ir.cpp │ │ │ ├── ir.h │ │ │ ├── ir_mutator.cpp │ │ │ ├── ir_mutator.h │ │ │ ├── ir_printer.cpp │ │ │ ├── ir_printer.h │ │ │ ├── ir_simplifier.cpp │ │ │ ├── ir_simplifier.h │ │ │ ├── ir_visitor.cpp │ │ │ ├── ir_visitor.h │ │ │ ├── kernel.cpp │ │ │ ├── kernel.h │ │ │ ├── llvm_codegen.cpp │ │ │ ├── llvm_codegen.h │ │ │ ├── llvm_jit.cpp │ │ │ ├── llvm_jit.h │ │ │ ├── loopnest.cpp │ │ │ ├── loopnest.h │ │ │ ├── mem_arena.cpp │ │ │ ├── mem_arena.h │ │ │ ├── reduction.h │ │ │ ├── registerizer.cpp │ │ │ ├── registerizer.h │ │ │ ├── stmt.h │ │ │ ├── tensor.cpp │ │ │ ├── tensor.h │ │ │ ├── types.cpp │ │ │ ├── types.h │ │ │ ├── unique_name_manager.cpp │ │ │ ├── unique_name_manager.h │ │ │ └── var_substitutor.h │ │ └── testing │ │ │ ├── catch_utils.hpp │ │ │ ├── file_check.cpp │ │ │ ├── file_check.h │ │ │ ├── hooks_for_testing.cpp │ │ │ └── hooks_for_testing.h │ ├── multiprocessing │ │ ├── init.cpp │ │ └── init.h │ ├── onnx │ │ ├── init.cpp │ │ ├── init.h │ │ └── onnx.h │ ├── python_dimname.cpp │ ├── python_dimname.h │ ├── python_headers.h │ ├── serialization.cpp │ ├── serialization.h │ ├── stub.c │ ├── tensor │ │ ├── python_tensor.cpp │ │ └── python_tensor.h │ ├── utils.cpp │ ├── utils.h │ └── utils │ │ ├── auto_gil.h │ │ ├── byte_order.cpp │ │ ├── byte_order.h │ │ ├── cuda_enabled.h │ │ ├── cuda_lazy_init.cpp │ │ ├── cuda_lazy_init.h │ │ ├── disable_torch_function.cpp │ │ ├── disable_torch_function.h │ │ ├── disallow_copy.h │ │ ├── future.h │ │ ├── init.cpp │ │ ├── init.h │ │ ├── invalid_arguments.cpp │ │ ├── invalid_arguments.h │ │ ├── memory.h │ │ ├── numpy_stub.h │ │ ├── object_ptr.cpp │ │ ├── object_ptr.h │ │ ├── pybind.h │ │ ├── pycfunction_helpers.h │ │ ├── python_arg_parser.cpp │ │ ├── python_arg_parser.h │ │ ├── python_compat.h │ │ ├── python_dispatch.cpp │ │ ├── python_dispatch.h │ │ ├── python_numbers.h │ │ ├── python_scalars.h │ │ ├── python_strings.h │ │ ├── python_stub.h │ │ ├── python_tuples.h │ │ ├── six.h │ │ ├── structseq.cpp │ │ ├── structseq.h │ │ ├── tensor_apply.cpp │ │ ├── tensor_apply.h │ │ ├── tensor_dtypes.cpp │ │ ├── tensor_dtypes.h │ │ ├── tensor_flatten.cpp │ │ ├── tensor_flatten.h │ │ ├── tensor_layouts.cpp │ │ ├── tensor_layouts.h │ │ ├── tensor_list.cpp │ │ ├── tensor_list.h │ │ ├── tensor_memoryformats.cpp │ │ ├── tensor_memoryformats.h │ │ ├── tensor_new.cpp │ │ ├── tensor_new.h │ │ ├── tensor_numpy.cpp │ │ ├── tensor_numpy.h │ │ ├── tensor_qschemes.cpp │ │ ├── tensor_qschemes.h │ │ ├── tensor_types.cpp │ │ ├── tensor_types.h │ │ ├── throughput_benchmark-inl.h │ │ ├── throughput_benchmark.cpp │ │ ├── throughput_benchmark.h │ │ ├── variadic.cpp │ │ └── variadic.h ├── cuda │ ├── __init__.py │ ├── _utils.py │ ├── amp │ │ ├── __init__.py │ │ ├── autocast_mode.py │ │ └── grad_scaler.py │ ├── comm.py │ ├── error.py │ ├── memory.py │ ├── nccl.py │ ├── nvtx.py │ ├── profiler.py │ ├── random.py │ ├── sparse.py │ └── streams.py ├── custom_class.h ├── custom_class_detail.h ├── distributed │ ├── CONTRIBUTING.md │ ├── __init__.py │ ├── _pipeline │ │ ├── __init__.py │ │ └── sync │ │ │ ├── LICENSE │ │ │ ├── __init__.py │ │ │ ├── balance │ │ │ ├── __init__.py │ │ │ ├── blockpartition.py │ │ │ ├── profile.py │ │ │ └── py.typed │ │ │ ├── batchnorm.py │ │ │ ├── checkpoint.py │ │ │ ├── copy.py │ │ │ ├── dependency.py │ │ │ ├── microbatch.py │ │ │ ├── phony.py │ │ │ ├── pipe.py │ │ │ ├── pipeline.py │ │ │ ├── py.typed │ │ │ ├── skip │ │ │ ├── __init__.py │ │ │ ├── layout.py │ │ │ ├── namespace.py │ │ │ ├── portal.py │ │ │ ├── skippable.py │ │ │ └── tracker.py │ │ │ ├── stream.py │ │ │ └── worker.py │ ├── algorithms │ │ └── ddp_comm_hooks │ │ │ ├── __init__.py │ │ │ ├── default_hooks.py │ │ │ └── quantization_hooks.py │ ├── autograd │ │ └── __init__.py │ ├── constants.py │ ├── distributed_c10d.py │ ├── launch.py │ ├── nn │ │ ├── __init__.py │ │ ├── api │ │ │ ├── __init__.py │ │ │ └── remote_module.py │ │ └── jit │ │ │ ├── __init__.py │ │ │ ├── instantiator.py │ │ │ └── templates │ │ │ ├── __init__.py │ │ │ └── remote_module_template.py │ ├── optim │ │ ├── __init__.py │ │ ├── functional_adagrad.py │ │ └── optimizer.py │ ├── rendezvous.py │ └── rpc │ │ ├── __init__.py │ │ ├── _testing │ │ ├── __init__.py │ │ └── faulty_agent_backend_registry.py │ │ ├── api.py │ │ ├── backend_registry.py │ │ ├── constants.py │ │ ├── functions.py │ │ ├── internal.py │ │ ├── options.py │ │ ├── rref_proxy.py │ │ └── server_process_global_profiler.py ├── distributions │ ├── __init__.py │ ├── bernoulli.py │ ├── beta.py │ ├── binomial.py │ ├── categorical.py │ ├── cauchy.py │ ├── chi2.py │ ├── constraint_registry.py │ ├── constraints.py │ ├── continuous_bernoulli.py │ ├── dirichlet.py │ ├── distribution.py │ ├── exp_family.py │ ├── exponential.py │ ├── fishersnedecor.py │ ├── gamma.py │ ├── geometric.py │ ├── gumbel.py │ ├── half_cauchy.py │ ├── half_normal.py │ ├── independent.py │ ├── kl.py │ ├── laplace.py │ ├── log_normal.py │ ├── logistic_normal.py │ ├── lowrank_multivariate_normal.py │ ├── mixture_same_family.py │ ├── multinomial.py │ ├── multivariate_normal.py │ ├── negative_binomial.py │ ├── normal.py │ ├── one_hot_categorical.py │ ├── pareto.py │ ├── poisson.py │ ├── relaxed_bernoulli.py │ ├── relaxed_categorical.py │ ├── studentT.py │ ├── transformed_distribution.py │ ├── transforms.py │ ├── uniform.py │ ├── utils.py │ ├── von_mises.py │ └── weibull.py ├── extension.h ├── fft │ └── __init__.py ├── for_onnx │ └── __init__.py ├── functional.py ├── futures │ └── __init__.py ├── fx │ ├── __init__.py │ ├── experimental │ │ ├── GraphManipulation.py │ │ ├── Partitioner.py │ │ ├── __init__.py │ │ ├── shape_prop.py │ │ └── subgraph_creation_example.py │ ├── graph.py │ ├── graph_module.py │ ├── immutable_collections.py │ ├── node.py │ ├── proxy.py │ └── symbolic_trace.py ├── hub.py ├── jit │ ├── __init__.py │ ├── _async.py │ ├── _builtins.py │ ├── _freeze.py │ ├── _fuser.py │ ├── _logging.py │ ├── _pickle.py │ ├── _recursive.py │ ├── _script.py │ ├── _serialization.py │ ├── _state.py │ ├── _trace.py │ ├── annotations.py │ ├── frontend.py │ ├── mobile │ │ └── __init__.py │ ├── quantized.py │ ├── supported_ops.py │ └── unsupported_tensor_ops.py ├── legacy │ └── README.md ├── lib │ ├── c10d │ │ ├── CMakeLists.txt │ │ ├── FileStore.cpp │ │ ├── FileStore.hpp │ │ ├── GlooDeviceFactory.cpp │ │ ├── GlooDeviceFactory.hpp │ │ ├── HashStore.cpp │ │ ├── HashStore.hpp │ │ ├── NCCLUtils.cpp │ │ ├── NCCLUtils.hpp │ │ ├── PrefixStore.cpp │ │ ├── PrefixStore.hpp │ │ ├── ProcessGroup.cpp │ │ ├── ProcessGroup.hpp │ │ ├── ProcessGroupGloo.cpp │ │ ├── ProcessGroupGloo.hpp │ │ ├── ProcessGroupMPI.cpp │ │ ├── ProcessGroupMPI.hpp │ │ ├── ProcessGroupNCCL.cpp │ │ ├── ProcessGroupNCCL.hpp │ │ ├── ProcessGroupRoundRobin.cpp │ │ ├── ProcessGroupRoundRobin.hpp │ │ ├── Store.cpp │ │ ├── Store.hpp │ │ ├── TCPStore.cpp │ │ ├── TCPStore.hpp │ │ ├── Types.hpp │ │ ├── Utils.cpp │ │ ├── Utils.hpp │ │ ├── bin │ │ │ └── test.sh │ │ ├── example │ │ │ ├── CMakeLists.txt │ │ │ └── allreduce.cpp │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── CUDATest.cu │ │ │ ├── CUDATest.hpp │ │ │ ├── FileStoreTest.cpp │ │ │ ├── HashStoreTest.cpp │ │ │ ├── ProcessGroupGlooAsyncTest.cpp │ │ │ ├── ProcessGroupGlooTest.cpp │ │ │ ├── ProcessGroupMPITest.cpp │ │ │ ├── ProcessGroupNCCLErrorsTest.cpp │ │ │ ├── ProcessGroupNCCLTest.cpp │ │ │ ├── StoreTestCommon.hpp │ │ │ ├── TCPStoreTest.cpp │ │ │ └── TestUtils.hpp │ ├── libshm │ │ ├── CMakeLists.txt │ │ ├── alloc_info.h │ │ ├── core.cpp │ │ ├── err.h │ │ ├── libshm.h │ │ ├── manager.cpp │ │ └── socket.h │ └── libshm_windows │ │ ├── CMakeLists.txt │ │ ├── core.cpp │ │ └── libshm.h ├── library.h ├── linalg │ └── __init__.py ├── multiprocessing │ ├── __init__.py │ ├── _atfork.py │ ├── cuda_multiprocessing.md │ ├── pool.py │ ├── queue.py │ ├── reductions.py │ └── spawn.py ├── nn │ ├── __init__.py │ ├── _reduction.py │ ├── backends │ │ ├── __init__.py │ │ └── thnn.py │ ├── common_types.py │ ├── cpp.py │ ├── functional.py │ ├── functional.pyi.in │ ├── grad.py │ ├── init.py │ ├── intrinsic │ │ ├── __init__.py │ │ ├── modules │ │ │ ├── __init__.py │ │ │ └── fused.py │ │ ├── qat │ │ │ ├── __init__.py │ │ │ └── modules │ │ │ │ ├── __init__.py │ │ │ │ ├── conv_fused.py │ │ │ │ └── linear_relu.py │ │ └── quantized │ │ │ ├── __init__.py │ │ │ └── modules │ │ │ ├── __init__.py │ │ │ ├── bn_relu.py │ │ │ ├── conv_relu.py │ │ │ └── linear_relu.py │ ├── modules │ │ ├── __init__.py │ │ ├── _functions.py │ │ ├── activation.py │ │ ├── adaptive.py │ │ ├── batchnorm.py │ │ ├── channelshuffle.py │ │ ├── container.py │ │ ├── conv.py │ │ ├── distance.py │ │ ├── dropout.py │ │ ├── flatten.py │ │ ├── fold.py │ │ ├── instancenorm.py │ │ ├── lazy.py │ │ ├── linear.py │ │ ├── loss.py │ │ ├── module.py │ │ ├── normalization.py │ │ ├── padding.py │ │ ├── pixelshuffle.py │ │ ├── pooling.py │ │ ├── rnn.py │ │ ├── sparse.py │ │ ├── transformer.py │ │ ├── upsampling.py │ │ └── utils.py │ ├── parallel │ │ ├── __init__.py │ │ ├── __init__.pyi │ │ ├── _functions.py │ │ ├── comm.py │ │ ├── common_types.pyi │ │ ├── data_parallel.py │ │ ├── data_parallel.pyi │ │ ├── distributed.py │ │ ├── distributed.pyi │ │ ├── parallel_apply.py │ │ ├── parallel_apply.pyi │ │ ├── replicate.py │ │ ├── replicate.pyi │ │ ├── scatter_gather.py │ │ └── scatter_gather.pyi │ ├── parameter.py │ ├── parameter.pyi │ ├── qat │ │ ├── __init__.py │ │ └── modules │ │ │ ├── __init__.py │ │ │ ├── conv.py │ │ │ └── linear.py │ ├── quantized │ │ ├── __init__.py │ │ ├── dynamic │ │ │ ├── __init__.py │ │ │ └── modules │ │ │ │ ├── __init__.py │ │ │ │ ├── linear.py │ │ │ │ └── rnn.py │ │ ├── functional.py │ │ └── modules │ │ │ ├── __init__.py │ │ │ ├── activation.py │ │ │ ├── batchnorm.py │ │ │ ├── conv.py │ │ │ ├── embedding_ops.py │ │ │ ├── functional_modules.py │ │ │ ├── linear.py │ │ │ ├── normalization.py │ │ │ └── utils.py │ └── utils │ │ ├── __init__.py │ │ ├── clip_grad.py │ │ ├── convert_parameters.py │ │ ├── fusion.py │ │ ├── memory_format.py │ │ ├── prune.py │ │ ├── rnn.py │ │ ├── rnn.pyi │ │ ├── spectral_norm.py │ │ └── weight_norm.py ├── onnx │ ├── __init__.py │ ├── operators.py │ ├── symbolic_caffe2.py │ ├── symbolic_helper.py │ ├── symbolic_opset10.py │ ├── symbolic_opset11.py │ ├── symbolic_opset12.py │ ├── symbolic_opset7.py │ ├── symbolic_opset8.py │ ├── symbolic_opset9.py │ ├── symbolic_registry.py │ └── utils.py ├── optim │ ├── __init__.py │ ├── __init__.pyi │ ├── _multi_tensor │ │ ├── __init__.py │ │ ├── __init__.pyi │ │ ├── adadelta.py │ │ ├── adadelta.pyi │ │ ├── adam.py │ │ ├── adam.pyi │ │ ├── adamax.py │ │ ├── adamax.pyi │ │ ├── adamw.py │ │ ├── adamw.pyi │ │ ├── asgd.py │ │ ├── asgd.pyi │ │ ├── rmsprop.py │ │ ├── rmsprop.pyi │ │ ├── rprop.py │ │ ├── rprop.pyi │ │ ├── sgd.py │ │ └── sgd.pyi │ ├── adadelta.py │ ├── adadelta.pyi │ ├── adagrad.py │ ├── adagrad.pyi │ ├── adam.py │ ├── adam.pyi │ ├── adamax.py │ ├── adamax.pyi │ ├── adamw.py │ ├── adamw.pyi │ ├── asgd.py │ ├── asgd.pyi │ ├── functional.py │ ├── lbfgs.py │ ├── lbfgs.pyi │ ├── lr_scheduler.py │ ├── lr_scheduler.pyi │ ├── optimizer.py │ ├── optimizer.pyi │ ├── rmsprop.py │ ├── rmsprop.pyi │ ├── rprop.py │ ├── rprop.pyi │ ├── sgd.py │ ├── sgd.pyi │ ├── sparse_adam.py │ ├── sparse_adam.pyi │ ├── swa_utils.py │ └── swa_utils.pyi ├── overrides.py ├── package │ ├── __init__.py │ ├── _custom_import_pickler.py │ ├── _importlib.py │ ├── _mock.py │ ├── _mock_zipreader.py │ ├── exporter.py │ ├── find_file_dependencies.py │ └── importer.py ├── py.typed ├── quantization │ ├── __init__.py │ ├── _correct_bias.py │ ├── _equalize.py │ ├── _learnable_fake_quantize.py │ ├── _numeric_suite.py │ ├── fake_quantize.py │ ├── fuse_modules.py │ ├── fuser_method_mappings.py │ ├── fx │ │ ├── __init__.py │ │ ├── fuse.py │ │ ├── fusion_patterns.py │ │ ├── observed_module.py │ │ ├── pattern_utils.py │ │ ├── quantization_patterns.py │ │ ├── quantize.py │ │ └── utils.py │ ├── observer.py │ ├── qconfig.py │ ├── quant_type.py │ ├── quantization_mappings.py │ ├── quantize.py │ ├── quantize_fx.py │ ├── quantize_jit.py │ └── stubs.py ├── quasirandom.py ├── random.py ├── script.h ├── serialization.py ├── sparse │ └── __init__.py ├── storage.py ├── tensor.py ├── testing │ ├── __init__.py │ ├── _internal │ │ ├── __init__.py │ │ ├── autocast_test_lists.py │ │ ├── codegen │ │ │ ├── __init__.py │ │ │ └── random_topo_test.py │ │ ├── common_cuda.py │ │ ├── common_device_type.py │ │ ├── common_distributed.py │ │ ├── common_methods_invocations.py │ │ ├── common_nn.py │ │ ├── common_quantization.py │ │ ├── common_quantized.py │ │ ├── common_utils.py │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── network1.py │ │ │ └── network2.py │ │ ├── dist_utils.py │ │ ├── distributed │ │ │ ├── __init__.py │ │ │ ├── ddp_under_dist_autograd_test.py │ │ │ ├── distributed_test.py │ │ │ ├── nn │ │ │ │ ├── __init__.py │ │ │ │ └── api │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── remote_module_test.py │ │ │ ├── rpc │ │ │ │ ├── __init__.py │ │ │ │ ├── dist_autograd_test.py │ │ │ │ ├── dist_optimizer_test.py │ │ │ │ ├── examples │ │ │ │ │ ├── __init__.py │ │ │ │ │ └── parameter_server_test.py │ │ │ │ ├── faulty_rpc_agent_test_fixture.py │ │ │ │ ├── jit │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── dist_autograd_test.py │ │ │ │ │ ├── rpc_test.py │ │ │ │ │ └── rpc_test_faulty.py │ │ │ │ ├── process_group_agent_test_fixture.py │ │ │ │ ├── rpc_agent_test_fixture.py │ │ │ │ ├── rpc_test.py │ │ │ │ └── tensorpipe_rpc_agent_test_fixture.py │ │ │ └── rpc_utils.py │ │ ├── expecttest.py │ │ ├── generated │ │ │ └── __init__.py │ │ ├── hypothesis_utils.py │ │ ├── jit_metaprogramming_utils.py │ │ ├── jit_utils.py │ │ ├── te_utils.py │ │ └── test_module │ │ │ ├── __init__.py │ │ │ ├── future_div.py │ │ │ └── no_future_div.py │ └── check_kernel_launches.py ├── types.py └── utils │ ├── __init__.py │ ├── _cpp_extension_versioner.py │ ├── _pytree.py │ ├── backcompat │ └── __init__.py │ ├── benchmark │ ├── README.md │ ├── __init__.py │ ├── examples │ │ ├── __init__.py │ │ ├── compare.py │ │ ├── end_to_end.py │ │ ├── fuzzer.py │ │ ├── op_benchmark.py │ │ ├── prepare_e2e.sh │ │ └── simple_timeit.py │ ├── op_fuzzers │ │ ├── __init__.py │ │ ├── binary.py │ │ └── unary.py │ └── utils │ │ ├── __init__.py │ │ ├── common.py │ │ ├── compare.py │ │ ├── fuzzer.py │ │ ├── timer.py │ │ └── valgrind_wrapper │ │ ├── __init__.py │ │ ├── compat_bindings.py │ │ └── timer_interface.py │ ├── bottleneck │ ├── __init__.py │ └── __main__.py │ ├── bundled_inputs.py │ ├── checkpoint.py │ ├── collect_env.py │ ├── cpp_extension.py │ ├── data │ ├── __init__.py │ ├── _utils │ │ ├── __init__.py │ │ ├── collate.py │ │ ├── fetch.py │ │ ├── pin_memory.py │ │ ├── signal_handling.py │ │ └── worker.py │ ├── dataloader.py │ ├── dataset.py │ ├── distributed.py │ └── sampler.py │ ├── dlpack.py │ ├── ffi │ └── __init__.py │ ├── file_baton.py │ ├── hipify │ ├── __init__.py │ ├── constants.py │ ├── cuda_to_hip_mappings.py │ └── hipify_python.py │ ├── hooks.py │ ├── mkldnn.py │ ├── mobile_optimizer.py │ ├── model_zoo.py │ ├── show_pickle.py │ ├── tensorboard │ ├── __init__.py │ ├── _caffe2_graph.py │ ├── _convert_np.py │ ├── _embedding.py │ ├── _onnx_graph.py │ ├── _proto_graph.py │ ├── _pytorch_graph.py │ ├── _utils.py │ ├── summary.py │ └── writer.py │ └── throughput_benchmark.py ├── ubsan.supp └── version.txt /.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.bazelrc -------------------------------------------------------------------------------- /.bazelversion: -------------------------------------------------------------------------------- 1 | 3.1.0 2 | -------------------------------------------------------------------------------- /.circleci/.gitignore: -------------------------------------------------------------------------------- 1 | *.svg 2 | *.png 3 | -------------------------------------------------------------------------------- /.circleci/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.circleci/README.md -------------------------------------------------------------------------------- /.circleci/cimodel/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.circleci/cimodel/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.circleci/cimodel/data/simple/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.circleci/cimodel/data/simple/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.circleci/cimodel/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.circleci/config.yml -------------------------------------------------------------------------------- /.circleci/docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.circleci/docker/README.md -------------------------------------------------------------------------------- /.circleci/docker/android/AndroidManifest.xml: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /.circleci/docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.circleci/docker/build.sh -------------------------------------------------------------------------------- /.circleci/docker/ubuntu-rocm/.gitignore: -------------------------------------------------------------------------------- 1 | *.sh 2 | -------------------------------------------------------------------------------- /.circleci/ecr_gc_docker/requirements.txt: -------------------------------------------------------------------------------- 1 | boto3 2 | pytz 3 | requests 4 | -------------------------------------------------------------------------------- /.circleci/regenerate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.circleci/regenerate.sh -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.cmakelintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.cmakelintrc -------------------------------------------------------------------------------- /.ctags.d/pytorch.ctags: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.ctags.d/pytorch.ctags -------------------------------------------------------------------------------- /.dockerignore: -------------------------------------------------------------------------------- 1 | .gitignore -------------------------------------------------------------------------------- /.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.flake8 -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- 1 | *.bat text eol=crlf 2 | -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- 1 | Fixes #{issue number} 2 | -------------------------------------------------------------------------------- /.github/pytorch-probot.yml: -------------------------------------------------------------------------------- 1 | tracking_issue: 24422 2 | -------------------------------------------------------------------------------- /.github/workflows/lint.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.github/workflows/lint.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.gitmodules -------------------------------------------------------------------------------- /.jenkins/caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/caffe2/README.md -------------------------------------------------------------------------------- /.jenkins/caffe2/bench.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/caffe2/bench.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/caffe2/build.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/common.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/caffe2/common.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/dirty.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/caffe2/dirty.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/caffe2/test.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/pytorch/README.md -------------------------------------------------------------------------------- /.jenkins/pytorch/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/pytorch/build.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/common.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/pytorch/common.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/dirty.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/pytorch/dirty.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/pytorch/test.sh -------------------------------------------------------------------------------- /.jenkins/run-shellcheck.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.jenkins/run-shellcheck.sh -------------------------------------------------------------------------------- /.travis.aten.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/.travis.aten.yml -------------------------------------------------------------------------------- /BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/BUILD.bazel -------------------------------------------------------------------------------- /CITATION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/CITATION -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/Dockerfile -------------------------------------------------------------------------------- /GLOSSARY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/GLOSSARY.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/Makefile -------------------------------------------------------------------------------- /NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/NOTICE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/README.md -------------------------------------------------------------------------------- /WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/WORKSPACE -------------------------------------------------------------------------------- /android/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/.gitignore -------------------------------------------------------------------------------- /android/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/README.md -------------------------------------------------------------------------------- /android/build.gradle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/build.gradle -------------------------------------------------------------------------------- /android/build_test_app.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/build_test_app.sh -------------------------------------------------------------------------------- /android/common.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/common.sh -------------------------------------------------------------------------------- /android/gradle.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/gradle.properties -------------------------------------------------------------------------------- /android/pytorch_android/src/main/AndroidManifest.xml: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /android/run_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/run_tests.sh -------------------------------------------------------------------------------- /android/settings.gradle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/android/settings.gradle -------------------------------------------------------------------------------- /android/test_app/app/src/main/assets/.gitignore: -------------------------------------------------------------------------------- 1 | * 2 | */ 3 | !.gitignore 4 | -------------------------------------------------------------------------------- /aten.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten.bzl -------------------------------------------------------------------------------- /aten/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/CMakeLists.txt -------------------------------------------------------------------------------- /aten/conda/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/conda/build.sh -------------------------------------------------------------------------------- /aten/conda/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/conda/meta.yaml -------------------------------------------------------------------------------- /aten/src/ATen/.gitignore: -------------------------------------------------------------------------------- 1 | Config.h 2 | -------------------------------------------------------------------------------- /aten/src/ATen/ATen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/ATen.h -------------------------------------------------------------------------------- /aten/src/ATen/ArrayRef.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Backend.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Backtrace.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Config.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Config.h.in -------------------------------------------------------------------------------- /aten/src/ATen/Context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Context.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Context.h -------------------------------------------------------------------------------- /aten/src/ATen/Device.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/DimVector.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Dimname.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/Dispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Dispatch.h -------------------------------------------------------------------------------- /aten/src/ATen/Formatting.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/Generator.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/InferSize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/InferSize.h -------------------------------------------------------------------------------- /aten/src/ATen/Layout.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/MatrixRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/MatrixRef.h -------------------------------------------------------------------------------- /aten/src/ATen/NamedTensor.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/Parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Parallel.h -------------------------------------------------------------------------------- /aten/src/ATen/Scalar.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /aten/src/ATen/ScalarOps.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/ScalarOps.h -------------------------------------------------------------------------------- /aten/src/ATen/ScalarType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/ScalarType.h -------------------------------------------------------------------------------- /aten/src/ATen/SmallVector.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Storage.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Tensor.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /aten/src/ATen/TensorOptions.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/TracerMode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/TracerMode.h -------------------------------------------------------------------------------- /aten/src/ATen/Utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Utils.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Utils.h -------------------------------------------------------------------------------- /aten/src/ATen/Version.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Version.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/Version.h -------------------------------------------------------------------------------- /aten/src/ATen/VmapMode.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/VmapMode.cpp -------------------------------------------------------------------------------- /aten/src/ATen/VmapMode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/VmapMode.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/core/Array.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Dict.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/core/Dict.h -------------------------------------------------------------------------------- /aten/src/ATen/core/List.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/core/List.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Range.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/core/Range.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Scalar.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/ScalarType.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/Tensor.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /aten/src/ATen/core/UndefinedTensorImpl.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/blob.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/core/blob.h -------------------------------------------------------------------------------- /aten/src/ATen/core/stack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/core/stack.h -------------------------------------------------------------------------------- /aten/src/ATen/core/typeid.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/cpu/vml.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/cpu/vml.h -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Exceptions.h: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Handles.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/div_rtn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/div_rtn.h -------------------------------------------------------------------------------- /aten/src/ATen/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/dlpack.h -------------------------------------------------------------------------------- /aten/src/ATen/function_wrapper.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/ATen/mkl/Limits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/mkl/Limits.h -------------------------------------------------------------------------------- /aten/src/ATen/native/LegacyBridge.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/ATen/native/Pow.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/native/Pow.h -------------------------------------------------------------------------------- /aten/src/ATen/native/RNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/ATen/native/RNN.h -------------------------------------------------------------------------------- /aten/src/ATen/native/quantized/cpu/qnnpack/wrappers/dummy.c: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/README.md -------------------------------------------------------------------------------- /aten/src/TH/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/CMakeLists.txt -------------------------------------------------------------------------------- /aten/src/TH/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/README.md -------------------------------------------------------------------------------- /aten/src/TH/TH.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/TH.h -------------------------------------------------------------------------------- /aten/src/TH/THAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THAllocator.h -------------------------------------------------------------------------------- /aten/src/TH/THBlas.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THBlas.cpp -------------------------------------------------------------------------------- /aten/src/TH/THBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THBlas.h -------------------------------------------------------------------------------- /aten/src/TH/THBlasUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THBlasUtils.h -------------------------------------------------------------------------------- /aten/src/TH/THGeneral.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THGeneral.cpp -------------------------------------------------------------------------------- /aten/src/TH/THGeneral.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THGeneral.h.in -------------------------------------------------------------------------------- /aten/src/TH/THHalf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THHalf.h -------------------------------------------------------------------------------- /aten/src/TH/THLapack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THLapack.cpp -------------------------------------------------------------------------------- /aten/src/TH/THLapack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THLapack.h -------------------------------------------------------------------------------- /aten/src/TH/THStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THStorage.h -------------------------------------------------------------------------------- /aten/src/TH/THTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THTensor.cpp -------------------------------------------------------------------------------- /aten/src/TH/THTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THTensor.h -------------------------------------------------------------------------------- /aten/src/TH/THTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THTensor.hpp -------------------------------------------------------------------------------- /aten/src/TH/THVector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THVector.cpp -------------------------------------------------------------------------------- /aten/src/TH/THVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/THVector.h -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/vector/AVX.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/vector/AVX.h -------------------------------------------------------------------------------- /aten/src/TH/vector/VSX.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/vector/VSX.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/simd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/TH/vector/simd.h -------------------------------------------------------------------------------- /aten/src/THC/THC.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THC.h -------------------------------------------------------------------------------- /aten/src/THC/THCApply.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCApply.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCBlas.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCBlas.cu -------------------------------------------------------------------------------- /aten/src/THC/THCBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCBlas.h -------------------------------------------------------------------------------- /aten/src/THC/THCReduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCReduce.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCSleep.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCSleep.cu -------------------------------------------------------------------------------- /aten/src/THC/THCSleep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCSleep.h -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCStorage.cu -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCStorage.h -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCTensor.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCTensor.cu -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCTensor.h -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THC/THCTensor.hpp -------------------------------------------------------------------------------- /aten/src/THCUNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THCUNN/README.md -------------------------------------------------------------------------------- /aten/src/THCUNN/RReLU.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THCUNN/RReLU.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/THCUNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THCUNN/THCUNN.h -------------------------------------------------------------------------------- /aten/src/THCUNN/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/src/THCUNN/common.h -------------------------------------------------------------------------------- /aten/tools/run_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/tools/run_tests.sh -------------------------------------------------------------------------------- /aten/tools/test_install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/tools/test_install.sh -------------------------------------------------------------------------------- /aten/tools/valgrind.sup: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/aten/tools/valgrind.sup -------------------------------------------------------------------------------- /benchmarks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/benchmarks/README.md -------------------------------------------------------------------------------- /benchmarks/compare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/benchmarks/compare.sh -------------------------------------------------------------------------------- /benchmarks/operator_benchmark/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/operator_benchmark/c2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/operator_benchmark/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/operator_benchmark/pt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /binaries/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/CMakeLists.txt -------------------------------------------------------------------------------- /binaries/benchmark_args.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/benchmark_args.h -------------------------------------------------------------------------------- /binaries/convert_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/convert_db.cc -------------------------------------------------------------------------------- /binaries/db_throughput.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/db_throughput.cc -------------------------------------------------------------------------------- /binaries/inspect_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/inspect_gpu.cc -------------------------------------------------------------------------------- /binaries/make_cifar_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/make_cifar_db.cc -------------------------------------------------------------------------------- /binaries/make_image_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/make_image_db.cc -------------------------------------------------------------------------------- /binaries/make_mnist_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/make_mnist_db.cc -------------------------------------------------------------------------------- /binaries/parallel_info.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/parallel_info.cc -------------------------------------------------------------------------------- /binaries/run_plan.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/run_plan.cc -------------------------------------------------------------------------------- /binaries/run_plan_mpi.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/run_plan_mpi.cc -------------------------------------------------------------------------------- /binaries/split_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/split_db.cc -------------------------------------------------------------------------------- /binaries/tsv_2_proto.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/tsv_2_proto.cc -------------------------------------------------------------------------------- /binaries/tutorial_blob.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/tutorial_blob.cc -------------------------------------------------------------------------------- /binaries/zmq_feeder.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/binaries/zmq_feeder.cc -------------------------------------------------------------------------------- /c10/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/CMakeLists.txt -------------------------------------------------------------------------------- /c10/core/Allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Allocator.cpp -------------------------------------------------------------------------------- /c10/core/Allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Allocator.h -------------------------------------------------------------------------------- /c10/core/Backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Backend.h -------------------------------------------------------------------------------- /c10/core/CPUAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/CPUAllocator.cpp -------------------------------------------------------------------------------- /c10/core/CPUAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/CPUAllocator.h -------------------------------------------------------------------------------- /c10/core/CopyBytes.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/CopyBytes.cpp -------------------------------------------------------------------------------- /c10/core/CopyBytes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/CopyBytes.h -------------------------------------------------------------------------------- /c10/core/DefaultDtype.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DefaultDtype.cpp -------------------------------------------------------------------------------- /c10/core/DefaultDtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DefaultDtype.h -------------------------------------------------------------------------------- /c10/core/Device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Device.cpp -------------------------------------------------------------------------------- /c10/core/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Device.h -------------------------------------------------------------------------------- /c10/core/DeviceGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DeviceGuard.h -------------------------------------------------------------------------------- /c10/core/DeviceType.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DeviceType.cpp -------------------------------------------------------------------------------- /c10/core/DeviceType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DeviceType.h -------------------------------------------------------------------------------- /c10/core/DispatchKey.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DispatchKey.cpp -------------------------------------------------------------------------------- /c10/core/DispatchKey.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DispatchKey.h -------------------------------------------------------------------------------- /c10/core/DispatchKeySet.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/DispatchKeySet.h -------------------------------------------------------------------------------- /c10/core/Event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Event.h -------------------------------------------------------------------------------- /c10/core/GeneratorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/GeneratorImpl.cpp -------------------------------------------------------------------------------- /c10/core/GeneratorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/GeneratorImpl.h -------------------------------------------------------------------------------- /c10/core/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Layout.h -------------------------------------------------------------------------------- /c10/core/MemoryFormat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/MemoryFormat.h -------------------------------------------------------------------------------- /c10/core/QEngine.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/QEngine.h -------------------------------------------------------------------------------- /c10/core/QScheme.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/QScheme.h -------------------------------------------------------------------------------- /c10/core/Scalar.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Scalar.cpp -------------------------------------------------------------------------------- /c10/core/Scalar.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Scalar.h -------------------------------------------------------------------------------- /c10/core/ScalarType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/ScalarType.h -------------------------------------------------------------------------------- /c10/core/Storage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Storage.cpp -------------------------------------------------------------------------------- /c10/core/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Storage.h -------------------------------------------------------------------------------- /c10/core/StorageImpl.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/core/StorageImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/StorageImpl.h -------------------------------------------------------------------------------- /c10/core/Stream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Stream.cpp -------------------------------------------------------------------------------- /c10/core/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/Stream.h -------------------------------------------------------------------------------- /c10/core/StreamGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/StreamGuard.h -------------------------------------------------------------------------------- /c10/core/TensorImpl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/TensorImpl.cpp -------------------------------------------------------------------------------- /c10/core/TensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/TensorImpl.h -------------------------------------------------------------------------------- /c10/core/TensorOptions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/TensorOptions.cpp -------------------------------------------------------------------------------- /c10/core/TensorOptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/TensorOptions.h -------------------------------------------------------------------------------- /c10/core/WrapDimMinimal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/WrapDimMinimal.h -------------------------------------------------------------------------------- /c10/core/impl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/impl/README.md -------------------------------------------------------------------------------- /c10/core/thread_pool.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/thread_pool.cpp -------------------------------------------------------------------------------- /c10/core/thread_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/core/thread_pool.h -------------------------------------------------------------------------------- /c10/cuda/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CMakeLists.txt -------------------------------------------------------------------------------- /c10/cuda/CUDAException.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAException.h -------------------------------------------------------------------------------- /c10/cuda/CUDAFunctions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAFunctions.cpp -------------------------------------------------------------------------------- /c10/cuda/CUDAFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAFunctions.h -------------------------------------------------------------------------------- /c10/cuda/CUDAGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAGuard.h -------------------------------------------------------------------------------- /c10/cuda/CUDAMacros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAMacros.h -------------------------------------------------------------------------------- /c10/cuda/CUDAMathCompat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAMathCompat.h -------------------------------------------------------------------------------- /c10/cuda/CUDAStream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAStream.cpp -------------------------------------------------------------------------------- /c10/cuda/CUDAStream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/CUDAStream.h -------------------------------------------------------------------------------- /c10/cuda/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/README.md -------------------------------------------------------------------------------- /c10/cuda/impl/CUDATest.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/impl/CUDATest.cpp -------------------------------------------------------------------------------- /c10/cuda/impl/CUDATest.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/cuda/impl/CUDATest.h -------------------------------------------------------------------------------- /c10/hip/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/hip/CMakeLists.txt -------------------------------------------------------------------------------- /c10/macros/Export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/macros/Export.h -------------------------------------------------------------------------------- /c10/macros/Macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/macros/Macros.h -------------------------------------------------------------------------------- /c10/test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/test/CMakeLists.txt -------------------------------------------------------------------------------- /c10/test/util/Macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/test/util/Macros.h -------------------------------------------------------------------------------- /c10/util/AlignOf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/AlignOf.h -------------------------------------------------------------------------------- /c10/util/Array.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/Array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Array.h -------------------------------------------------------------------------------- /c10/util/ArrayRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/ArrayRef.h -------------------------------------------------------------------------------- /c10/util/BFloat16-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/BFloat16-inl.h -------------------------------------------------------------------------------- /c10/util/BFloat16-math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/BFloat16-math.h -------------------------------------------------------------------------------- /c10/util/BFloat16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/BFloat16.h -------------------------------------------------------------------------------- /c10/util/Backtrace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Backtrace.cpp -------------------------------------------------------------------------------- /c10/util/Backtrace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Backtrace.h -------------------------------------------------------------------------------- /c10/util/Bitset.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Bitset.h -------------------------------------------------------------------------------- /c10/util/C++17.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/C++17.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/C++17.h -------------------------------------------------------------------------------- /c10/util/ConstexprCrc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/ConstexprCrc.h -------------------------------------------------------------------------------- /c10/util/Deprecated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Deprecated.h -------------------------------------------------------------------------------- /c10/util/Exception.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Exception.cpp -------------------------------------------------------------------------------- /c10/util/Exception.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Exception.h -------------------------------------------------------------------------------- /c10/util/Flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Flags.h -------------------------------------------------------------------------------- /c10/util/FunctionRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/FunctionRef.h -------------------------------------------------------------------------------- /c10/util/Half-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Half-inl.h -------------------------------------------------------------------------------- /c10/util/Half.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Half.cpp -------------------------------------------------------------------------------- /c10/util/Half.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Half.h -------------------------------------------------------------------------------- /c10/util/IdWrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/IdWrapper.h -------------------------------------------------------------------------------- /c10/util/LeftRight.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/LeftRight.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/LeftRight.h -------------------------------------------------------------------------------- /c10/util/Logging.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Logging.cpp -------------------------------------------------------------------------------- /c10/util/Logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Logging.h -------------------------------------------------------------------------------- /c10/util/Metaprogramming.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/Metaprogramming.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Metaprogramming.h -------------------------------------------------------------------------------- /c10/util/Optional.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/Optional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Optional.h -------------------------------------------------------------------------------- /c10/util/Registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Registry.h -------------------------------------------------------------------------------- /c10/util/SmallVector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/SmallVector.cpp -------------------------------------------------------------------------------- /c10/util/SmallVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/SmallVector.h -------------------------------------------------------------------------------- /c10/util/StringUtil.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/StringUtil.cpp -------------------------------------------------------------------------------- /c10/util/StringUtil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/StringUtil.h -------------------------------------------------------------------------------- /c10/util/Type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Type.cpp -------------------------------------------------------------------------------- /c10/util/Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/Type.h -------------------------------------------------------------------------------- /c10/util/TypeCast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/TypeCast.h -------------------------------------------------------------------------------- /c10/util/TypeIndex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/TypeIndex.h -------------------------------------------------------------------------------- /c10/util/TypeList.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/TypeList.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/TypeList.h -------------------------------------------------------------------------------- /c10/util/TypeTraits.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/TypeTraits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/TypeTraits.h -------------------------------------------------------------------------------- /c10/util/UniqueVoidPtr.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/UniqueVoidPtr.cpp -------------------------------------------------------------------------------- /c10/util/UniqueVoidPtr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/UniqueVoidPtr.h -------------------------------------------------------------------------------- /c10/util/complex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/complex.h -------------------------------------------------------------------------------- /c10/util/complex_math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/complex_math.h -------------------------------------------------------------------------------- /c10/util/complex_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/complex_utils.h -------------------------------------------------------------------------------- /c10/util/either.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/either.h -------------------------------------------------------------------------------- /c10/util/flat_hash_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/flat_hash_map.h -------------------------------------------------------------------------------- /c10/util/hash.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/hash.h -------------------------------------------------------------------------------- /c10/util/in_place.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/in_place.h -------------------------------------------------------------------------------- /c10/util/intrusive_ptr.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/intrusive_ptr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/intrusive_ptr.h -------------------------------------------------------------------------------- /c10/util/llvmMathExtras.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/llvmMathExtras.h -------------------------------------------------------------------------------- /c10/util/math_compat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/math_compat.h -------------------------------------------------------------------------------- /c10/util/numa.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/numa.cpp -------------------------------------------------------------------------------- /c10/util/numa.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/numa.h -------------------------------------------------------------------------------- /c10/util/python_stub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/python_stub.h -------------------------------------------------------------------------------- /c10/util/qint32.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/qint32.h -------------------------------------------------------------------------------- /c10/util/qint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/qint8.h -------------------------------------------------------------------------------- /c10/util/quint4x2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/quint4x2.h -------------------------------------------------------------------------------- /c10/util/quint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/quint8.h -------------------------------------------------------------------------------- /c10/util/sparse_bitset.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/sparse_bitset.h -------------------------------------------------------------------------------- /c10/util/string_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/string_utils.h -------------------------------------------------------------------------------- /c10/util/string_view.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/string_view.h -------------------------------------------------------------------------------- /c10/util/tempfile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/tempfile.h -------------------------------------------------------------------------------- /c10/util/thread_name.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/thread_name.cpp -------------------------------------------------------------------------------- /c10/util/thread_name.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/thread_name.h -------------------------------------------------------------------------------- /c10/util/typeid.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/typeid.cpp -------------------------------------------------------------------------------- /c10/util/typeid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/typeid.h -------------------------------------------------------------------------------- /c10/util/variant.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/c10/util/variant.h -------------------------------------------------------------------------------- /caffe2/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/.clang-format -------------------------------------------------------------------------------- /caffe2/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/README.md -------------------------------------------------------------------------------- /caffe2/VERSION_NUMBER: -------------------------------------------------------------------------------- 1 | 0.8.2 2 | -------------------------------------------------------------------------------- /caffe2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/c2_aten_srcs.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/c2_aten_srcs.bzl -------------------------------------------------------------------------------- /caffe2/contrib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/aten/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/aten/docs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/gloo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/gloo/context.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /caffe2/contrib/nccl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/nnpack/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/playground/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/playground/resnetdemo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/prof/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/script/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/script/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/tensorboard/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/warpctc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/core/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/core/allocator.cc: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/allocator.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/allocator.h -------------------------------------------------------------------------------- /caffe2/core/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/blob.h -------------------------------------------------------------------------------- /caffe2/core/blob_stats.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/blob_stats.cc -------------------------------------------------------------------------------- /caffe2/core/blob_stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/blob_stats.h -------------------------------------------------------------------------------- /caffe2/core/blob_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/blob_test.cc -------------------------------------------------------------------------------- /caffe2/core/common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/common.cc -------------------------------------------------------------------------------- /caffe2/core/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/common.h -------------------------------------------------------------------------------- /caffe2/core/common_cudnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/common_cudnn.h -------------------------------------------------------------------------------- /caffe2/core/common_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/common_gpu.cc -------------------------------------------------------------------------------- /caffe2/core/common_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/common_gpu.h -------------------------------------------------------------------------------- /caffe2/core/common_omp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/common_omp.h -------------------------------------------------------------------------------- /caffe2/core/common_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/common_test.cc -------------------------------------------------------------------------------- /caffe2/core/context.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/context.cc -------------------------------------------------------------------------------- /caffe2/core/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/context.h -------------------------------------------------------------------------------- /caffe2/core/context_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/context_base.h -------------------------------------------------------------------------------- /caffe2/core/context_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/context_gpu.cu -------------------------------------------------------------------------------- /caffe2/core/context_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/context_gpu.h -------------------------------------------------------------------------------- /caffe2/core/db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/db.cc -------------------------------------------------------------------------------- /caffe2/core/db.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/db.h -------------------------------------------------------------------------------- /caffe2/core/event.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/event.cc -------------------------------------------------------------------------------- /caffe2/core/event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/event.h -------------------------------------------------------------------------------- /caffe2/core/event_cpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/event_cpu.h -------------------------------------------------------------------------------- /caffe2/core/event_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/event_gpu.cc -------------------------------------------------------------------------------- /caffe2/core/event_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/event_test.cc -------------------------------------------------------------------------------- /caffe2/core/flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/flags.h -------------------------------------------------------------------------------- /caffe2/core/graph.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/graph.cc -------------------------------------------------------------------------------- /caffe2/core/graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/graph.h -------------------------------------------------------------------------------- /caffe2/core/graph_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/graph_test.cc -------------------------------------------------------------------------------- /caffe2/core/init.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/init.cc -------------------------------------------------------------------------------- /caffe2/core/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/init.h -------------------------------------------------------------------------------- /caffe2/core/init_omp.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/init_omp.cc -------------------------------------------------------------------------------- /caffe2/core/init_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/init_test.cc -------------------------------------------------------------------------------- /caffe2/core/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/logging.h -------------------------------------------------------------------------------- /caffe2/core/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/macros.h -------------------------------------------------------------------------------- /caffe2/core/macros.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/macros.h.in -------------------------------------------------------------------------------- /caffe2/core/memonger.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/memonger.cc -------------------------------------------------------------------------------- /caffe2/core/memonger.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/memonger.h -------------------------------------------------------------------------------- /caffe2/core/module.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/module.cc -------------------------------------------------------------------------------- /caffe2/core/module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/module.h -------------------------------------------------------------------------------- /caffe2/core/module_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/module_test.cc -------------------------------------------------------------------------------- /caffe2/core/net.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/net.cc -------------------------------------------------------------------------------- /caffe2/core/net.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/net.h -------------------------------------------------------------------------------- /caffe2/core/net_parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/net_parallel.h -------------------------------------------------------------------------------- /caffe2/core/net_simple.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/net_simple.cc -------------------------------------------------------------------------------- /caffe2/core/net_simple.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/net_simple.h -------------------------------------------------------------------------------- /caffe2/core/net_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/net_test.cc -------------------------------------------------------------------------------- /caffe2/core/nomnigraph/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/core/numa.cc: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/numa.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/numa.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/numa.h -------------------------------------------------------------------------------- /caffe2/core/observer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/observer.h -------------------------------------------------------------------------------- /caffe2/core/operator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/operator.cc -------------------------------------------------------------------------------- /caffe2/core/operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/operator.h -------------------------------------------------------------------------------- /caffe2/core/qtensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/qtensor.cc -------------------------------------------------------------------------------- /caffe2/core/qtensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/qtensor.h -------------------------------------------------------------------------------- /caffe2/core/scope_guard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/scope_guard.h -------------------------------------------------------------------------------- /caffe2/core/stats.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/stats.cc -------------------------------------------------------------------------------- /caffe2/core/stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/stats.h -------------------------------------------------------------------------------- /caffe2/core/stats_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/stats_test.cc -------------------------------------------------------------------------------- /caffe2/core/storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/storage.h -------------------------------------------------------------------------------- /caffe2/core/tensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/tensor.cc -------------------------------------------------------------------------------- /caffe2/core/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/tensor.h -------------------------------------------------------------------------------- /caffe2/core/tensor_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/tensor_impl.h -------------------------------------------------------------------------------- /caffe2/core/tensor_int8.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/tensor_int8.cc -------------------------------------------------------------------------------- /caffe2/core/tensor_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/tensor_int8.h -------------------------------------------------------------------------------- /caffe2/core/test_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/test_utils.cc -------------------------------------------------------------------------------- /caffe2/core/test_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/test_utils.h -------------------------------------------------------------------------------- /caffe2/core/timer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/timer.h -------------------------------------------------------------------------------- /caffe2/core/timer_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/timer_test.cc -------------------------------------------------------------------------------- /caffe2/core/transform.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/transform.cc -------------------------------------------------------------------------------- /caffe2/core/transform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/transform.h -------------------------------------------------------------------------------- /caffe2/core/types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/types.cc -------------------------------------------------------------------------------- /caffe2/core/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/types.h -------------------------------------------------------------------------------- /caffe2/core/workspace.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/workspace.cc -------------------------------------------------------------------------------- /caffe2/core/workspace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/core/workspace.h -------------------------------------------------------------------------------- /caffe2/db/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/db/create_db_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/create_db_op.cc -------------------------------------------------------------------------------- /caffe2/db/create_db_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/create_db_op.h -------------------------------------------------------------------------------- /caffe2/db/db_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/db_test.cc -------------------------------------------------------------------------------- /caffe2/db/leveldb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/leveldb.cc -------------------------------------------------------------------------------- /caffe2/db/lmdb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/lmdb.cc -------------------------------------------------------------------------------- /caffe2/db/protodb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/protodb.cc -------------------------------------------------------------------------------- /caffe2/db/zmqdb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/db/zmqdb.cc -------------------------------------------------------------------------------- /caffe2/distributed/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/experiments/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/experiments/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/ideep/ideep_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/ideep/ideep_utils.h -------------------------------------------------------------------------------- /caffe2/mpi/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/mpi/mpi_common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/mpi_common.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/mpi_common.h -------------------------------------------------------------------------------- /caffe2/mpi/mpi_gpu_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/mpi_gpu_test.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/mpi_ops.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/mpi_ops.h -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/mpi_ops_gpu.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/mpi/mpi_test.cc -------------------------------------------------------------------------------- /caffe2/observers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/observers/README.md -------------------------------------------------------------------------------- /caffe2/onnx/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/onnx/backend.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/backend.cc -------------------------------------------------------------------------------- /caffe2/onnx/backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/backend.h -------------------------------------------------------------------------------- /caffe2/onnx/backend_rep.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/backend_rep.cc -------------------------------------------------------------------------------- /caffe2/onnx/backend_rep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/backend_rep.h -------------------------------------------------------------------------------- /caffe2/onnx/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/device.cc -------------------------------------------------------------------------------- /caffe2/onnx/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/device.h -------------------------------------------------------------------------------- /caffe2/onnx/helper.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/helper.cc -------------------------------------------------------------------------------- /caffe2/onnx/helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/helper.h -------------------------------------------------------------------------------- /caffe2/onnx/onnxifi_init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/onnxifi_init.h -------------------------------------------------------------------------------- /caffe2/onnx/ssa_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/onnx/ssa_test.cc -------------------------------------------------------------------------------- /caffe2/operators/abs_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/abs_op.cc -------------------------------------------------------------------------------- /caffe2/operators/abs_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/abs_op.cu -------------------------------------------------------------------------------- /caffe2/operators/abs_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/abs_op.h -------------------------------------------------------------------------------- /caffe2/operators/acos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/acos_op.h -------------------------------------------------------------------------------- /caffe2/operators/arg_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/arg_ops.h -------------------------------------------------------------------------------- /caffe2/operators/asin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/asin_op.h -------------------------------------------------------------------------------- /caffe2/operators/atan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/atan_op.h -------------------------------------------------------------------------------- /caffe2/operators/cast_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/cast_op.h -------------------------------------------------------------------------------- /caffe2/operators/cbrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/cbrt_op.h -------------------------------------------------------------------------------- /caffe2/operators/ceil_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/ceil_op.h -------------------------------------------------------------------------------- /caffe2/operators/clip_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/clip_op.h -------------------------------------------------------------------------------- /caffe2/operators/conv_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/conv_op.h -------------------------------------------------------------------------------- /caffe2/operators/copy_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/copy_op.h -------------------------------------------------------------------------------- /caffe2/operators/cos_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/cos_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cos_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/cos_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/cos_op.h -------------------------------------------------------------------------------- /caffe2/operators/cosh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/cosh_op.h -------------------------------------------------------------------------------- /caffe2/operators/cube_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/cube_op.h -------------------------------------------------------------------------------- /caffe2/operators/do_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/do_op.cc -------------------------------------------------------------------------------- /caffe2/operators/do_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/do_op.h -------------------------------------------------------------------------------- /caffe2/operators/elu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/elu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/elu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/elu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/elu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/elu_op.h -------------------------------------------------------------------------------- /caffe2/operators/erf_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/erf_op.cc -------------------------------------------------------------------------------- /caffe2/operators/erf_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/erf_op.cu -------------------------------------------------------------------------------- /caffe2/operators/erf_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/erf_op.h -------------------------------------------------------------------------------- /caffe2/operators/exp_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/exp_op.cc -------------------------------------------------------------------------------- /caffe2/operators/exp_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/exp_op.h -------------------------------------------------------------------------------- /caffe2/operators/find_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/find_op.h -------------------------------------------------------------------------------- /caffe2/operators/free_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/free_op.h -------------------------------------------------------------------------------- /caffe2/operators/gelu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/gelu_op.h -------------------------------------------------------------------------------- /caffe2/operators/glu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/glu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/glu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/glu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/glu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/glu_op.h -------------------------------------------------------------------------------- /caffe2/operators/if_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/operators/if_op.cc -------------------------------------------------------------------------------- /caffe2/opt/converter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/converter.cc -------------------------------------------------------------------------------- /caffe2/opt/converter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/converter.h -------------------------------------------------------------------------------- /caffe2/opt/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/device.cc -------------------------------------------------------------------------------- /caffe2/opt/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/device.h -------------------------------------------------------------------------------- /caffe2/opt/fusion.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/fusion.cc -------------------------------------------------------------------------------- /caffe2/opt/fusion.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/fusion.h -------------------------------------------------------------------------------- /caffe2/opt/mobile.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/mobile.cc -------------------------------------------------------------------------------- /caffe2/opt/mobile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/mobile.h -------------------------------------------------------------------------------- /caffe2/opt/nql/ast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/nql/ast.h -------------------------------------------------------------------------------- /caffe2/opt/nql/lex.ll: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/nql/lex.ll -------------------------------------------------------------------------------- /caffe2/opt/nql/parse.yy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/nql/parse.yy -------------------------------------------------------------------------------- /caffe2/opt/onnxifi_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/onnxifi_op.h -------------------------------------------------------------------------------- /caffe2/opt/optimizer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/optimizer.cc -------------------------------------------------------------------------------- /caffe2/opt/optimizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/optimizer.h -------------------------------------------------------------------------------- /caffe2/opt/passes.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/passes.cc -------------------------------------------------------------------------------- /caffe2/opt/passes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/passes.h -------------------------------------------------------------------------------- /caffe2/opt/shape_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/opt/shape_info.h -------------------------------------------------------------------------------- /caffe2/perfkernels/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/proto/hsm.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/proto/hsm.proto -------------------------------------------------------------------------------- /caffe2/proto/torch_pb.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/proto/torch_pb.h -------------------------------------------------------------------------------- /caffe2/python/brew.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/brew.py -------------------------------------------------------------------------------- /caffe2/python/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/build.py -------------------------------------------------------------------------------- /caffe2/python/cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/cnn.py -------------------------------------------------------------------------------- /caffe2/python/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/core.py -------------------------------------------------------------------------------- /caffe2/python/crf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/crf.py -------------------------------------------------------------------------------- /caffe2/python/dataio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/dataio.py -------------------------------------------------------------------------------- /caffe2/python/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/dlpack.h -------------------------------------------------------------------------------- /caffe2/python/docs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/dyndep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/dyndep.py -------------------------------------------------------------------------------- /caffe2/python/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/examples/resnet50_trainer.py: -------------------------------------------------------------------------------- 1 | imagenet_trainer.py -------------------------------------------------------------------------------- /caffe2/python/fakelowp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/helpers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/ideep/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/lazy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/lazy.py -------------------------------------------------------------------------------- /caffe2/python/mint/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/mkl/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/modeling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/models/seq2seq/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/muji.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/muji.py -------------------------------------------------------------------------------- /caffe2/python/onnx/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/onnx/bin/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/onnx/tests/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | 3 | 4 | 5 | -------------------------------------------------------------------------------- /caffe2/python/operator_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/predictor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/rnn/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | 3 | 4 | 5 | 6 | -------------------------------------------------------------------------------- /caffe2/python/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/schema.py -------------------------------------------------------------------------------- /caffe2/python/scope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/scope.py -------------------------------------------------------------------------------- /caffe2/python/serialized_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/task.py -------------------------------------------------------------------------------- /caffe2/python/test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/trt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/python/utils.py -------------------------------------------------------------------------------- /caffe2/quantization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/quantization/server/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/release-notes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/release-notes.md -------------------------------------------------------------------------------- /caffe2/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | enum34 3 | pyyaml 4 | requests 5 | typing 6 | -------------------------------------------------------------------------------- /caffe2/serialize/crc.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/serialize/crc.cc -------------------------------------------------------------------------------- /caffe2/sgd/adagrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/adagrad_op.h -------------------------------------------------------------------------------- /caffe2/sgd/adam_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/adam_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/adam_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/adam_op.h -------------------------------------------------------------------------------- /caffe2/sgd/ftrl_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/ftrl_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/ftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/ftrl_op.h -------------------------------------------------------------------------------- /caffe2/sgd/gftrl_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/gftrl_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/gftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/gftrl_op.h -------------------------------------------------------------------------------- /caffe2/sgd/iter_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/iter_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/iter_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/iter_op.h -------------------------------------------------------------------------------- /caffe2/sgd/lars_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/lars_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/lars_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/lars_op.h -------------------------------------------------------------------------------- /caffe2/sgd/math_lp.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/math_lp.cc -------------------------------------------------------------------------------- /caffe2/sgd/math_lp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/math_lp.h -------------------------------------------------------------------------------- /caffe2/sgd/rmsprop_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/rmsprop_op.h -------------------------------------------------------------------------------- /caffe2/sgd/storm_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/storm_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/storm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/storm_op.h -------------------------------------------------------------------------------- /caffe2/sgd/wngrad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/wngrad_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/wngrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/sgd/wngrad_op.h -------------------------------------------------------------------------------- /caffe2/utils/cast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/utils/cast.h -------------------------------------------------------------------------------- /caffe2/utils/cblas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/utils/cblas.h -------------------------------------------------------------------------------- /caffe2/utils/cpu_neon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/utils/cpu_neon.h -------------------------------------------------------------------------------- /caffe2/utils/cpuid.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/utils/cpuid.cc -------------------------------------------------------------------------------- /caffe2/utils/cpuid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/utils/cpuid.h -------------------------------------------------------------------------------- /caffe2/utils/filler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/utils/filler.h -------------------------------------------------------------------------------- /caffe2/utils/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/utils/math.h -------------------------------------------------------------------------------- /caffe2/video/video_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/caffe2/video/video_io.h -------------------------------------------------------------------------------- /cmake/Allowlist.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/Allowlist.cmake -------------------------------------------------------------------------------- /cmake/Codegen.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/Codegen.cmake -------------------------------------------------------------------------------- /cmake/MiscCheck.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/MiscCheck.cmake -------------------------------------------------------------------------------- /cmake/Modules/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/Modules/README.md -------------------------------------------------------------------------------- /cmake/ProtoBuf.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/ProtoBuf.cmake -------------------------------------------------------------------------------- /cmake/Summary.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/Summary.cmake -------------------------------------------------------------------------------- /cmake/Utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/Utils.cmake -------------------------------------------------------------------------------- /cmake/iOS.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/iOS.cmake -------------------------------------------------------------------------------- /cmake/public/cuda.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/public/cuda.cmake -------------------------------------------------------------------------------- /cmake/public/glog.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/public/glog.cmake -------------------------------------------------------------------------------- /cmake/public/mkl.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/cmake/public/mkl.cmake -------------------------------------------------------------------------------- /codecov.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/codecov.yml -------------------------------------------------------------------------------- /docker.Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docker.Makefile -------------------------------------------------------------------------------- /docker/caffe2/jenkins/centos-cuda/.gitignore: -------------------------------------------------------------------------------- 1 | *.sh 2 | -------------------------------------------------------------------------------- /docker/caffe2/jenkins/centos-rocm/.gitignore: -------------------------------------------------------------------------------- 1 | *.sh 2 | -------------------------------------------------------------------------------- /docker/caffe2/jenkins/centos/.gitignore: -------------------------------------------------------------------------------- 1 | *.sh 2 | -------------------------------------------------------------------------------- /docker/caffe2/jenkins/ubuntu-cuda/.gitignore: -------------------------------------------------------------------------------- 1 | *.sh 2 | -------------------------------------------------------------------------------- /docker/caffe2/jenkins/ubuntu-rocm/.gitignore: -------------------------------------------------------------------------------- 1 | *.sh 2 | -------------------------------------------------------------------------------- /docker/caffe2/jenkins/ubuntu/.gitignore: -------------------------------------------------------------------------------- 1 | *.sh 2 | -------------------------------------------------------------------------------- /docker/caffe2/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docker/caffe2/readme.md -------------------------------------------------------------------------------- /docs/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/.gitignore -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/caffe2/.Doxyfile-c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/caffe2/.Doxyfile-c -------------------------------------------------------------------------------- /docs/caffe2/DOXYGEN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/caffe2/DOXYGEN.md -------------------------------------------------------------------------------- /docs/caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/caffe2/README.md -------------------------------------------------------------------------------- /docs/caffe2/footer.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/caffe2/footer.html -------------------------------------------------------------------------------- /docs/caffe2/header.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/caffe2/header.html -------------------------------------------------------------------------------- /docs/caffe2/main.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/caffe2/main.css -------------------------------------------------------------------------------- /docs/caffe2/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/caffe2/process.py -------------------------------------------------------------------------------- /docs/cpp/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/cpp/Makefile -------------------------------------------------------------------------------- /docs/cpp/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/cpp/source/conf.py -------------------------------------------------------------------------------- /docs/libtorch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/libtorch.rst -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/requirements.txt -------------------------------------------------------------------------------- /docs/source/amp.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/amp.rst -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/cuda.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/cuda.rst -------------------------------------------------------------------------------- /docs/source/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/data.rst -------------------------------------------------------------------------------- /docs/source/dlpack.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/dlpack.rst -------------------------------------------------------------------------------- /docs/source/docutils.conf: -------------------------------------------------------------------------------- 1 | [html writers] 2 | table_style: colwidths-auto 3 | -------------------------------------------------------------------------------- /docs/source/fft.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/fft.rst -------------------------------------------------------------------------------- /docs/source/futures.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/futures.rst -------------------------------------------------------------------------------- /docs/source/hub.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/hub.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/jit.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/jit.rst -------------------------------------------------------------------------------- /docs/source/linalg.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/linalg.rst -------------------------------------------------------------------------------- /docs/source/nn.init.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/nn.init.rst -------------------------------------------------------------------------------- /docs/source/nn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/nn.rst -------------------------------------------------------------------------------- /docs/source/onnx.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/onnx.rst -------------------------------------------------------------------------------- /docs/source/optim.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/optim.rst -------------------------------------------------------------------------------- /docs/source/random.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/random.rst -------------------------------------------------------------------------------- /docs/source/rpc.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/rpc.rst -------------------------------------------------------------------------------- /docs/source/sparse.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/sparse.rst -------------------------------------------------------------------------------- /docs/source/storage.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/storage.rst -------------------------------------------------------------------------------- /docs/source/tensors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/tensors.rst -------------------------------------------------------------------------------- /docs/source/torch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/docs/source/torch.rst -------------------------------------------------------------------------------- /ios/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/ios/.gitignore -------------------------------------------------------------------------------- /ios/LibTorch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/ios/LibTorch.h -------------------------------------------------------------------------------- /ios/LibTorch.podspec: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/ios/LibTorch.podspec -------------------------------------------------------------------------------- /ios/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/ios/README.md -------------------------------------------------------------------------------- /ios/TestApp/.gitignore: -------------------------------------------------------------------------------- 1 | model.pt 2 | .config 3 | Podfile.lock 4 | fastlane/test_output/ 5 | -------------------------------------------------------------------------------- /ios/TestApp/Gemfile: -------------------------------------------------------------------------------- 1 | source "https://rubygems.org" 2 | 3 | gem "fastlane" -------------------------------------------------------------------------------- /ios/TestApp/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/ios/TestApp/README.md -------------------------------------------------------------------------------- /modules/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/modules/CMakeLists.txt -------------------------------------------------------------------------------- /mypy-strict.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/mypy-strict.ini -------------------------------------------------------------------------------- /mypy.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/mypy.ini -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/requirements.txt -------------------------------------------------------------------------------- /scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/README.md -------------------------------------------------------------------------------- /scripts/build_ios.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/build_ios.sh -------------------------------------------------------------------------------- /scripts/build_local.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/build_local.sh -------------------------------------------------------------------------------- /scripts/build_mobile.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/build_mobile.sh -------------------------------------------------------------------------------- /scripts/build_tizen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/build_tizen.sh -------------------------------------------------------------------------------- /scripts/onnx/install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/onnx/install.sh -------------------------------------------------------------------------------- /scripts/onnx/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/onnx/test.sh -------------------------------------------------------------------------------- /scripts/proto.ps1: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/proto.ps1 -------------------------------------------------------------------------------- /scripts/temp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/temp.sh -------------------------------------------------------------------------------- /scripts/xcode_build.rb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/scripts/xcode_build.rb -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/setup.py -------------------------------------------------------------------------------- /submodules/nervanagpu-rev.txt: -------------------------------------------------------------------------------- 1 | Subproject commit d4eefd50fbd7d34a17dddbc829888835d67b5f4a 2 | -------------------------------------------------------------------------------- /test/cpp/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/cpp/api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/README.md -------------------------------------------------------------------------------- /test/cpp/api/any.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/any.cpp -------------------------------------------------------------------------------- /test/cpp/api/enum.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/enum.cpp -------------------------------------------------------------------------------- /test/cpp/api/fft.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/fft.cpp -------------------------------------------------------------------------------- /test/cpp/api/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/init.cpp -------------------------------------------------------------------------------- /test/cpp/api/jit.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/jit.cpp -------------------------------------------------------------------------------- /test/cpp/api/memory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/memory.cpp -------------------------------------------------------------------------------- /test/cpp/api/misc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/misc.cpp -------------------------------------------------------------------------------- /test/cpp/api/module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/module.cpp -------------------------------------------------------------------------------- /test/cpp/api/optim.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/optim.cpp -------------------------------------------------------------------------------- /test/cpp/api/rnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/rnn.cpp -------------------------------------------------------------------------------- /test/cpp/api/static.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/static.cpp -------------------------------------------------------------------------------- /test/cpp/api/support.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/support.h -------------------------------------------------------------------------------- /test/cpp/api/tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/api/tensor.cpp -------------------------------------------------------------------------------- /test/cpp/jit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/cpp/jit/README.md -------------------------------------------------------------------------------- /test/cpp/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/cpp/tensorexpr/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/cpp_api_parity/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/cpp_extensions/torch_test_cpp_extension/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/distributed/nn/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/expect/TestScript.test_string_print-stdout.expect: -------------------------------------------------------------------------------- 1 | 1 2 | [ CPULongType{} ] abcd 2 1.5 3 | -------------------------------------------------------------------------------- /test/expect/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/fx/quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/fx/quantization.py -------------------------------------------------------------------------------- /test/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/jit/_imported_class_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/jit/_imported_class_test/very/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/jit/_imported_class_test/very/very/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/jit/test_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_async.py -------------------------------------------------------------------------------- /test/jit/test_enum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_enum.py -------------------------------------------------------------------------------- /test/jit/test_hash.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_hash.py -------------------------------------------------------------------------------- /test/jit/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_models.py -------------------------------------------------------------------------------- /test/jit/test_slice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_slice.py -------------------------------------------------------------------------------- /test/jit/test_tracer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_tracer.py -------------------------------------------------------------------------------- /test/jit/test_warn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_warn.py -------------------------------------------------------------------------------- /test/jit/test_with.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/jit/test_with.py -------------------------------------------------------------------------------- /test/mobile/op_deps/quantized_ops.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /test/module_a.py: -------------------------------------------------------------------------------- 1 | result = 'module_a' 2 | -------------------------------------------------------------------------------- /test/namespace_b/subpackage.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/onnx/verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/onnx/verify.py -------------------------------------------------------------------------------- /test/optim/compare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/optim/compare.sh -------------------------------------------------------------------------------- /test/optim/test.lua: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/optim/test.lua -------------------------------------------------------------------------------- /test/optim/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/optim/test.py -------------------------------------------------------------------------------- /test/optim/tests.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/optim/tests.json -------------------------------------------------------------------------------- /test/quantization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/run_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/run_test.py -------------------------------------------------------------------------------- /test/test_autograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_autograd.py -------------------------------------------------------------------------------- /test/test_complex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_complex.py -------------------------------------------------------------------------------- /test/test_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_cuda.py -------------------------------------------------------------------------------- /test/test_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_dataloader.py -------------------------------------------------------------------------------- /test/test_dispatch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_dispatch.py -------------------------------------------------------------------------------- /test/test_expecttest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_expecttest.py -------------------------------------------------------------------------------- /test/test_foreach.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_foreach.py -------------------------------------------------------------------------------- /test/test_futures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_futures.py -------------------------------------------------------------------------------- /test/test_fx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_fx.py -------------------------------------------------------------------------------- /test/test_img/p1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_img/p1.jpg -------------------------------------------------------------------------------- /test/test_indexing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_indexing.py -------------------------------------------------------------------------------- /test/test_jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_jit.py -------------------------------------------------------------------------------- /test/test_jit_fuser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_jit_fuser.py -------------------------------------------------------------------------------- /test/test_jit_legacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_jit_legacy.py -------------------------------------------------------------------------------- /test/test_jit_py3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_jit_py3.py -------------------------------------------------------------------------------- /test/test_jit_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_jit_simple.py -------------------------------------------------------------------------------- /test/test_jit_string.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_jit_string.py -------------------------------------------------------------------------------- /test/test_linalg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_linalg.py -------------------------------------------------------------------------------- /test/test_logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_logging.py -------------------------------------------------------------------------------- /test/test_metal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_metal.py -------------------------------------------------------------------------------- /test/test_mkldnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_mkldnn.py -------------------------------------------------------------------------------- /test/test_nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_nn.py -------------------------------------------------------------------------------- /test/test_op_aliases.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_op_aliases.py -------------------------------------------------------------------------------- /test/test_openmp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_openmp.py -------------------------------------------------------------------------------- /test/test_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_ops.py -------------------------------------------------------------------------------- /test/test_optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_optim.py -------------------------------------------------------------------------------- /test/test_overrides.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_overrides.py -------------------------------------------------------------------------------- /test/test_package.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_package.py -------------------------------------------------------------------------------- /test/test_profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_profiler.py -------------------------------------------------------------------------------- /test/test_pruning_op.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_pruning_op.py -------------------------------------------------------------------------------- /test/test_pytree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_pytree.py -------------------------------------------------------------------------------- /test/test_sparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_sparse.py -------------------------------------------------------------------------------- /test/test_tensorexpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_tensorexpr.py -------------------------------------------------------------------------------- /test/test_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_torch.py -------------------------------------------------------------------------------- /test/test_type_hints.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_type_hints.py -------------------------------------------------------------------------------- /test/test_type_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_type_info.py -------------------------------------------------------------------------------- /test/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_utils.py -------------------------------------------------------------------------------- /test/test_vmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_vmap.py -------------------------------------------------------------------------------- /test/test_vulkan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/test/test_vulkan.py -------------------------------------------------------------------------------- /third_party/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/README.md -------------------------------------------------------------------------------- /third_party/eigen.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/eigen.BUILD -------------------------------------------------------------------------------- /third_party/fmt.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/fmt.BUILD -------------------------------------------------------------------------------- /third_party/foxi.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/foxi.BUILD -------------------------------------------------------------------------------- /third_party/gloo.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/gloo.BUILD -------------------------------------------------------------------------------- /third_party/ideep.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/ideep.BUILD -------------------------------------------------------------------------------- /third_party/mkl.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/mkl.BUILD -------------------------------------------------------------------------------- /third_party/onnx.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/onnx.BUILD -------------------------------------------------------------------------------- /third_party/sleef.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/sleef.BUILD -------------------------------------------------------------------------------- /third_party/sleef.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/sleef.bzl -------------------------------------------------------------------------------- /third_party/tbb.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/tbb.BUILD -------------------------------------------------------------------------------- /third_party/tbb.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/third_party/tbb.patch -------------------------------------------------------------------------------- /tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/README.md -------------------------------------------------------------------------------- /tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/aten_mirror.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/aten_mirror.sh -------------------------------------------------------------------------------- /tools/autograd/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/autograd/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/autograd/utils.py -------------------------------------------------------------------------------- /tools/build_libtorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/build_libtorch.py -------------------------------------------------------------------------------- /tools/clang_format_hash/mac/clang-format-mojave: -------------------------------------------------------------------------------- 1 | 020c7f38f14665c2ed82f3e8976c9074c2cfac0a -------------------------------------------------------------------------------- /tools/clang_tidy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/clang_tidy.py -------------------------------------------------------------------------------- /tools/code_coverage/package/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/code_coverage/package/oss/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/code_coverage/package/tool/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/code_coverage/package/tool/parser/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/code_coverage/package/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/codegen/api/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/codegen/gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/codegen/gen.py -------------------------------------------------------------------------------- /tools/codegen/local.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/codegen/local.py -------------------------------------------------------------------------------- /tools/codegen/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/codegen/model.py -------------------------------------------------------------------------------- /tools/codegen/selective_build/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/config/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/config/BUILD -------------------------------------------------------------------------------- /tools/config/defs.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/config/defs.bzl -------------------------------------------------------------------------------- /tools/download_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/download_mnist.py -------------------------------------------------------------------------------- /tools/flake8_hook.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/flake8_hook.py -------------------------------------------------------------------------------- /tools/git-clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/git-clang-format -------------------------------------------------------------------------------- /tools/git-pre-commit: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/git-pre-commit -------------------------------------------------------------------------------- /tools/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/nightly.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/nightly.py -------------------------------------------------------------------------------- /tools/pyi/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/pyi/gen_pyi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/pyi/gen_pyi.py -------------------------------------------------------------------------------- /tools/pytorch.version: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/tools/pytorch.version -------------------------------------------------------------------------------- /tools/rules/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/rules/cu.bzl: -------------------------------------------------------------------------------- 1 | # gpu support is not available 2 | def cu_library(**kwargs): 3 | pass 4 | -------------------------------------------------------------------------------- /torch/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/CMakeLists.txt -------------------------------------------------------------------------------- /torch/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/README.txt -------------------------------------------------------------------------------- /torch/_C/_autograd.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_C/_autograd.pyi -------------------------------------------------------------------------------- /torch/_C/_cudnn.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_C/_cudnn.pyi -------------------------------------------------------------------------------- /torch/_C/_functions.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_C/_functions.pyi -------------------------------------------------------------------------------- /torch/_C/_nn.pyi.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_C/_nn.pyi.in -------------------------------------------------------------------------------- /torch/_C/_nvtx.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_C/_nvtx.pyi -------------------------------------------------------------------------------- /torch/_C/_onnx.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_C/_onnx.pyi -------------------------------------------------------------------------------- /torch/_VF.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_VF.py -------------------------------------------------------------------------------- /torch/__config__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/__config__.py -------------------------------------------------------------------------------- /torch/__future__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/__future__.py -------------------------------------------------------------------------------- /torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/__init__.py -------------------------------------------------------------------------------- /torch/_appdirs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_appdirs.py -------------------------------------------------------------------------------- /torch/_classes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_classes.py -------------------------------------------------------------------------------- /torch/_jit_internal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_jit_internal.py -------------------------------------------------------------------------------- /torch/_linalg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_linalg_utils.py -------------------------------------------------------------------------------- /torch/_lobpcg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_lobpcg.py -------------------------------------------------------------------------------- /torch/_lowrank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_lowrank.py -------------------------------------------------------------------------------- /torch/_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_ops.py -------------------------------------------------------------------------------- /torch/_six.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_six.py -------------------------------------------------------------------------------- /torch/_storage_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_storage_docs.py -------------------------------------------------------------------------------- /torch/_tensor_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_tensor_docs.py -------------------------------------------------------------------------------- /torch/_tensor_str.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_tensor_str.py -------------------------------------------------------------------------------- /torch/_torch_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_torch_docs.py -------------------------------------------------------------------------------- /torch/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/_utils.py -------------------------------------------------------------------------------- /torch/abi-check.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/abi-check.cpp -------------------------------------------------------------------------------- /torch/autograd/_functions/__init__.py: -------------------------------------------------------------------------------- 1 | from .tensor import * 2 | -------------------------------------------------------------------------------- /torch/contrib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/csrc/DataLoader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/DataLoader.h -------------------------------------------------------------------------------- /torch/csrc/Device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Device.cpp -------------------------------------------------------------------------------- /torch/csrc/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Device.h -------------------------------------------------------------------------------- /torch/csrc/Dtype.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Dtype.cpp -------------------------------------------------------------------------------- /torch/csrc/Dtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Dtype.h -------------------------------------------------------------------------------- /torch/csrc/Exceptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Exceptions.h -------------------------------------------------------------------------------- /torch/csrc/Generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Generator.h -------------------------------------------------------------------------------- /torch/csrc/Layout.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Layout.cpp -------------------------------------------------------------------------------- /torch/csrc/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Layout.h -------------------------------------------------------------------------------- /torch/csrc/Module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Module.cpp -------------------------------------------------------------------------------- /torch/csrc/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Module.h -------------------------------------------------------------------------------- /torch/csrc/PtrWrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/PtrWrapper.h -------------------------------------------------------------------------------- /torch/csrc/QScheme.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/QScheme.cpp -------------------------------------------------------------------------------- /torch/csrc/QScheme.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/QScheme.h -------------------------------------------------------------------------------- /torch/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/README.md -------------------------------------------------------------------------------- /torch/csrc/Size.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Size.cpp -------------------------------------------------------------------------------- /torch/csrc/Size.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Size.h -------------------------------------------------------------------------------- /torch/csrc/Storage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Storage.cpp -------------------------------------------------------------------------------- /torch/csrc/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Storage.h -------------------------------------------------------------------------------- /torch/csrc/Stream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Stream.cpp -------------------------------------------------------------------------------- /torch/csrc/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Stream.h -------------------------------------------------------------------------------- /torch/csrc/THP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/THP.h -------------------------------------------------------------------------------- /torch/csrc/THP_export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/THP_export.h -------------------------------------------------------------------------------- /torch/csrc/TypeInfo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/TypeInfo.cpp -------------------------------------------------------------------------------- /torch/csrc/TypeInfo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/TypeInfo.h -------------------------------------------------------------------------------- /torch/csrc/Types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/Types.h -------------------------------------------------------------------------------- /torch/csrc/api/src/nn/options/vision.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /torch/csrc/copy_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/copy_utils.h -------------------------------------------------------------------------------- /torch/csrc/cuda/Event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/cuda/Event.h -------------------------------------------------------------------------------- /torch/csrc/cuda/THCP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/cuda/THCP.h -------------------------------------------------------------------------------- /torch/csrc/cuda/comm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/cuda/comm.h -------------------------------------------------------------------------------- /torch/csrc/cuda/nccl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/cuda/nccl.h -------------------------------------------------------------------------------- /torch/csrc/cuda/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/cuda/utils.h -------------------------------------------------------------------------------- /torch/csrc/dl.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/dl.c -------------------------------------------------------------------------------- /torch/csrc/empty.c: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/csrc/jit/codegen/cuda/docs/.gitignore: -------------------------------------------------------------------------------- 1 | html 2 | -------------------------------------------------------------------------------- /torch/csrc/jit/ir/ir.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/jit/ir/ir.h -------------------------------------------------------------------------------- /torch/csrc/jit/tensorexpr/function.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/csrc/onnx/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/onnx/init.h -------------------------------------------------------------------------------- /torch/csrc/onnx/onnx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/onnx/onnx.h -------------------------------------------------------------------------------- /torch/csrc/stub.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/stub.c -------------------------------------------------------------------------------- /torch/csrc/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/utils.cpp -------------------------------------------------------------------------------- /torch/csrc/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/utils.h -------------------------------------------------------------------------------- /torch/csrc/utils/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/utils/init.h -------------------------------------------------------------------------------- /torch/csrc/utils/six.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/csrc/utils/six.h -------------------------------------------------------------------------------- /torch/cuda/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/__init__.py -------------------------------------------------------------------------------- /torch/cuda/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/_utils.py -------------------------------------------------------------------------------- /torch/cuda/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/comm.py -------------------------------------------------------------------------------- /torch/cuda/error.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/cuda/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/memory.py -------------------------------------------------------------------------------- /torch/cuda/nccl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/nccl.py -------------------------------------------------------------------------------- /torch/cuda/nvtx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/nvtx.py -------------------------------------------------------------------------------- /torch/cuda/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/profiler.py -------------------------------------------------------------------------------- /torch/cuda/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/random.py -------------------------------------------------------------------------------- /torch/cuda/sparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/sparse.py -------------------------------------------------------------------------------- /torch/cuda/streams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/cuda/streams.py -------------------------------------------------------------------------------- /torch/custom_class.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/custom_class.h -------------------------------------------------------------------------------- /torch/distributed/_pipeline/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/distributed/nn/api/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/distributed/nn/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/distributed/nn/jit/templates/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/extension.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/extension.h -------------------------------------------------------------------------------- /torch/fft/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/fft/__init__.py -------------------------------------------------------------------------------- /torch/for_onnx/__init__.py: -------------------------------------------------------------------------------- 1 | from .onnx import * 2 | -------------------------------------------------------------------------------- /torch/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/functional.py -------------------------------------------------------------------------------- /torch/fx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/fx/__init__.py -------------------------------------------------------------------------------- /torch/fx/experimental/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/fx/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/fx/graph.py -------------------------------------------------------------------------------- /torch/fx/node.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/fx/node.py -------------------------------------------------------------------------------- /torch/fx/proxy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/fx/proxy.py -------------------------------------------------------------------------------- /torch/hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/hub.py -------------------------------------------------------------------------------- /torch/jit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/__init__.py -------------------------------------------------------------------------------- /torch/jit/_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_async.py -------------------------------------------------------------------------------- /torch/jit/_builtins.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_builtins.py -------------------------------------------------------------------------------- /torch/jit/_freeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_freeze.py -------------------------------------------------------------------------------- /torch/jit/_fuser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_fuser.py -------------------------------------------------------------------------------- /torch/jit/_logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_logging.py -------------------------------------------------------------------------------- /torch/jit/_pickle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_pickle.py -------------------------------------------------------------------------------- /torch/jit/_recursive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_recursive.py -------------------------------------------------------------------------------- /torch/jit/_script.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_script.py -------------------------------------------------------------------------------- /torch/jit/_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_state.py -------------------------------------------------------------------------------- /torch/jit/_trace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/_trace.py -------------------------------------------------------------------------------- /torch/jit/frontend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/frontend.py -------------------------------------------------------------------------------- /torch/jit/quantized.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/jit/quantized.py -------------------------------------------------------------------------------- /torch/legacy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/legacy/README.md -------------------------------------------------------------------------------- /torch/lib/libshm/err.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/lib/libshm/err.h -------------------------------------------------------------------------------- /torch/library.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/library.h -------------------------------------------------------------------------------- /torch/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/__init__.py -------------------------------------------------------------------------------- /torch/nn/_reduction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/_reduction.py -------------------------------------------------------------------------------- /torch/nn/backends/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/nn/cpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/cpp.py -------------------------------------------------------------------------------- /torch/nn/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/functional.py -------------------------------------------------------------------------------- /torch/nn/grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/grad.py -------------------------------------------------------------------------------- /torch/nn/init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/init.py -------------------------------------------------------------------------------- /torch/nn/modules/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/modules/rnn.py -------------------------------------------------------------------------------- /torch/nn/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/parameter.py -------------------------------------------------------------------------------- /torch/nn/parameter.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/parameter.pyi -------------------------------------------------------------------------------- /torch/nn/qat/__init__.py: -------------------------------------------------------------------------------- 1 | from .modules import * 2 | -------------------------------------------------------------------------------- /torch/nn/quantized/__init__.py: -------------------------------------------------------------------------------- 1 | from .modules import * 2 | -------------------------------------------------------------------------------- /torch/nn/quantized/dynamic/__init__.py: -------------------------------------------------------------------------------- 1 | from .modules import * 2 | -------------------------------------------------------------------------------- /torch/nn/utils/prune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/utils/prune.py -------------------------------------------------------------------------------- /torch/nn/utils/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/utils/rnn.py -------------------------------------------------------------------------------- /torch/nn/utils/rnn.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/nn/utils/rnn.pyi -------------------------------------------------------------------------------- /torch/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/onnx/__init__.py -------------------------------------------------------------------------------- /torch/onnx/operators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/onnx/operators.py -------------------------------------------------------------------------------- /torch/onnx/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/onnx/utils.py -------------------------------------------------------------------------------- /torch/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/__init__.py -------------------------------------------------------------------------------- /torch/optim/adadelta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adadelta.py -------------------------------------------------------------------------------- /torch/optim/adagrad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adagrad.py -------------------------------------------------------------------------------- /torch/optim/adagrad.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adagrad.pyi -------------------------------------------------------------------------------- /torch/optim/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adam.py -------------------------------------------------------------------------------- /torch/optim/adam.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adam.pyi -------------------------------------------------------------------------------- /torch/optim/adamax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adamax.py -------------------------------------------------------------------------------- /torch/optim/adamax.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adamax.pyi -------------------------------------------------------------------------------- /torch/optim/adamw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adamw.py -------------------------------------------------------------------------------- /torch/optim/adamw.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/adamw.pyi -------------------------------------------------------------------------------- /torch/optim/asgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/asgd.py -------------------------------------------------------------------------------- /torch/optim/asgd.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/asgd.pyi -------------------------------------------------------------------------------- /torch/optim/lbfgs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/lbfgs.py -------------------------------------------------------------------------------- /torch/optim/lbfgs.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/lbfgs.pyi -------------------------------------------------------------------------------- /torch/optim/rmsprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/rmsprop.py -------------------------------------------------------------------------------- /torch/optim/rmsprop.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/rmsprop.pyi -------------------------------------------------------------------------------- /torch/optim/rprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/rprop.py -------------------------------------------------------------------------------- /torch/optim/rprop.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/rprop.pyi -------------------------------------------------------------------------------- /torch/optim/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/sgd.py -------------------------------------------------------------------------------- /torch/optim/sgd.pyi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/optim/sgd.pyi -------------------------------------------------------------------------------- /torch/overrides.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/overrides.py -------------------------------------------------------------------------------- /torch/package/_mock.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/package/_mock.py -------------------------------------------------------------------------------- /torch/py.typed: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/quasirandom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/quasirandom.py -------------------------------------------------------------------------------- /torch/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/random.py -------------------------------------------------------------------------------- /torch/script.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/script.h -------------------------------------------------------------------------------- /torch/serialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/serialization.py -------------------------------------------------------------------------------- /torch/storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/storage.py -------------------------------------------------------------------------------- /torch/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/tensor.py -------------------------------------------------------------------------------- /torch/testing/_internal/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/codegen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/distributed/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/distributed/nn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/distributed/nn/api/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/distributed/rpc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/distributed/rpc/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/distributed/rpc/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/generated/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/testing/_internal/test_module/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/types.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/types.py -------------------------------------------------------------------------------- /torch/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/utils/__init__.py -------------------------------------------------------------------------------- /torch/utils/_pytree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/utils/_pytree.py -------------------------------------------------------------------------------- /torch/utils/benchmark/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/benchmark/op_fuzzers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/benchmark/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/benchmark/utils/valgrind_wrapper/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/bottleneck/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/dlpack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/utils/dlpack.py -------------------------------------------------------------------------------- /torch/utils/hipify/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/utils/hooks.py -------------------------------------------------------------------------------- /torch/utils/mkldnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/fujitsu/pytorch/HEAD/torch/utils/mkldnn.py -------------------------------------------------------------------------------- /ubsan.supp: -------------------------------------------------------------------------------- 1 | vptr:libtorch_python.so 2 | -------------------------------------------------------------------------------- /version.txt: -------------------------------------------------------------------------------- 1 | 1.8.0a0 2 | --------------------------------------------------------------------------------