├── .circleci └── config.yml ├── .clang-format ├── .clang-tidy ├── .dockerignore ├── .gitattributes ├── .github ├── CONTRIBUTING.md ├── ISSUE_TEMPLATE.md ├── ISSUE_TEMPLATE │ ├── bug-report.md │ ├── documentation.md │ ├── feature-request.md │ └── questions-help-support.md └── PULL_REQUEST_TEMPLATE.md ├── .gitignore ├── .gitmodules ├── .jenkins ├── caffe2 │ ├── README.md │ ├── build.sh │ ├── dirty.sh │ └── test.sh └── pytorch │ ├── README.md │ ├── build-asan.sh │ ├── build.sh │ ├── common.sh │ ├── dirty.sh │ ├── disabled-configs.txt │ ├── docker-build-test.sh │ ├── enabled-configs.txt │ ├── macos-build-test.sh │ ├── macos-build.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.sh ├── .travis.aten.yml ├── .travis.yml ├── CITATION ├── CMakeLists.txt ├── CODEOWNERS ├── CONTRIBUTING.md ├── LICENSE ├── Makefile ├── NOTICE ├── README.md ├── aten ├── CMakeLists.txt ├── conda │ ├── build.sh │ └── meta.yaml ├── src │ ├── ATen │ │ ├── .gitignore │ │ ├── ATen.h │ │ ├── ATenConfig.cmake.in │ │ ├── AccumulateType.h │ │ ├── Allocator.h │ │ ├── ArrayRef.h │ │ ├── Backend.h │ │ ├── Backtrace.h │ │ ├── CMakeLists.txt │ │ ├── CPUApplyUtils.h │ │ ├── CPUFixedAllocator.h │ │ ├── CPUGeneral.cpp │ │ ├── CPUGeneral.h │ │ ├── CPUGenerator.cpp │ │ ├── CPUTypeDefault.cpp │ │ ├── CPUTypeDefault.h │ │ ├── CheckGenerator.h │ │ ├── Config.h.in │ │ ├── Context.cpp │ │ ├── Context.h │ │ ├── DLConvertor.cpp │ │ ├── DLConvertor.h │ │ ├── Declarations.cwrap │ │ ├── Device.h │ │ ├── DeviceGuard.h │ │ ├── DimVector.h │ │ ├── Dispatch.h │ │ ├── ExpandUtils.cpp │ │ ├── ExpandUtils.h │ │ ├── Formatting.h │ │ ├── Generator.h │ │ ├── Half.h │ │ ├── InferSize.h │ │ ├── InitialTensorOptions.h │ │ ├── Layout.h │ │ ├── MatrixRef.h │ │ ├── OptionsGuard.h │ │ ├── Parallel.h │ │ ├── Scalar.h │ │ ├── ScalarOps.h │ │ ├── ScalarType.h │ │ ├── SmallVector.h │ │ ├── SparseTensorImpl.cpp │ │ ├── SparseTensorImpl.h │ │ ├── SparseTensorUtils.h │ │ ├── Storage.h │ │ ├── StorageImpl.h │ │ ├── Tensor.h │ │ ├── TensorAccessor.h │ │ ├── TensorGeometry.cpp │ │ ├── TensorGeometry.h │ │ ├── TensorImpl.h │ │ ├── TensorOperators.h │ │ ├── TensorOptions.h │ │ ├── TensorUtils.cpp │ │ ├── TensorUtils.h │ │ ├── Type.h │ │ ├── UndefinedType.cpp │ │ ├── UndefinedType.h │ │ ├── Utils.cpp │ │ ├── Utils.h │ │ ├── WrapDimUtils.h │ │ ├── WrapDimUtilsMulti.h │ │ ├── code_template.py │ │ ├── common_with_cwrap.py │ │ ├── copy_wrapper.py │ │ ├── core │ │ │ ├── ATenCoreTest.cpp │ │ │ ├── ATenCoreTest.h │ │ │ ├── ATenGeneral.cpp │ │ │ ├── ATenGeneral.h │ │ │ ├── AlignOf.cpp │ │ │ ├── AlignOf.h │ │ │ ├── Allocator.cpp │ │ │ ├── Allocator.h │ │ │ ├── ArrayRef.cpp │ │ │ ├── ArrayRef.h │ │ │ ├── Backend.h │ │ │ ├── Backtrace.h │ │ │ ├── CMakeLists.txt │ │ │ ├── DefaultTensorOptions.h │ │ │ ├── Deprecated.h │ │ │ ├── DimVector.h │ │ │ ├── Formatting.cpp │ │ │ ├── Formatting.h │ │ │ ├── Generator.h │ │ │ ├── Half.h │ │ │ ├── IdWrapper.h │ │ │ ├── Layout.h │ │ │ ├── LegacyTypeDispatch.cpp │ │ │ ├── LegacyTypeDispatch.h │ │ │ ├── Macros.h │ │ │ ├── OptionsGuard.cpp │ │ │ ├── OptionsGuard.h │ │ │ ├── README.md │ │ │ ├── Range.cpp │ │ │ ├── Range.h │ │ │ ├── Reduction.h │ │ │ ├── Scalar.cpp │ │ │ ├── Scalar.h │ │ │ ├── ScalarType.h │ │ │ ├── ScalarTypeUtils.h │ │ │ ├── SmallVector.cpp │ │ │ ├── SmallVector.h │ │ │ ├── SparseTensorRef.h │ │ │ ├── Storage.cpp │ │ │ ├── Storage.h │ │ │ ├── StorageImpl.cpp │ │ │ ├── StorageImpl.h │ │ │ ├── Tensor.cpp │ │ │ ├── Tensor.h │ │ │ ├── TensorAccessor.h │ │ │ ├── TensorImpl.cpp │ │ │ ├── TensorImpl.h │ │ │ ├── TensorImpl_test.cpp │ │ │ ├── TensorMethods.h │ │ │ ├── TensorOptions.cpp │ │ │ ├── TensorOptions.h │ │ │ ├── TensorTypeId.cpp │ │ │ ├── TensorTypeId.h │ │ │ ├── TensorTypeIdRegistration.cpp │ │ │ ├── TensorTypeIdRegistration.h │ │ │ ├── TensorTypeId_test.cpp │ │ │ ├── Type.h │ │ │ ├── UndefinedTensorImpl.cpp │ │ │ ├── UndefinedTensorImpl.h │ │ │ ├── UniqueVoidPtr.cpp │ │ │ ├── UniqueVoidPtr.h │ │ │ ├── VariableHooksInterface.cpp │ │ │ ├── VariableHooksInterface.h │ │ │ ├── WrapDimMinimal.h │ │ │ ├── alias_info.h │ │ │ ├── aten_interned_strings.h │ │ │ ├── blob.cpp │ │ │ ├── blob.h │ │ │ ├── context_base.cpp │ │ │ ├── context_base.h │ │ │ ├── function_schema.h │ │ │ ├── functional.h │ │ │ ├── interned_strings.cpp │ │ │ ├── interned_strings.h │ │ │ ├── interned_strings_class.h │ │ │ ├── intrusive_ptr.cpp │ │ │ ├── intrusive_ptr.h │ │ │ ├── intrusive_ptr_test.cpp │ │ │ ├── ivalue.cpp │ │ │ ├── ivalue.h │ │ │ ├── jit_type.h │ │ │ ├── register_symbols.cpp │ │ │ ├── type.cpp │ │ │ ├── typeid.cpp │ │ │ └── typeid.h │ │ ├── cpu │ │ │ ├── FlushDenormal.cpp │ │ │ ├── FlushDenormal.h │ │ │ ├── vec256 │ │ │ │ ├── functional.h │ │ │ │ ├── intrinsics.h │ │ │ │ ├── vec256.h │ │ │ │ ├── vec256_base.h │ │ │ │ ├── vec256_double.h │ │ │ │ ├── vec256_float.h │ │ │ │ └── vec256_int.h │ │ │ └── vml.h │ │ ├── cuda │ │ │ ├── ATenCUDAGeneral.h │ │ │ ├── Array.h │ │ │ ├── CUDAApplyUtils.cuh │ │ │ ├── CUDAConfig.h.in │ │ │ ├── CUDAContext.cpp │ │ │ ├── CUDAContext.h │ │ │ ├── CUDADevice.h │ │ │ ├── CUDAEvent.h │ │ │ ├── CUDAGenerator.cpp │ │ │ ├── CUDAGuard.h │ │ │ ├── CUDAStream.cpp │ │ │ ├── CUDAStream.h │ │ │ ├── CUDATensorMethods.cuh │ │ │ ├── CUDATypeDefault.cpp │ │ │ ├── CUDATypeDefault.h │ │ │ ├── Exceptions.h │ │ │ ├── NumericLimits.cuh │ │ │ ├── PinnedMemoryAllocator.cpp │ │ │ ├── PinnedMemoryAllocator.h │ │ │ ├── _curand_mtgp32_host.h │ │ │ └── detail │ │ │ │ ├── CUDAHooks.cpp │ │ │ │ ├── CUDAHooks.h │ │ │ │ ├── IndexUtils.cu │ │ │ │ ├── IndexUtils.cuh │ │ │ │ ├── KernelUtils.h │ │ │ │ ├── OffsetCalculator.cuh │ │ │ │ └── TensorInfo.cuh │ │ ├── cudnn │ │ │ ├── Descriptors.cpp │ │ │ ├── Descriptors.h │ │ │ ├── Exceptions.h │ │ │ ├── Handle.cpp │ │ │ ├── Handle.h │ │ │ ├── Handles.h │ │ │ ├── README.md │ │ │ ├── Types.cpp │ │ │ ├── Types.h │ │ │ ├── Utils.h │ │ │ └── cudnn-wrapper.h │ │ ├── cwrap_parser.py │ │ ├── detail │ │ │ ├── CUDAHooksInterface.cpp │ │ │ ├── CUDAHooksInterface.h │ │ │ ├── ComplexHooksInterface.cpp │ │ │ ├── ComplexHooksInterface.h │ │ │ ├── FunctionTraits.h │ │ │ └── ScalarTypeConversions.h │ │ ├── div_rtn.h │ │ ├── dlpack.h │ │ ├── extract_cwrap.py │ │ ├── function_wrapper.py │ │ ├── gen.py │ │ ├── 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 │ │ ├── mkldnn │ │ │ ├── Runtime.cpp │ │ │ └── Runtime.h │ │ ├── native │ │ │ ├── Activation.cpp │ │ │ ├── Activation.h │ │ │ ├── BatchLinearAlgebra.cpp │ │ │ ├── BinaryOps.cpp │ │ │ ├── BinaryOps.h │ │ │ ├── ConstantPadNd.cpp │ │ │ ├── Convolution.cpp │ │ │ ├── ConvolutionTBC.cpp │ │ │ ├── DispatchStub.cpp │ │ │ ├── DispatchStub.h │ │ │ ├── Distance.cpp │ │ │ ├── Distance.h │ │ │ ├── Distributions.cpp │ │ │ ├── Distributions.h │ │ │ ├── Dropout.cpp │ │ │ ├── Embedding.cpp │ │ │ ├── EmbeddingBag.cpp │ │ │ ├── GridSampler.cpp │ │ │ ├── GridSampler.h │ │ │ ├── Indexing.cpp │ │ │ ├── LegacyBridge.cpp │ │ │ ├── LegacyDefinitions.cpp │ │ │ ├── Linear.cpp │ │ │ ├── LinearAlgebra.cpp │ │ │ ├── LinearAlgebraUtils.h │ │ │ ├── Loss.cpp │ │ │ ├── LossCTC.cpp │ │ │ ├── Memory.cpp │ │ │ ├── Normalization.cpp │ │ │ ├── PackedSequence.cpp │ │ │ ├── PixelShuffle.cpp │ │ │ ├── Pooling.cpp │ │ │ ├── README.md │ │ │ ├── RNN.cpp │ │ │ ├── RNN.h │ │ │ ├── ReduceOps.cpp │ │ │ ├── ReduceOps.h │ │ │ ├── ReduceOpsUtils.h │ │ │ ├── Resize.cpp │ │ │ ├── Resize.h │ │ │ ├── RoiPooling.cpp │ │ │ ├── Scalar.cpp │ │ │ ├── SoftMax.cpp │ │ │ ├── SpectralOps.cpp │ │ │ ├── SpectralOpsUtils.h │ │ │ ├── SummaryOps.cpp │ │ │ ├── TensorCompare.cpp │ │ │ ├── TensorConversions.cpp │ │ │ ├── TensorFactories.cpp │ │ │ ├── TensorIterator.cpp │ │ │ ├── TensorIterator.h │ │ │ ├── TensorIteratorReduce.cpp │ │ │ ├── TensorProperties.cpp │ │ │ ├── TensorShape.cpp │ │ │ ├── TensorTransformations.cpp │ │ │ ├── TensorTransformations.h │ │ │ ├── TypeProperties.cpp │ │ │ ├── UnaryOps.cpp │ │ │ ├── Unique.cpp │ │ │ ├── WeightNorm.cpp │ │ │ ├── cpu │ │ │ │ ├── Activation.cpp │ │ │ │ ├── BinaryOpsKernel.cpp │ │ │ │ ├── DistanceOpsKernel.cpp │ │ │ │ ├── GridSamplerKernel.cpp │ │ │ │ ├── GridSamplerKernel.h │ │ │ │ ├── Intrinsics.h │ │ │ │ ├── Loops.h │ │ │ │ ├── README │ │ │ │ ├── Reduce.h │ │ │ │ ├── ReduceOpsKernel.cpp │ │ │ │ ├── SoftMaxKernel.cpp │ │ │ │ ├── SoftmaxKernel.h │ │ │ │ ├── TensorCompareKernel.cpp │ │ │ │ ├── TensorCompareKernel.h │ │ │ │ ├── UnaryOpsKernel.cpp │ │ │ │ ├── UnaryOpsKernel.h │ │ │ │ └── avx_mathfun.h │ │ │ ├── cuda │ │ │ │ ├── Activation.cu │ │ │ │ ├── BatchLinearAlgebra.cu │ │ │ │ ├── BinaryOpsKernel.cu │ │ │ │ ├── CUDAScalar.cu │ │ │ │ ├── CUDAUnaryOps.cpp │ │ │ │ ├── CuFFTPlanCache.h │ │ │ │ ├── CuFFTUtils.h │ │ │ │ ├── DistanceKernel.cu │ │ │ │ ├── Distributions.cu │ │ │ │ ├── Dropout.cu │ │ │ │ ├── Embedding.cu │ │ │ │ ├── EmbeddingBag.cu │ │ │ │ ├── GridSampler.cu │ │ │ │ ├── LinearAlgebra.cu │ │ │ │ ├── Loops.cuh │ │ │ │ ├── Loss.cu │ │ │ │ ├── LossCTC.cu │ │ │ │ ├── MiscUtils.h │ │ │ │ ├── Normalization.cu │ │ │ │ ├── RNN.cu │ │ │ │ ├── Reduce.cu │ │ │ │ ├── Reduce.cuh │ │ │ │ ├── ReduceOpsKernel.cu │ │ │ │ ├── Resize.cu │ │ │ │ ├── Resize.cuh │ │ │ │ ├── RoiPooling.cu │ │ │ │ ├── SoftMax.cu │ │ │ │ ├── SparseMM.cu │ │ │ │ ├── SpectralOps.cu │ │ │ │ ├── SummaryOps.cu │ │ │ │ ├── TensorCompare.cu │ │ │ │ ├── TensorFactories.cu │ │ │ │ ├── TensorTransformations.cu │ │ │ │ ├── Unique.cu │ │ │ │ └── WeightNorm.cu │ │ │ ├── cudnn │ │ │ │ ├── AffineGridGenerator.cpp │ │ │ │ ├── BatchNorm.cpp │ │ │ │ ├── Conv.cpp │ │ │ │ ├── GridSampler.cpp │ │ │ │ ├── LossCTC.cpp │ │ │ │ └── RNN.cpp │ │ │ ├── miopen │ │ │ │ ├── BatchNorm_miopen.cpp │ │ │ │ └── Conv_miopen.cpp │ │ │ ├── mkl │ │ │ │ ├── LinearAlgebra.cpp │ │ │ │ └── SpectralOps.cpp │ │ │ ├── mkldnn │ │ │ │ └── Conv.cpp │ │ │ ├── native_functions.yaml │ │ │ ├── sparse │ │ │ │ ├── SparseTensor.cpp │ │ │ │ ├── SparseTensorMath.cpp │ │ │ │ └── cuda │ │ │ │ │ ├── SparseCUDAApplyUtils.cuh │ │ │ │ │ ├── SparseCUDABlas.cu │ │ │ │ │ ├── SparseCUDABlas.cuh │ │ │ │ │ ├── SparseCUDATensor.cpp │ │ │ │ │ ├── SparseCUDATensor.cu │ │ │ │ │ └── SparseCUDATensorMath.cu │ │ │ └── utils │ │ │ │ └── ParamsHash.h │ │ ├── native_parse.py │ │ ├── nn.yaml │ │ ├── nn_parse.py │ │ ├── preprocess_declarations.py │ │ ├── stub │ │ │ └── CombinedStub.cpp │ │ ├── templates │ │ │ ├── Functions.h │ │ │ ├── GeneratorDerived.h │ │ │ ├── NativeFunctions.h │ │ │ ├── RegisterCPU.cpp │ │ │ ├── RegisterCPU.h │ │ │ ├── RegisterCUDA.cpp │ │ │ ├── RegisterCUDA.h │ │ │ ├── SparseTypeDerived.cpp │ │ │ ├── Tensor.h │ │ │ ├── TensorMethods.h │ │ │ ├── Type.h │ │ │ ├── TypeDefault.cpp │ │ │ ├── TypeDefault.h │ │ │ ├── TypeDerived.cpp │ │ │ ├── TypeDerived.h │ │ │ └── TypeExtendedInterface.h │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── apply_test.cpp │ │ │ ├── apply_utils_test.cpp │ │ │ ├── atest.cpp │ │ │ ├── basic.cpp │ │ │ ├── broadcast_test.cpp │ │ │ ├── cuda_half_test.cu │ │ │ ├── cuda_optional_test.cu │ │ │ ├── cuda_packedtensoraccessor_test.cu │ │ │ ├── cuda_rng_test.cpp │ │ │ ├── cudnn_test.cpp │ │ │ ├── dlconvertor_test.cpp │ │ │ ├── half_test.cpp │ │ │ ├── integer_divider_test.cu │ │ │ ├── native_test.cpp │ │ │ ├── scalar_tensor_test.cpp │ │ │ ├── scalar_test.cpp │ │ │ ├── stream_test.cpp │ │ │ ├── tbb_init_test.cpp │ │ │ ├── test_assert.h │ │ │ ├── test_install │ │ │ ├── CMakeLists.txt │ │ │ └── main.cpp │ │ │ ├── test_parallel.cpp │ │ │ ├── test_seed.h │ │ │ ├── undefined_tensor_test.cpp │ │ │ ├── verify_api_visibility.cpp │ │ │ ├── weakref_test.cpp │ │ │ └── wrapdim_test.cpp │ ├── README.md │ ├── TH │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── TH.h │ │ ├── THAllocator.cpp │ │ ├── THAllocator.h │ │ ├── THBlas.cpp │ │ ├── THBlas.h │ │ ├── THBlasUtils.h │ │ ├── THConfig.cmake.in │ │ ├── THDiskFile.cpp │ │ ├── THDiskFile.h │ │ ├── THFile.cpp │ │ ├── THFile.h │ │ ├── THFilePrivate.h │ │ ├── THGeneral.cpp │ │ ├── THGeneral.h.in │ │ ├── THGenerateAllTypes.h │ │ ├── THGenerateByteType.h │ │ ├── THGenerateCharType.h │ │ ├── THGenerateDoubleType.h │ │ ├── THGenerateFloatType.h │ │ ├── THGenerateFloatTypes.h │ │ ├── THGenerateHalfType.h │ │ ├── THGenerateIntType.h │ │ ├── THGenerateIntTypes.h │ │ ├── THGenerateLongType.h │ │ ├── THGenerateShortType.h │ │ ├── THGenerator.hpp │ │ ├── THHalf.h │ │ ├── THLapack.cpp │ │ ├── THLapack.h │ │ ├── THLogAdd.cpp │ │ ├── THLogAdd.h │ │ ├── THMath.h │ │ ├── THMemoryFile.cpp │ │ ├── THMemoryFile.h │ │ ├── THRandom.cpp │ │ ├── THRandom.h │ │ ├── THSize.cpp │ │ ├── THSize.h │ │ ├── THStorage.h │ │ ├── THStorageFunctions.cpp │ │ ├── THStorageFunctions.h │ │ ├── THStorageFunctions.hpp │ │ ├── THTensor.cpp │ │ ├── THTensor.h │ │ ├── THTensor.hpp │ │ ├── THTensorApply.h │ │ ├── THTensorConv.cpp │ │ ├── THTensorCopy.cpp │ │ ├── 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 │ │ │ ├── THTensorConv.cpp │ │ │ ├── THTensorConv.h │ │ │ ├── THTensorCopy.cpp │ │ │ ├── THTensorCopy.h │ │ │ ├── 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 │ │ │ ├── AVX2.cpp │ │ │ ├── AVX2.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 │ │ ├── THCCachingAllocator.cpp │ │ ├── THCCachingAllocator.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 │ │ ├── THCGenerateByteType.h │ │ ├── THCGenerateCharType.h │ │ ├── THCGenerateDoubleType.h │ │ ├── THCGenerateFloatType.h │ │ ├── THCGenerateFloatTypes.h │ │ ├── THCGenerateHalfType.h │ │ ├── THCGenerateIntType.h │ │ ├── THCGenerateLongType.h │ │ ├── THCGenerateShortType.h │ │ ├── THCGenerator.hpp │ │ ├── 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 │ │ ├── THCStream.cpp │ │ ├── THCStream.h │ │ ├── THCTensor.cpp │ │ ├── THCTensor.cu │ │ ├── THCTensor.h │ │ ├── THCTensor.hpp │ │ ├── THCTensorCopy.cpp │ │ ├── THCTensorCopy.cu │ │ ├── THCTensorCopy.h │ │ ├── THCTensorCopy.hpp │ │ ├── THCTensorIndex.cu │ │ ├── THCTensorInfo.cuh │ │ ├── THCTensorMasked.cuh │ │ ├── THCTensorMath.cu │ │ ├── THCTensorMath.cuh │ │ ├── THCTensorMath.h │ │ ├── THCTensorMathBlas.cu │ │ ├── THCTensorMathCompare.cuh │ │ ├── THCTensorMathCompareT.cuh │ │ ├── THCTensorMathMagma.cu │ │ ├── THCTensorMathMagma.cuh │ │ ├── THCTensorMathPairwise.cu │ │ ├── THCTensorMathPointwise.cuh │ │ ├── THCTensorMathReduce.cu │ │ ├── THCTensorMathReduce.cuh │ │ ├── THCTensorMathScan.cu │ │ ├── THCTensorMode.cu │ │ ├── THCTensorMode.cuh │ │ ├── THCTensorRandom.cpp │ │ ├── THCTensorRandom.cu │ │ ├── THCTensorRandom.cuh │ │ ├── THCTensorRandom.h │ │ ├── THCTensorScatterGather.cu │ │ ├── THCTensorSort.cu │ │ ├── THCTensorSort.cuh │ │ ├── THCTensorTopK.cu │ │ ├── THCTensorTopK.cuh │ │ ├── THCTensorTypeUtils.cuh │ │ ├── THCThreadLocal.cpp │ │ ├── THCThreadLocal.h │ │ ├── THCThrustAllocator.cuh │ │ ├── generated │ │ │ ├── THCTensorMaskedByte.cu │ │ │ ├── THCTensorMaskedChar.cu │ │ │ ├── THCTensorMaskedDouble.cu │ │ │ ├── THCTensorMaskedFloat.cu │ │ │ ├── THCTensorMaskedHalf.cu │ │ │ ├── THCTensorMaskedInt.cu │ │ │ ├── THCTensorMaskedLong.cu │ │ │ ├── THCTensorMaskedShort.cu │ │ │ ├── THCTensorMathCompareByte.cu │ │ │ ├── THCTensorMathCompareChar.cu │ │ │ ├── THCTensorMathCompareDouble.cu │ │ │ ├── THCTensorMathCompareFloat.cu │ │ │ ├── THCTensorMathCompareHalf.cu │ │ │ ├── THCTensorMathCompareInt.cu │ │ │ ├── THCTensorMathCompareLong.cu │ │ │ ├── THCTensorMathCompareShort.cu │ │ │ ├── THCTensorMathCompareTByte.cu │ │ │ ├── THCTensorMathCompareTChar.cu │ │ │ ├── THCTensorMathCompareTDouble.cu │ │ │ ├── THCTensorMathCompareTFloat.cu │ │ │ ├── THCTensorMathCompareTHalf.cu │ │ │ ├── THCTensorMathCompareTInt.cu │ │ │ ├── THCTensorMathCompareTLong.cu │ │ │ ├── THCTensorMathCompareTShort.cu │ │ │ ├── THCTensorMathPointwiseByte.cu │ │ │ ├── THCTensorMathPointwiseChar.cu │ │ │ ├── THCTensorMathPointwiseDouble.cu │ │ │ ├── THCTensorMathPointwiseFloat.cu │ │ │ ├── THCTensorMathPointwiseHalf.cu │ │ │ ├── THCTensorMathPointwiseInt.cu │ │ │ ├── THCTensorMathPointwiseLong.cu │ │ │ ├── THCTensorMathPointwiseShort.cu │ │ │ ├── THCTensorMathReduceByte.cu │ │ │ ├── THCTensorMathReduceChar.cu │ │ │ ├── THCTensorMathReduceDouble.cu │ │ │ ├── THCTensorMathReduceFloat.cu │ │ │ ├── THCTensorMathReduceHalf.cu │ │ │ ├── THCTensorMathReduceInt.cu │ │ │ ├── THCTensorMathReduceLong.cu │ │ │ ├── THCTensorMathReduceShort.cu │ │ │ ├── THCTensorSortByte.cu │ │ │ ├── THCTensorSortChar.cu │ │ │ ├── THCTensorSortDouble.cu │ │ │ ├── THCTensorSortFloat.cu │ │ │ ├── THCTensorSortHalf.cu │ │ │ ├── THCTensorSortInt.cu │ │ │ ├── THCTensorSortLong.cu │ │ │ └── THCTensorSortShort.cu │ │ └── generic │ │ │ ├── THCStorage.cpp │ │ │ ├── THCStorage.cu │ │ │ ├── THCStorage.h │ │ │ ├── THCStorageCopy.cpp │ │ │ ├── THCStorageCopy.cu │ │ │ ├── THCStorageCopy.h │ │ │ ├── THCTensor.cpp │ │ │ ├── THCTensor.cu │ │ │ ├── THCTensor.h │ │ │ ├── THCTensor.hpp │ │ │ ├── THCTensorCopy.cpp │ │ │ ├── THCTensorCopy.cu │ │ │ ├── THCTensorCopy.h │ │ │ ├── THCTensorIndex.cu │ │ │ ├── THCTensorIndex.h │ │ │ ├── THCTensorMasked.cu │ │ │ ├── THCTensorMasked.h │ │ │ ├── THCTensorMath.cu │ │ │ ├── THCTensorMath.h │ │ │ ├── THCTensorMathBlas.cu │ │ │ ├── THCTensorMathBlas.h │ │ │ ├── THCTensorMathCompare.cu │ │ │ ├── THCTensorMathCompare.h │ │ │ ├── THCTensorMathCompareT.cu │ │ │ ├── THCTensorMathCompareT.h │ │ │ ├── THCTensorMathMagma.cu │ │ │ ├── THCTensorMathMagma.h │ │ │ ├── THCTensorMathPairwise.cu │ │ │ ├── THCTensorMathPairwise.h │ │ │ ├── THCTensorMathPointwise.cu │ │ │ ├── THCTensorMathPointwise.h │ │ │ ├── THCTensorMathReduce.cu │ │ │ ├── THCTensorMathReduce.h │ │ │ ├── THCTensorMathScan.cu │ │ │ ├── THCTensorMathScan.h │ │ │ ├── THCTensorMode.cu │ │ │ ├── THCTensorMode.h │ │ │ ├── THCTensorRandom.cu │ │ │ ├── THCTensorRandom.h │ │ │ ├── THCTensorScatterGather.cu │ │ │ ├── THCTensorScatterGather.h │ │ │ ├── THCTensorSort.cu │ │ │ ├── THCTensorSort.h │ │ │ ├── THCTensorTopK.cu │ │ │ └── THCTensorTopK.h │ ├── THCUNN │ │ ├── Abs.cu │ │ ├── AbsCriterion.cu │ │ ├── BCECriterion.cu │ │ ├── CMakeLists.txt │ │ ├── ClassNLLCriterion.cu │ │ ├── Col2Im.cu │ │ ├── DistKLDivCriterion.cu │ │ ├── ELU.cu │ │ ├── FeatureLPPooling.cu │ │ ├── GatedLinearUnit.cu │ │ ├── HardTanh.cu │ │ ├── Im2Col.cu │ │ ├── IndexLinear.cu │ │ ├── L1Cost.cu │ │ ├── LeakyReLU.cu │ │ ├── LogSigmoid.cu │ │ ├── LookupTable.cu │ │ ├── LookupTableBag.cu │ │ ├── MSECriterion.cu │ │ ├── MarginCriterion.cu │ │ ├── MultiLabelMarginCriterion.cu │ │ ├── MultiMarginCriterion.cu │ │ ├── RReLU.cu │ │ ├── SharedMem.cuh │ │ ├── Sigmoid.cu │ │ ├── SmoothL1Criterion.cu │ │ ├── SoftMarginCriterion.cu │ │ ├── SoftPlus.cu │ │ ├── SoftShrink.cu │ │ ├── SparseLinear.cu │ │ ├── SpatialAdaptiveAveragePooling.cu │ │ ├── SpatialAdaptiveMaxPooling.cu │ │ ├── SpatialAveragePooling.cu │ │ ├── SpatialClassNLLCriterion.cu │ │ ├── SpatialConvolutionLocal.cu │ │ ├── SpatialConvolutionMM.cu │ │ ├── SpatialCrossMapLRN.cu │ │ ├── SpatialDepthwiseConvolution.cu │ │ ├── SpatialDilatedConvolution.cu │ │ ├── SpatialDilatedMaxPooling.cu │ │ ├── SpatialFractionalMaxPooling.cu │ │ ├── SpatialFullConvolution.cu │ │ ├── SpatialFullDilatedConvolution.cu │ │ ├── SpatialMaxPooling.cu │ │ ├── SpatialMaxUnpooling.cu │ │ ├── SpatialReflectionPadding.cu │ │ ├── SpatialReplicationPadding.cu │ │ ├── SpatialSubSampling.cu │ │ ├── SpatialUpSamplingBilinear.cu │ │ ├── SpatialUpSamplingNearest.cu │ │ ├── Sqrt.cu │ │ ├── Square.cu │ │ ├── THCHalfAutoNumerics.cuh │ │ ├── THCUNN.h │ │ ├── Tanh.cu │ │ ├── TemporalConvolution.cu │ │ ├── TemporalMaxPooling.cu │ │ ├── TemporalReflectionPadding.cu │ │ ├── TemporalReplicationPadding.cu │ │ ├── TemporalRowConvolution.cu │ │ ├── TemporalUpSamplingLinear.cu │ │ ├── TemporalUpSamplingNearest.cu │ │ ├── VolumetricAdaptiveAveragePooling.cu │ │ ├── VolumetricAdaptiveMaxPooling.cu │ │ ├── VolumetricAveragePooling.cu │ │ ├── VolumetricConvolution.cu │ │ ├── VolumetricDilatedConvolution.cu │ │ ├── VolumetricDilatedMaxPooling.cu │ │ ├── VolumetricFractionalMaxPooling.cu │ │ ├── VolumetricFullConvolution.cu │ │ ├── VolumetricFullDilatedConvolution.cu │ │ ├── VolumetricMaxPooling.cu │ │ ├── VolumetricMaxUnpooling.cu │ │ ├── VolumetricReplicationPadding.cu │ │ ├── VolumetricUpSamplingNearest.cu │ │ ├── VolumetricUpSamplingTrilinear.cu │ │ ├── common.h │ │ ├── generic │ │ │ ├── Abs.cu │ │ │ ├── AbsCriterion.cu │ │ │ ├── BCECriterion.cu │ │ │ ├── ClassNLLCriterion.cu │ │ │ ├── Col2Im.cu │ │ │ ├── DistKLDivCriterion.cu │ │ │ ├── ELU.cu │ │ │ ├── FeatureLPPooling.cu │ │ │ ├── GatedLinearUnit.cu │ │ │ ├── HardTanh.cu │ │ │ ├── Im2Col.cu │ │ │ ├── IndexLinear.cu │ │ │ ├── L1Cost.cu │ │ │ ├── LeakyReLU.cu │ │ │ ├── LogSigmoid.cu │ │ │ ├── LookupTable.cu │ │ │ ├── LookupTableBag.cu │ │ │ ├── MSECriterion.cu │ │ │ ├── MarginCriterion.cu │ │ │ ├── MultiLabelMarginCriterion.cu │ │ │ ├── MultiMarginCriterion.cu │ │ │ ├── RReLU.cu │ │ │ ├── Sigmoid.cu │ │ │ ├── SmoothL1Criterion.cu │ │ │ ├── SoftMarginCriterion.cu │ │ │ ├── SoftPlus.cu │ │ │ ├── SoftShrink.cu │ │ │ ├── SparseLinear.cu │ │ │ ├── SpatialAdaptiveAveragePooling.cu │ │ │ ├── SpatialAdaptiveMaxPooling.cu │ │ │ ├── SpatialAveragePooling.cu │ │ │ ├── SpatialClassNLLCriterion.cu │ │ │ ├── SpatialConvolutionLocal.cu │ │ │ ├── SpatialConvolutionMM.cu │ │ │ ├── SpatialCrossMapLRN.cu │ │ │ ├── SpatialDepthwiseConvolution.cu │ │ │ ├── SpatialDilatedConvolution.cu │ │ │ ├── SpatialDilatedMaxPooling.cu │ │ │ ├── SpatialFractionalMaxPooling.cu │ │ │ ├── SpatialFullConvolution.cu │ │ │ ├── SpatialFullDilatedConvolution.cu │ │ │ ├── SpatialMaxPooling.cu │ │ │ ├── SpatialMaxUnpooling.cu │ │ │ ├── SpatialReflectionPadding.cu │ │ │ ├── SpatialReplicationPadding.cu │ │ │ ├── SpatialSubSampling.cu │ │ │ ├── SpatialUpSamplingBilinear.cu │ │ │ ├── SpatialUpSamplingNearest.cu │ │ │ ├── Sqrt.cu │ │ │ ├── Square.cu │ │ │ ├── THCUNN.h │ │ │ ├── Tanh.cu │ │ │ ├── TemporalConvolution.cu │ │ │ ├── TemporalMaxPooling.cu │ │ │ ├── TemporalReflectionPadding.cu │ │ │ ├── TemporalReplicationPadding.cu │ │ │ ├── TemporalRowConvolution.cu │ │ │ ├── TemporalUpSamplingLinear.cu │ │ │ ├── TemporalUpSamplingNearest.cu │ │ │ ├── VolumetricAdaptiveAveragePooling.cu │ │ │ ├── VolumetricAdaptiveMaxPooling.cu │ │ │ ├── VolumetricAveragePooling.cu │ │ │ ├── VolumetricConvolution.cu │ │ │ ├── VolumetricDilatedConvolution.cu │ │ │ ├── VolumetricDilatedMaxPooling.cu │ │ │ ├── VolumetricFractionalMaxPooling.cu │ │ │ ├── VolumetricFullConvolution.cu │ │ │ ├── VolumetricFullDilatedConvolution.cu │ │ │ ├── VolumetricMaxPooling.cu │ │ │ ├── VolumetricMaxUnpooling.cu │ │ │ ├── VolumetricReplicationPadding.cu │ │ │ ├── VolumetricUpSamplingNearest.cu │ │ │ └── VolumetricUpSamplingTrilinear.cu │ │ ├── im2col.h │ │ ├── linear_upsampling.h │ │ ├── row2col.h │ │ └── vol2col.h │ └── THNN │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── THNN.h │ │ ├── doc │ │ ├── api_reference.md │ │ └── style_guidelines.md │ │ ├── generic │ │ ├── AbsCriterion.c │ │ ├── BCECriterion.c │ │ ├── ClassNLLCriterion.c │ │ ├── Col2Im.c │ │ ├── ELU.c │ │ ├── FeatureLPPooling.c │ │ ├── GatedLinearUnit.c │ │ ├── HardTanh.c │ │ ├── Im2Col.c │ │ ├── IndexLinear.c │ │ ├── LeakyReLU.c │ │ ├── LogSigmoid.c │ │ ├── MSECriterion.c │ │ ├── MultiLabelMarginCriterion.c │ │ ├── MultiMarginCriterion.c │ │ ├── RReLU.c │ │ ├── Sigmoid.c │ │ ├── SmoothL1Criterion.c │ │ ├── SoftMarginCriterion.c │ │ ├── SoftPlus.c │ │ ├── SoftShrink.c │ │ ├── SparseLinear.c │ │ ├── SpatialAdaptiveAveragePooling.c │ │ ├── SpatialAdaptiveMaxPooling.c │ │ ├── SpatialAveragePooling.c │ │ ├── SpatialClassNLLCriterion.c │ │ ├── SpatialConvolutionMM.c │ │ ├── SpatialDilatedConvolution.c │ │ ├── SpatialDilatedMaxPooling.c │ │ ├── SpatialFractionalMaxPooling.c │ │ ├── SpatialFullDilatedConvolution.c │ │ ├── SpatialMaxUnpooling.c │ │ ├── SpatialReflectionPadding.c │ │ ├── SpatialReplicationPadding.c │ │ ├── SpatialUpSamplingBilinear.c │ │ ├── SpatialUpSamplingNearest.c │ │ ├── THNN.h │ │ ├── Tanh.c │ │ ├── TemporalReflectionPadding.c │ │ ├── TemporalReplicationPadding.c │ │ ├── TemporalRowConvolution.c │ │ ├── TemporalUpSamplingLinear.c │ │ ├── TemporalUpSamplingNearest.c │ │ ├── VolumetricAdaptiveAveragePooling.c │ │ ├── VolumetricAdaptiveMaxPooling.c │ │ ├── VolumetricAveragePooling.c │ │ ├── VolumetricConvolutionMM.c │ │ ├── VolumetricDilatedConvolution.c │ │ ├── VolumetricDilatedMaxPooling.c │ │ ├── VolumetricFractionalMaxPooling.c │ │ ├── VolumetricFullDilatedConvolution.c │ │ ├── VolumetricMaxUnpooling.c │ │ ├── VolumetricReplicationPadding.c │ │ ├── VolumetricUpSamplingNearest.c │ │ ├── VolumetricUpSamplingTrilinear.c │ │ ├── linear_upsampling.h │ │ └── unfold.c │ │ └── init.cpp └── tools │ ├── run_tests.sh │ ├── test_install.sh │ └── valgrind.sup ├── binaries ├── CMakeLists.txt ├── bench_gen │ └── bench_gen.py ├── benchmark_helper.cc ├── benchmark_helper.h ├── caffe2_benchmark.cc ├── convert_caffe_image_db.cc ├── convert_db.cc ├── convert_encoded_to_raw_leveldb.cc ├── convert_image_to_tensor.cc ├── core_overhead_benchmark_gpu.cc ├── db_throughput.cc ├── inspect_gpu.cc ├── make_cifar_db.cc ├── make_image_db.cc ├── make_mnist_db.cc ├── predictor_verifier.cc ├── print_core_object_sizes_gpu.cc ├── print_registered_core_operators.cc ├── run_plan.cc ├── run_plan_mpi.cc ├── speed_benchmark.cc ├── split_db.cc ├── tsv_2_proto.cc ├── tutorial_blob.cc └── zmq_feeder.cc ├── c10 ├── CMakeLists.txt ├── Device.cpp ├── Device.h ├── DeviceType.cpp ├── DeviceType.h ├── Half-inl.h ├── Half.cpp ├── Half.h ├── Stream.cpp ├── Stream.h ├── cuda │ └── math_compat.h ├── macros │ ├── Export.h │ ├── Macros.h │ └── cmake_macros.h.in ├── test │ ├── CMakeLists.txt │ ├── flags_test.cpp │ ├── logging_test.cpp │ ├── registry_test.cpp │ └── util │ │ ├── Array_test.cpp │ │ ├── Metaprogramming_test.cpp │ │ ├── TypeList_test.cpp │ │ └── TypeTraits_test.cpp └── util │ ├── Array.cpp │ ├── Array.h │ ├── Backtrace.cpp │ ├── Backtrace.h │ ├── C++17.cpp │ ├── C++17.h │ ├── Exception.cpp │ ├── Exception.h │ ├── Flags.h │ ├── LeftRight.cpp │ ├── LeftRight.h │ ├── Logging.cpp │ ├── Logging.h │ ├── Metaprogramming.cpp │ ├── Metaprogramming.h │ ├── Optional.cpp │ ├── Optional.h │ ├── Registry.h │ ├── StringUtil.cpp │ ├── StringUtil.h │ ├── Type.cpp │ ├── Type.h │ ├── TypeList.cpp │ ├── TypeList.h │ ├── TypeTraits.cpp │ ├── TypeTraits.h │ ├── flags_use_gflags.cpp │ ├── flags_use_no_gflags.cpp │ ├── flat_hash_map.h │ ├── logging_is_google_glog.h │ └── logging_is_not_google_glog.h ├── caffe2 ├── .clang-format ├── CMakeLists.txt ├── README.md ├── VERSION_NUMBER ├── __init__.py ├── contrib │ ├── CMakeLists.txt │ ├── __init__.py │ ├── aten │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── aten_op.cc │ │ ├── aten_op.h │ │ ├── aten_op_cuda.cc │ │ ├── aten_op_template.h │ │ ├── aten_test.py │ │ ├── docs │ │ │ ├── pytorch_to_caffe2.md │ │ │ └── sample.py │ │ └── gen_op.py │ ├── cuda-convnet2 │ │ ├── LICENSE │ │ ├── README.md │ │ ├── build.sh │ │ ├── convdata.py │ │ ├── convnet.py │ │ ├── cudaconv3 │ │ │ ├── Makefile │ │ │ ├── include │ │ │ │ ├── conv_util.cuh │ │ │ │ └── cudaconv2.cuh │ │ │ └── src │ │ │ │ ├── conv_util.cu │ │ │ │ ├── filter_acts.cu │ │ │ │ ├── img_acts.cu │ │ │ │ └── weight_acts.cu │ │ ├── cudaconvnet │ │ │ ├── Makefile │ │ │ ├── __init__.py │ │ │ ├── include │ │ │ │ ├── actbroadcaster.cuh │ │ │ │ ├── convnet.cuh │ │ │ │ ├── copypipeline.cuh │ │ │ │ ├── cost.cuh │ │ │ │ ├── data.cuh │ │ │ │ ├── gradreducer.cuh │ │ │ │ ├── jpeg.h │ │ │ │ ├── layer.cuh │ │ │ │ ├── layer_kernels.cuh │ │ │ │ ├── lr.cuh │ │ │ │ ├── memorysource.cuh │ │ │ │ ├── messages.cuh │ │ │ │ ├── neuron.cuh │ │ │ │ ├── pipedispenser.cuh │ │ │ │ ├── pyconvnet.cuh │ │ │ │ ├── reducepipeline.cuh │ │ │ │ ├── streambroadcast.cuh │ │ │ │ ├── timer.cuh │ │ │ │ ├── util.cuh │ │ │ │ ├── weights.cuh │ │ │ │ └── worker.cuh │ │ │ └── src │ │ │ │ ├── actbroadcaster.cu │ │ │ │ ├── convnet.cu │ │ │ │ ├── copypipeline.cu │ │ │ │ ├── cost.cu │ │ │ │ ├── data.cu │ │ │ │ ├── gradreducer.cu │ │ │ │ ├── jpeg.cpp │ │ │ │ ├── layer.cu │ │ │ │ ├── layer_kernels.cu │ │ │ │ ├── lr.cu │ │ │ │ ├── memorysource.cu │ │ │ │ ├── neuron.cu │ │ │ │ ├── pyconvnet.cu │ │ │ │ ├── reducepipeline.cu │ │ │ │ ├── streambroadcast.cu │ │ │ │ ├── util.cu │ │ │ │ ├── weights.cu │ │ │ │ └── worker.cu │ │ ├── images │ │ │ ├── show-cost.png │ │ │ ├── show-filters-no-rgb.png │ │ │ ├── show-filters.png │ │ │ └── show-preds.png │ │ ├── initw.py │ │ ├── layer.py │ │ ├── layers │ │ │ ├── layer-params-cifar10-11pct.cfg │ │ │ ├── layer-params-imagenet-1gpu.cfg │ │ │ ├── layer-params-imagenet-2gpu-data.cfg │ │ │ ├── layer-params-imagenet-2gpu-model.cfg │ │ │ ├── layer-params-imagenet-4gpu-data-model.cfg │ │ │ ├── layer-params-imagenet-4gpu-data.cfg │ │ │ ├── layers-cifar10-11pct.cfg │ │ │ ├── layers-imagenet-1gpu.cfg │ │ │ ├── layers-imagenet-2gpu-data.cfg │ │ │ ├── layers-imagenet-2gpu-model.cfg │ │ │ ├── layers-imagenet-4gpu-data-model.cfg │ │ │ └── layers-imagenet-4gpu-data.cfg │ │ ├── make-data │ │ │ ├── input_meta │ │ │ ├── make-data.py │ │ │ └── pyext │ │ │ │ ├── Makefile │ │ │ │ ├── __init__.py │ │ │ │ ├── include │ │ │ │ └── pyext.h │ │ │ │ └── src │ │ │ │ └── pyext.cpp │ │ ├── nvmatrix │ │ │ ├── Makefile │ │ │ ├── include │ │ │ │ ├── memory.cuh │ │ │ │ ├── nvmatrix.cuh │ │ │ │ ├── nvmatrix_kernels.cuh │ │ │ │ └── nvmatrix_operators.cuh │ │ │ └── src │ │ │ │ ├── memory.cu │ │ │ │ ├── nvmatrix.cu │ │ │ │ └── nvmatrix_kernels.cu │ │ ├── python_util │ │ │ ├── __init__.py │ │ │ ├── data.py │ │ │ ├── gpumodel.py │ │ │ ├── options.py │ │ │ └── util.py │ │ ├── shownet.py │ │ └── util │ │ │ ├── Makefile │ │ │ ├── include │ │ │ ├── matrix.h │ │ │ ├── matrix_funcs.h │ │ │ ├── queue.h │ │ │ ├── sync.h │ │ │ └── thread.h │ │ │ └── src │ │ │ └── matrix.cpp │ ├── docker-ubuntu-14.04 │ │ └── Dockerfile │ ├── gloo │ │ ├── CMakeLists.txt │ │ ├── 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 │ │ ├── cuda_nccl_gpu.cc │ │ ├── cuda_nccl_gpu.h │ │ ├── cuda_nccl_op_gpu.cc │ │ └── nccl_ops_test.py │ ├── nnpack │ │ ├── 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 │ │ ├── cuda_profile_ops.cc │ │ ├── cuda_profile_ops_test.py │ │ ├── htrace_async_dag_net_gpu.cc │ │ ├── htrace_conf.cc │ │ ├── htrace_conf.h │ │ ├── htrace_dag_net.cc │ │ ├── htrace_to_chrome.py │ │ ├── prof_dag_net.cc │ │ ├── prof_dag_net.h │ │ ├── prof_dag_stats_op.cc │ │ ├── prof_dag_stats_op.h │ │ ├── profiling_annotations.h │ │ ├── profiling_annotations_test.cc │ │ ├── profiling_info.cc │ │ ├── profiling_info.h │ │ └── profiling_info_test.cc │ ├── script │ │ ├── CMakeLists.txt │ │ ├── caffe2_script_test.py │ │ ├── compiler.cc │ │ ├── compiler.h │ │ ├── error_report.h │ │ ├── examples │ │ │ ├── example_beam_search.c2s │ │ │ ├── example_post_eos_penalty.c2s │ │ │ └── run_examples.py │ │ ├── lexer.cc │ │ ├── lexer.h │ │ ├── parser.h │ │ ├── tree.h │ │ └── tree_views.h │ ├── 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 │ │ ├── tensorrt_op_trt.cc │ │ ├── tensorrt_op_trt.h │ │ ├── tensorrt_tranformer.cc │ │ ├── tensorrt_tranformer.h │ │ ├── trt_utils.cc │ │ └── trt_utils.h │ └── warpctc │ │ ├── ctc_op.cpp │ │ ├── ctc_op.h │ │ ├── ctc_op_gpu.cpp │ │ └── ctc_ops_test.py ├── core │ ├── CMakeLists.txt │ ├── THCCachingAllocator.cu │ ├── THCCachingAllocator_gpu.h │ ├── allocator.cc │ ├── allocator.h │ ├── asan.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 │ ├── dispatch │ │ ├── CMakeLists.txt │ │ ├── DeviceId.cpp │ │ ├── DeviceId.h │ │ ├── DispatchKey.cpp │ │ ├── DispatchKey.h │ │ ├── DispatchTable.cpp │ │ ├── DispatchTable.h │ │ ├── Dispatcher.cpp │ │ ├── Dispatcher.h │ │ ├── KernelRegistration.cpp │ │ ├── KernelRegistration.h │ │ ├── LayoutId.cpp │ │ ├── LayoutId.h │ │ ├── OpSchema.cpp │ │ ├── OpSchema.h │ │ ├── OpSchemaRegistration.cpp │ │ ├── OpSchemaRegistration.h │ │ └── OpSchema_test.cpp │ ├── event.cc │ ├── event.h │ ├── event_cpu.h │ ├── event_gpu.cc │ ├── event_gpu_test.cc │ ├── event_test.cc │ ├── flags.h │ ├── graph.cc │ ├── graph.h │ ├── graph_test.cc │ ├── hip │ │ ├── common_miopen.cc │ │ ├── common_miopen.h │ │ └── miopen_wrapper.h │ ├── init.cc │ ├── init.h │ ├── 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_dag_gpu.cc │ ├── net_async_dag_gpu.h │ ├── net_async_polling.cc │ ├── net_async_polling.h │ ├── net_async_scheduling.cc │ ├── net_async_scheduling.h │ ├── net_async_tracing.cc │ ├── net_async_tracing.h │ ├── net_async_tracing_test.cc │ ├── net_dag.cc │ ├── net_dag.h │ ├── net_dag_utils.cc │ ├── net_dag_utils.h │ ├── net_dag_utils_test.cc │ ├── net_gpu_test.cc │ ├── 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 │ │ ├── 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 │ ├── nomscheduler │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── include │ │ │ └── nomscheduler │ │ │ │ └── Scheduler │ │ │ │ ├── CriticalPathAnalyzer.cc │ │ │ │ ├── CriticalPathAnalyzer.h │ │ │ │ ├── HEFTScheduler-Internal.h │ │ │ │ ├── HEFTScheduler.cc │ │ │ │ ├── HEFTScheduler.h │ │ │ │ └── Scheduler.h │ │ └── tests │ │ │ └── SchedulerTest.cc │ ├── numa.cc │ ├── numa.h │ ├── observer.h │ ├── observer_test.cc │ ├── operator.cc │ ├── operator.h │ ├── operator_c10wrapper.cc │ ├── operator_c10wrapper.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 │ ├── 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.cc │ ├── tensor_impl.h │ ├── tensor_int8.cc │ ├── tensor_int8.h │ ├── timer.h │ ├── timer_test.cc │ ├── transform.cc │ ├── transform.h │ ├── transform_test.cc │ ├── typeid.h │ ├── typeid_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 │ ├── 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 │ ├── 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 │ ├── 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 │ │ ├── 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 │ │ ├── concat_split_op.cc │ │ ├── conv_fusion_op.cc │ │ ├── conv_op.cc │ │ ├── conv_pool_base_op.h │ │ ├── dropout_op.cc │ │ ├── elementwise_sum_op.cc │ │ ├── fully_connected_op.cc │ │ ├── local_response_normalization_op.cc │ │ ├── momentum_sgd_op.cc │ │ ├── operator_fallback_ideep.cc │ │ ├── operator_fallback_ideep.h │ │ ├── pool_op.cc │ │ ├── relu_op.cc │ │ ├── spatial_batch_norm_op.cc │ │ ├── squeeze_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 │ │ ├── arm-compute │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── core │ │ │ ├── CMakeLists.txt │ │ │ ├── context.cc │ │ │ ├── context.h │ │ │ ├── net_gl.cc │ │ │ ├── net_gl.h │ │ │ ├── operator.cc │ │ │ ├── operator.h │ │ │ ├── rewrite_net.cc │ │ │ └── rewrite_net.h │ │ ├── models │ │ │ ├── squeezenet_init.pb │ │ │ └── squeezenet_predict.pb │ │ ├── operators │ │ │ ├── CMakeLists.txt │ │ │ ├── activation_ops.cc │ │ │ ├── activation_ops.h │ │ │ ├── concat_op.cc │ │ │ ├── conv_op.cc │ │ │ ├── copy_op.cc │ │ │ ├── elementwise_sum_op.cc │ │ │ ├── fully_connected_op.cc │ │ │ ├── norm_planar_yuv_op.cc │ │ │ ├── pool_op.cc │ │ │ ├── reshape_op.cc │ │ │ ├── resize_op.cc │ │ │ ├── softmax_op.cc │ │ │ └── spatial_batch_norm_op.cc │ │ ├── run_tests.sh │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── gl_activation_ops_test.cc │ │ │ ├── gl_alignment_test.cc │ │ │ ├── gl_concat_op_test.cc │ │ │ ├── gl_context_test.cc │ │ │ ├── gl_conv_op_test.cc │ │ │ ├── gl_copy_op_test.cc │ │ │ ├── gl_elementwise_sum_op_test.cc │ │ │ ├── gl_fully_connected_op_test.cc │ │ │ ├── gl_model_test.cc │ │ │ ├── gl_model_test.h │ │ │ ├── gl_norm_planar_yuv_op_test.cc │ │ │ ├── gl_operator_test.h │ │ │ ├── gl_pool_op_test.cc │ │ │ ├── gl_resize_op_test.cc │ │ │ ├── gl_softmax_op_test.cc │ │ │ └── gl_spatial_batch_norm_op_test.cc │ │ ├── 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 │ │ ├── opengl │ │ ├── CMakeLists.txt │ │ ├── android │ │ │ ├── AndroidGLContext.cc │ │ │ ├── AndroidGLContext.h │ │ │ ├── CMakeLists.txt │ │ │ ├── GLContext.cc │ │ │ ├── GLImageAllocator.cc │ │ │ ├── arm_neon_support.h │ │ │ ├── gl3stub.c │ │ │ └── gl3stub.h │ │ ├── core │ │ │ ├── CMakeLists.txt │ │ │ ├── DataTransfer.cc │ │ │ ├── DataTransfer.h │ │ │ ├── GL.h │ │ │ ├── GLContext.cc │ │ │ ├── GLContext.h │ │ │ ├── GLFilter.cc │ │ │ ├── GLFilter.h │ │ │ ├── GLImage.cc │ │ │ ├── GLImage.h │ │ │ ├── GLImageAllocator.cc │ │ │ ├── GLImageAllocator.h │ │ │ ├── GLLogging.h │ │ │ ├── GLPBO.cc │ │ │ ├── GLPBO.h │ │ │ ├── GLPlainTexture.cc │ │ │ ├── GLPlainTexture.h │ │ │ ├── GLPredictor.cc │ │ │ ├── GLPredictor.h │ │ │ ├── GLTexture.cc │ │ │ ├── GLTexture.h │ │ │ ├── ImageAllocator.h │ │ │ ├── arm_neon_support.h │ │ │ ├── rewrite_net.cc │ │ │ └── rewrite_net.h │ │ ├── ios │ │ │ ├── CMakeLists.txt │ │ │ ├── GLContext.cc │ │ │ ├── GLImageAllocator.cc │ │ │ ├── IOSGLContext.h │ │ │ ├── IOSGLContext.mm │ │ │ ├── IOSGLImageAllocator.cc │ │ │ ├── IOSGLImageAllocator.h │ │ │ ├── IOSGLTexture.h │ │ │ └── IOSGLTexture.mm │ │ ├── operators │ │ │ ├── CMakeLists.txt │ │ │ ├── GLAdd.cc │ │ │ ├── GLConcat.cc │ │ │ ├── GLConvolution.cc │ │ │ ├── GLConvolution.h │ │ │ ├── GLCopyOps.cc │ │ │ ├── GLInstanceNorm.cc │ │ │ ├── GLMul.cc │ │ │ ├── GLNormPlanarYUV.cc │ │ │ ├── GLPRelu.cc │ │ │ ├── GLPadImage.cc │ │ │ ├── GLPool.cc │ │ │ ├── GLResize.cc │ │ │ ├── GLSigmoid.cc │ │ │ ├── GLSoftmax.cc │ │ │ ├── GLStylizer.cc │ │ │ ├── GLSub.cc │ │ │ └── gl_tiling_utils.h │ │ └── test │ │ │ ├── TestGLConvolution.cc │ │ │ ├── TestGLConvolution.h │ │ │ ├── opengl_test.cc │ │ │ └── opengl_test.h │ │ ├── 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.h │ ├── profile_observer_gpu.cc │ ├── 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 │ ├── onnx_exporter.cc │ ├── onnx_exporter.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 │ ├── 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_sparse_to_dense_op.cc │ ├── 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 │ ├── 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 │ ├── 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 │ ├── 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 │ ├── 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 │ ├── 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 │ ├── 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 │ ├── 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 │ ├── experimental │ │ └── c10 │ │ │ ├── cpu │ │ │ ├── add_cpu.cc │ │ │ ├── averaged_loss_cpu.cc │ │ │ ├── batch_gather_cpu.cc │ │ │ ├── batch_matmul_cpu.cc │ │ │ ├── cast_cpu.cc │ │ │ ├── concat_cpu.cc │ │ │ ├── enforce_finite_cpu.cc │ │ │ ├── expand_dims_cpu.cc │ │ │ ├── fc_cpu.cc │ │ │ ├── filler_cpu.cc │ │ │ ├── flatten_cpu.cc │ │ │ ├── mul_cpu.cc │ │ │ ├── relu_cpu.cc │ │ │ ├── sigmoid_cpu.cc │ │ │ ├── sigmoid_cross_entropy_with_logits_cpu.cc │ │ │ ├── sparse_lengths_sum_cpu.cc │ │ │ └── stop_gradient_cpu.cc │ │ │ └── schemas │ │ │ ├── add.cc │ │ │ ├── add.h │ │ │ ├── averaged_loss.cc │ │ │ ├── averaged_loss.h │ │ │ ├── batch_gather.cc │ │ │ ├── batch_gather.h │ │ │ ├── batch_matmul.cc │ │ │ ├── batch_matmul.h │ │ │ ├── cast.cc │ │ │ ├── cast.h │ │ │ ├── concat.cc │ │ │ ├── concat.h │ │ │ ├── enforce_finite.cc │ │ │ ├── enforce_finite.h │ │ │ ├── expand_dims.cc │ │ │ ├── expand_dims.h │ │ │ ├── fc.cc │ │ │ ├── fc.h │ │ │ ├── filler.cc │ │ │ ├── filler.h │ │ │ ├── flatten.cc │ │ │ ├── flatten.h │ │ │ ├── mul.cc │ │ │ ├── mul.h │ │ │ ├── relu.cc │ │ │ ├── relu.h │ │ │ ├── sigmoid.cc │ │ │ ├── sigmoid.h │ │ │ ├── sigmoid_cross_entropy_with_logits.cc │ │ │ ├── sigmoid_cross_entropy_with_logits.h │ │ │ ├── sparse_lengths_sum.cc │ │ │ ├── sparse_lengths_sum.h │ │ │ ├── stop_gradient.cc │ │ │ └── stop_gradient.h │ ├── 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_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.h │ ├── gather_ranges_to_dense_op.cc │ ├── gather_ranges_to_dense_op.h │ ├── generate_proposals_op.cc │ ├── generate_proposals_op.h │ ├── 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_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 │ ├── 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.cc │ │ ├── elu_op_miopen.cc │ │ ├── local_response_normalization_op_miopen.cc │ │ ├── pool_op_miopen.cc │ │ ├── relu_op_miopen.cc │ │ ├── sigmoid_op_miopen.cc │ │ ├── spatial_batch_norm_op_miopen.cc │ │ └── tanh_op_miopen.cc │ ├── 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 │ ├── 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_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 │ ├── 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.h │ ├── lstm_unit_op.cc │ ├── lstm_unit_op.h │ ├── lstm_unit_op_gpu.cu │ ├── 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.h │ ├── mod_op.cc │ ├── 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 │ ├── onnxifi_op.cc │ ├── onnxifi_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.cu │ ├── 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 │ ├── 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_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_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 │ ├── relu_op_cudnn.cc │ ├── 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_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 │ ├── rnn │ │ ├── CMakeLists.txt │ │ ├── hip │ │ │ ├── recurrent_op_miopen.cc │ │ │ └── recurrent_op_miopen.h │ │ ├── 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_op.cc │ ├── scale_op.h │ ├── scale_op_gpu.cc │ ├── segment_reduction_op.cc │ ├── segment_reduction_op.h │ ├── segment_reduction_op_gpu.cu │ ├── 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_shared.cc │ ├── softmax_shared.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_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_gpu_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_cudnn.cc │ ├── 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 │ ├── converter.cc │ ├── converter.h │ ├── converter_nomigraph_test.cc │ ├── 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 │ ├── fusion.cc │ ├── fusion.h │ ├── mobile.cc │ ├── mobile.h │ ├── mobile_test.cc │ ├── onnx_convert.h │ ├── onnxifi_transformer.cc │ ├── onnxifi_transformer.h │ ├── optimize_ideep.cc │ ├── optimize_ideep.h │ ├── optimizer.cc │ ├── optimizer.h │ ├── passes.cc │ ├── passes.h │ ├── sink.cc │ └── sink.h ├── perfkernels │ ├── CMakeLists.txt │ ├── common.h │ ├── common_avx.cc │ ├── common_avx2.cc │ ├── cvtsh_ss_bugfix.h │ ├── embedding_lookup.cc │ ├── embedding_lookup.h │ ├── embedding_lookup_avx2.cc │ ├── embedding_lookup_fused_8bit_rowwise_avx2.cc │ ├── fused_8bit_rowwise_embedding_lookup.cc │ ├── fused_8bit_rowwise_embedding_lookup.h │ ├── hp_emblookup_codegen.py │ ├── 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 │ ├── emulator │ │ ├── benchmark.cc │ │ ├── benchmark.h │ │ ├── data_filler.cc │ │ ├── data_filler.h │ │ ├── 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 ├── proto │ ├── CMakeLists.txt │ ├── __init__.py │ ├── caffe2.proto │ ├── caffe2_legacy.proto │ ├── caffe2_pb.h │ ├── 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 │ ├── 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_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 │ │ ├── formatter.py │ │ ├── generator.py │ │ ├── github.py │ │ └── parser.py │ ├── dyndep.py │ ├── embedding_generation_benchmark.py │ ├── examples │ │ ├── char_rnn.py │ │ ├── lmdb_create_example.py │ │ └── resnet50_trainer.py │ ├── experiment_util.py │ ├── extension_loader.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 │ │ ├── concat_split_op_test.py │ │ ├── conv_op_test.py │ │ ├── convfusion_op_test.py │ │ ├── copy_op_test.py │ │ ├── dropout_op_test.py │ │ ├── elementwise_sum_op_test.py │ │ ├── fc_op_test.py │ │ ├── moment_sgd_op_test.py │ │ ├── operator_fallback_op_test.py │ │ ├── pool_op_test.py │ │ ├── relu_op_test.py │ │ ├── softmax_op_test.py │ │ ├── spatial_bn_op_test.py │ │ ├── squeeze_op_test.py │ │ ├── test_ideep_net.py │ │ └── transform_ideep_net.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_distill_lr_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 │ │ ├── bucket_weighted.py │ │ ├── build_index.py │ │ ├── concat.py │ │ ├── constant_weight.py │ │ ├── conv.py │ │ ├── dropout.py │ │ ├── fc.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_feature_hash.py │ │ ├── sparse_lookup.py │ │ ├── split.py │ │ ├── tags.py │ │ └── uniform_sampling.py │ ├── layers_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 │ │ ├── app.py │ │ ├── static │ │ │ └── css │ │ │ │ └── simple-sidebar.css │ │ └── templates │ │ │ └── index.html │ ├── mkl │ │ ├── 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 │ │ ├── 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 │ ├── 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_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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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_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 │ │ ├── mkl_speed_test.py │ │ ├── mod_op_test.py │ │ ├── moments_op_test.py │ │ ├── momentum_sgd_test.py │ │ ├── mpi_test.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 │ │ ├── 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 │ │ ├── rnn_cell_test.py │ │ ├── roi_align_rotated_op_test.py │ │ ├── segment_ops_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_gradient_checker_test.py │ │ ├── sparse_lengths_sum_benchmark.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 │ │ ├── string_ops_test.py │ │ ├── text_file_reader_test.py │ │ ├── thresholded_relu_op_test.py │ │ ├── tile_op_test.py │ │ ├── top_k_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 │ │ ├── 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 │ │ ├── __init__.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 │ │ │ │ ├── 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 │ │ │ │ ├── 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_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 │ ├── test │ │ ├── blob_deallocation_test.py │ │ ├── do_op_test.py │ │ ├── executor_test.py │ │ └── executor_test_util.py │ ├── test_util.py │ ├── text_file_reader.py │ ├── timeout_guard.py │ ├── toy_regression_test.py │ ├── transformations.py │ ├── transformations_test.py │ ├── trt │ │ ├── __init__.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 │ └── server │ │ ├── CMakeLists.txt │ │ ├── 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 │ │ ├── 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_dnnlowp_op.cc │ │ ├── elementwise_sum_dnnlowp_op_test.py │ │ ├── elementwise_sum_relu_op.cc │ │ ├── fbgemm_pack_matrix_cache.cc │ │ ├── fbgemm_pack_matrix_cache.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_fp16_test.py │ │ ├── fully_connected_rowwise_dnnlowp_op.cc │ │ ├── fully_connected_rowwise_dnnlowp_op.h │ │ ├── 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_test.py │ │ ├── im2col_dnnlowp.h │ │ ├── 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.cc │ │ ├── op_wrapper.h │ │ ├── p99.cc │ │ ├── p99_example.cc │ │ ├── pool_dnnlowp_op.cc │ │ ├── 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_test.py │ │ ├── requantization_test.cc │ │ ├── sigmoid.cc │ │ ├── sigmoid.h │ │ ├── sigmoid_dnnlowp_op.cc │ │ ├── sigmoid_dnnlowp_op_test.py │ │ ├── sigmoid_test.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 │ ├── inline_container.h │ └── inline_container_test.cc ├── sgd │ ├── CMakeLists.txt │ ├── adadelta_op.cc │ ├── adadelta_op.h │ ├── adadelta_op_gpu.cu │ ├── 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 │ ├── momentum_sgd_op.cc │ ├── momentum_sgd_op.h │ ├── momentum_sgd_op_gpu.cu │ ├── rmsprop_op.cc │ ├── rmsprop_op.h │ ├── rmsprop_op_gpu.cu │ ├── 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 │ ├── dummy.cpp │ ├── eigen_utils.h │ ├── fatal_signal_asan_no_sig_test.cc │ ├── filler.h │ ├── fixed_divisor.h │ ├── fixed_divisor_test.cc │ ├── hip │ │ └── math_blas_hip_test.cc │ ├── map_utils.h │ ├── math-detail.h │ ├── math.h │ ├── math_cpu.cc │ ├── math_gpu.cu │ ├── math_gpu_test.cc │ ├── math_test.cc │ ├── math_utils.cc │ ├── math_utils.h │ ├── 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 │ ├── thread_name.cc │ ├── thread_name.h │ ├── thread_pool.h │ ├── threadpool │ │ ├── ThreadPool.cc │ │ ├── ThreadPool.h │ │ ├── ThreadPoolCommon.h │ │ ├── WorkersPool.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 ├── BuildVariables.cmake ├── Caffe2Config.cmake.in ├── Caffe2ConfigVersion.cmake.in ├── Codegen.cmake ├── Dependencies.cmake ├── External │ ├── nccl.cmake │ └── nnpack.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 │ ├── FindMIOpen.cmake │ ├── FindMKL.cmake │ ├── FindMKLDNN.cmake │ ├── FindMatlabMex.cmake │ ├── FindNCCL.cmake │ ├── FindNumPy.cmake │ ├── FindNuma.cmake │ ├── FindOpenBLAS.cmake │ ├── FindRocksDB.cmake │ ├── FindSnappy.cmake │ ├── FindZMQ.cmake │ ├── Findpybind11.cmake │ └── FindvecLib.cmake ├── Modules_CUDA_fix │ ├── FindCUDA.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 ├── Whitelist.cmake ├── cmake_uninstall.cmake.in └── public │ ├── LoadHIP.cmake │ ├── cuda.cmake │ ├── gflags.cmake │ ├── glog.cmake │ ├── mkl.cmake │ ├── mkldnn.cmake │ ├── protobuf.cmake │ ├── threads.cmake │ └── utils.cmake ├── conda ├── caffe2 │ ├── full │ │ ├── build.sh │ │ ├── conda_build_config.yaml │ │ └── meta.yaml │ ├── meta.yaml │ └── normal │ │ ├── .gitignore │ │ ├── build.sh │ │ └── conda_build_config.yaml └── integrated │ ├── .gitignore │ ├── build.sh │ └── conda_build_config.yaml ├── docker ├── caffe2 │ ├── jenkins │ │ ├── README.md │ │ ├── build.sh │ │ ├── centos-cuda │ │ │ ├── .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_gcc.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-cuda8-cudnn6-all-options │ │ └── Dockerfile │ ├── ubuntu-16.04-cuda8-cudnn7-all-options │ │ └── Dockerfile │ └── ubuntu-16.04-gpu-tutorial │ │ └── Dockerfile └── pytorch │ └── Dockerfile ├── docs ├── 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 │ │ ├── check-doxygen.sh │ │ ├── conf.py │ │ ├── contributing.rst │ │ ├── frontend.rst │ │ ├── index.rst │ │ ├── installing.rst │ │ └── notes │ │ ├── faq.rst │ │ ├── tensor_basics.rst │ │ └── tensor_creation.rst ├── libtorch.rst ├── make.bat ├── requirements.txt └── source │ ├── _static │ ├── css │ │ └── pytorch_theme.css │ └── img │ │ ├── dynamic_graph.gif │ │ ├── pytorch-logo-dark-unstable.png │ │ ├── pytorch-logo-dark.png │ │ ├── pytorch-logo-dark.svg │ │ ├── pytorch-logo-flame.png │ │ ├── pytorch-logo-flame.svg │ │ └── tensor_illustration.png │ ├── _templates │ └── layout.html │ ├── autograd.rst │ ├── bottleneck.rst │ ├── checkpoint.rst │ ├── conf.py │ ├── cpp_extension.rst │ ├── cuda.rst │ ├── cuda_deterministic.rst │ ├── cuda_deterministic_backward.rst │ ├── cudnn_deterministic.rst │ ├── cudnn_persistent_rnn.rst │ ├── data.rst │ ├── distributed.rst │ ├── distributed_deprecated.rst │ ├── distributions.rst │ ├── dlpack.rst │ ├── ffi.rst │ ├── hub.rst │ ├── index.rst │ ├── jit.rst │ ├── legacy.rst │ ├── model_zoo.rst │ ├── multiprocessing.rst │ ├── nn.rst │ ├── notes │ ├── autograd.rst │ ├── broadcasting.rst │ ├── cuda.rst │ ├── extending.rst │ ├── faq.rst │ ├── multiprocessing.rst │ ├── randomness.rst │ ├── serialization.rst │ └── windows.rst │ ├── onnx.rst │ ├── optim.rst │ ├── scripts │ └── build_activation_images.py │ ├── sparse.rst │ ├── storage.rst │ ├── tensor_attributes.rst │ ├── tensors.rst │ ├── torch.rst │ └── type_info.rst ├── modules ├── CMakeLists.txt ├── detectron │ ├── CMakeLists.txt │ ├── batch_permutation_op.cc │ ├── batch_permutation_op.cu │ ├── batch_permutation_op.h │ ├── 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-README.md ├── mypy-files.txt ├── mypy.ini ├── requirements.txt ├── scripts ├── add_apache_header.sh ├── apache_header.txt ├── apache_python.txt ├── appveyor │ ├── install.bat │ └── install_cuda.bat ├── build_anaconda.sh ├── build_android.sh ├── build_host_protoc.sh ├── build_ios.sh ├── build_local.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 ├── read_conda_versions.sh ├── remove_apache_header.sh └── temp.sh ├── setup.py ├── submodules └── nervanagpu-rev.txt ├── test ├── bottleneck │ ├── test.py │ ├── test_args.py │ └── test_cuda.py ├── common_cuda.py ├── common_methods_invocations.py ├── common_nn.py ├── common_utils.py ├── cpp │ ├── api │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── any.cpp │ │ ├── dataloader.cpp │ │ ├── expanding-array.cpp │ │ ├── integration.cpp │ │ ├── jit.cpp │ │ ├── memory.cpp │ │ ├── misc.cpp │ │ ├── module.cpp │ │ ├── modules.cpp │ │ ├── optim.cpp │ │ ├── optim_baseline.h │ │ ├── optim_baseline.py │ │ ├── ordered_dict.cpp │ │ ├── parallel.cpp │ │ ├── rnn.cpp │ │ ├── sequential.cpp │ │ ├── serialize.cpp │ │ ├── static.cpp │ │ ├── support.h │ │ ├── tensor.cpp │ │ ├── tensor_cuda.cpp │ │ ├── tensor_options.cpp │ │ └── tensor_options_cuda.cpp │ ├── common │ │ ├── main.cpp │ │ └── support.h │ └── jit │ │ ├── CMakeLists.txt │ │ ├── gtest.cpp │ │ ├── no-gtest.cpp │ │ └── tests.h ├── cpp_extensions │ ├── complex_registration_extension.cpp │ ├── cpp_api_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 │ ├── setup.py │ └── torch_test_cpp_extension │ │ └── __init__.py ├── custom_operator │ ├── CMakeLists.txt │ ├── model.py │ ├── op.cpp │ ├── op.h │ ├── test_custom_ops.cpp │ └── test_custom_ops.py ├── data │ ├── network1.py │ ├── network2.py │ └── test_cuda_ignores.txt ├── error_messages │ └── storage.py ├── expect │ ├── TestAutograd.test_function-x_grad_desc.expect │ ├── TestAutograd.test_function-y_grad_desc.expect │ ├── TestBatched.test_for.expect │ ├── TestBatched.test_if_else.expect │ ├── TestBatched.test_if_else_with_scalar.expect │ ├── TestBatched.test_if_noelse.expect │ ├── TestBatched.test_if_noelse_with_scalar.expect │ ├── TestBatched.test_while.expect │ ├── TestCudaSparse.test_print.expect │ ├── TestCudaUncoalescedSparse.test_print.expect │ ├── TestCustomOperators.test_script_graph_contains_custom_op.expect │ ├── TestJit.test_alexnet.expect │ ├── TestJit.test_batchnorm.expect │ ├── TestJit.test_broadcast_fusion_cuda.expect │ ├── TestJit.test_concat_fusion_cuda.expect │ ├── TestJit.test_concat_fusion_invariant_cuda.expect │ ├── TestJit.test_constant_prop_if_constant.expect │ ├── TestJit.test_constant_prop_loop_constant.expect │ ├── TestJit.test_constant_prop_nested.expect │ ├── TestJit.test_constant_prop_print.expect │ ├── TestJit.test_constant_prop_rand.expect │ ├── TestJit.test_constant_prop_simple.expect │ ├── TestJit.test_conv.expect │ ├── TestJit.test_cpp_cuda.expect │ ├── TestJit.test_cse.expect │ ├── TestJit.test_decompose_addmm.expect │ ├── TestJit.test_dropout.expect │ ├── TestJit.test_export_expand_aten_fallback.expect │ ├── TestJit.test_export_tensoroption_to.expect │ ├── TestJit.test_function_default_values-bool.expect │ ├── TestJit.test_function_default_values-none.expect │ ├── TestJit.test_function_default_values-simple.expect │ ├── TestJit.test_function_default_values-type_hints.expect │ ├── TestJit.test_fuse_last_device_cuda.expect │ ├── TestJit.test_fusion_distribute_cuda.expect │ ├── TestJit.test_inplace_copy.expect │ ├── TestJit.test_inplace_transplant.expect │ ├── TestJit.test_lstm_fusion_concat_cuda.expect │ ├── TestJit.test_lstm_fusion_cpu.expect │ ├── TestJit.test_lstm_fusion_cuda.expect │ ├── TestJit.test_nested_inplace.expect │ ├── TestJit.test_peephole.expect │ ├── TestJit.test_peephole_cuda-different_device.expect │ ├── TestJit.test_peephole_cuda-same_device.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-python_op_name_test.expect │ ├── TestJit.test_pretty_printer-while_if_test.expect │ ├── TestJit.test_pretty_printer-while_test.expect │ ├── TestJit.test_python_ir.expect │ ├── TestJit.test_recursive_cse.expect │ ├── TestJit.test_repeated_input.expect │ ├── TestJit.test_repeated_output.expect │ ├── TestJit.test_scopes.expect │ ├── TestJit.test_scopes_identity_node.expect │ ├── TestJit.test_scopes_intermediate_node.expect │ ├── TestJit.test_shape_analysis_broadcast.expect │ ├── TestJit.test_shared_param.expect │ ├── TestJit.test_simple.expect │ ├── TestJit.test_trace_detach.expect │ ├── TestJit.test_trace_detach_inplace.expect │ ├── TestJit.test_trace_detach_onnx_erase.expect │ ├── TestJit.test_trace_size.expect │ ├── TestJit.test_trace_size_with_grad.expect │ ├── TestJit.test_trace_tuple.expect │ ├── TestJit.test_warnings.expect │ ├── TestPytorchExportModes.test_aten_fallback.expect │ ├── TestScript.test_addmm_fusion-jit.expect │ ├── TestScript.test_addmm_fusion-onnx.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_augmented_assign.expect │ ├── TestScript.test_call_python_fn_from_script_fn.expect │ ├── TestScript.test_call_python_fn_from_script_module.expect │ ├── TestScript.test_call_python_fn_from_traced_module.expect │ ├── TestScript.test_call_python_fn_from_tracing_fn.expect │ ├── TestScript.test_call_python_mod_from_script_fn.expect │ ├── TestScript.test_call_python_mod_from_script_module.expect │ ├── TestScript.test_call_python_mod_from_traced_module.expect │ ├── TestScript.test_call_python_mod_from_tracing_fn.expect │ ├── TestScript.test_call_script_fn_from_script_fn.expect │ ├── TestScript.test_call_script_fn_from_script_module.expect │ ├── TestScript.test_call_script_fn_from_traced_module.expect │ ├── TestScript.test_call_script_fn_from_tracing_fn.expect │ ├── TestScript.test_call_script_mod_from_script_fn.expect │ ├── TestScript.test_call_script_mod_from_script_module.expect │ ├── TestScript.test_call_script_mod_from_tracing_fn.expect │ ├── TestScript.test_call_script_module_from_traced_module.expect │ ├── TestScript.test_call_traced_fn_from_script_fn.expect │ ├── TestScript.test_call_traced_fn_from_traced_module.expect │ ├── TestScript.test_call_traced_fn_from_tracing_fn.expect │ ├── TestScript.test_call_traced_mod_from_script_fn.expect │ ├── TestScript.test_call_traced_mod_from_tracing_fn.expect │ ├── TestScript.test_call_traced_module_from_traced_module.expect │ ├── TestScript.test_call_tracing_fn_from_script_module.expect │ ├── TestScript.test_call_tracing_mod_from_script_module.expect │ ├── TestScript.test_cat_lifts.expect │ ├── TestScript.test_chunk_fusion_cuda.expect │ ├── TestScript.test_chunk_multiple_fusion_cuda.expect │ ├── TestScript.test_constant_pooling.expect │ ├── TestScript.test_erase_number_types.expect │ ├── TestScript.test_export_dynamic_slice.expect │ ├── TestScript.test_format-stdout.expect │ ├── TestScript.test_if_for_in_range.expect │ ├── TestScript.test_if_list.expect │ ├── TestScript.test_if_supertype.expect │ ├── TestScript.test_index_put_trace_with_view.expect │ ├── TestScript.test_index_put_trace_without_view.expect │ ├── TestScript.test_index_select_shape_prop.expect │ ├── TestScript.test_listconstruct_erasure.expect │ ├── TestScript.test_logical_short_circuit.expect │ ├── TestScript.test_loop_unroll_unused_counter.expect │ ├── TestScript.test_loop_unrolling.expect │ ├── TestScript.test_loop_unrolling_const-add_const.expect │ ├── TestScript.test_loop_unrolling_const-add_iter.expect │ ├── TestScript.test_loop_unrolling_nested.expect │ ├── TestScript.test_lstm_fusion_cuda-backward.expect │ ├── TestScript.test_lstm_fusion_cuda-forward.expect │ ├── TestScript.test_math_numbers-float.expect │ ├── TestScript.test_math_numbers-int.expect │ ├── TestScript.test_math_schema.expect │ ├── TestScript.test_math_tensor_number.expect │ ├── TestScript.test_milstm_fusion_cuda-backward.expect │ ├── TestScript.test_milstm_fusion_cuda-forward.expect │ ├── TestScript.test_onnx_export_script_inline_params.expect │ ├── TestScript.test_onnx_export_script_inline_script.expect │ ├── TestScript.test_onnx_export_script_inline_trace.expect │ ├── TestScript.test_onnx_export_script_module.expect │ ├── TestScript.test_onnx_export_script_module_if.expect │ ├── TestScript.test_onnx_export_script_module_loop.expect │ ├── TestScript.test_onnx_export_script_non_alpha_add_sub.expect │ ├── TestScript.test_onnx_export_script_truediv.expect │ ├── TestScript.test_onnx_export_shape_reshape.expect │ ├── TestScript.test_onnx_export_speculate-f1.expect │ ├── TestScript.test_onnx_export_speculate-f2.expect │ ├── TestScript.test_onnx_raw_export_script_truediv.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_scalar_fusion.expect │ ├── TestScript.test_string_cu.expect │ ├── TestScript.test_string_print-stdout.expect │ ├── TestScript.test_sum-1.expect │ ├── TestScript.test_sum-2.expect │ ├── TestScript.test_tensor_scalar_fusion_cuda-1.expect │ ├── TestScript.test_tensor_scalar_fusion_cuda-2.expect │ ├── TestScript.test_torch_dot_tensor_annotation.expect │ ├── TestScript.test_trace_contiguous_short_circuit.expect │ ├── TestScript.test_tuple_indexing.expect │ ├── TestScript.test_tuple_slicing.expect │ ├── TestScript.test_type_cast-test_float_to_int.expect │ ├── TestScript.test_type_cast-test_int_to_float.expect │ ├── TestScript.test_weak_module-basic.expect │ ├── TestScript.test_weak_module-scope_test.expect │ ├── TestScript.test_weak_module_nested.expect │ ├── TestScript.test_weak_module_parameters_and_buffers.expect │ ├── TestScript.test_weak_script_function.expect │ ├── TestSparse.test_print.expect │ ├── TestTorch.test_is_nonzero-empty.expect │ ├── TestTorch.test_is_nonzero-multiple.expect │ ├── TestTorch.test_print-non_contiguous.expect │ └── TestUncoalescedSparse.test_print.expect ├── expecttest.py ├── ffi │ └── src │ │ ├── cpu │ │ ├── lib.h │ │ ├── lib1.c │ │ └── lib2.c │ │ ├── cuda │ │ ├── cudalib.c │ │ └── cudalib.h │ │ └── lib.h ├── 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_asin.expect │ │ ├── TestOperators.test_at_op.expect │ │ ├── TestOperators.test_atan.expect │ │ ├── TestOperators.test_basic.expect │ │ ├── TestOperators.test_batchnorm.expect │ │ ├── TestOperators.test_batchnorm_1d.expect │ │ ├── TestOperators.test_batchnorm_noaffine.expect │ │ ├── TestOperators.test_batchnorm_training.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_convtranspose.expect │ │ ├── TestOperators.test_cos.expect │ │ ├── TestOperators.test_elu.expect │ │ ├── TestOperators.test_embedding_bags.expect │ │ ├── TestOperators.test_equal.expect │ │ ├── TestOperators.test_exp.expect │ │ ├── TestOperators.test_flatten.expect │ │ ├── TestOperators.test_full.expect │ │ ├── TestOperators.test_ge.expect │ │ ├── TestOperators.test_gt.expect │ │ ├── TestOperators.test_hardtanh.expect │ │ ├── TestOperators.test_implicit_expand.expect │ │ ├── TestOperators.test_index.expect │ │ ├── TestOperators.test_le.expect │ │ ├── TestOperators.test_logsoftmax.expect │ │ ├── TestOperators.test_lt.expect │ │ ├── TestOperators.test_max.expect │ │ ├── TestOperators.test_maxpool.expect │ │ ├── TestOperators.test_mean.expect │ │ ├── TestOperators.test_min.expect │ │ ├── TestOperators.test_mm.expect │ │ ├── TestOperators.test_non_float_params.expect │ │ ├── TestOperators.test_norm.expect │ │ ├── TestOperators.test_pad.expect │ │ ├── TestOperators.test_params.expect │ │ ├── TestOperators.test_permute2.expect │ │ ├── TestOperators.test_pow.expect │ │ ├── TestOperators.test_prod.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_repeat.expect │ │ ├── TestOperators.test_repeat_dim_overflow.expect │ │ ├── TestOperators.test_rsub.expect │ │ ├── TestOperators.test_selu.expect │ │ ├── TestOperators.test_sin.expect │ │ ├── TestOperators.test_slice.expect │ │ ├── TestOperators.test_sqrt.expect │ │ ├── TestOperators.test_sum.expect │ │ ├── TestOperators.test_tan.expect │ │ ├── TestOperators.test_transpose.expect │ │ ├── TestOperators.test_type_as.expect │ │ ├── TestOperators.test_unsqueeze.expect │ │ ├── TestOperators.test_upsample.expect │ │ ├── TestOperators.test_view.expect │ │ ├── TestVerify.test_dynamic_model_structure.expect │ │ ├── TestVerify.test_embedded_constant_difference.expect │ │ ├── TestVerify.test_explicit_test_args.expect │ │ ├── TestVerify.test_jumbled_params.expect │ │ ├── TestVerify.test_modifying_params.expect │ │ └── TestVerify.test_result_different.expect │ ├── export_onnx_tests_filter.py │ ├── export_onnx_tests_generator.py │ ├── model_defs │ │ ├── __init__.py │ │ ├── dcgan.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_models.py │ ├── test_onnx_common.py │ ├── test_operators.py │ ├── test_pytorch_common.py │ ├── test_pytorch_helper.py │ ├── test_pytorch_onnx_caffe2.py │ ├── test_verify.py │ └── verify.py ├── optim │ ├── compare.sh │ ├── test.lua │ ├── test.py │ └── tests.json ├── run_test.py ├── test_autograd.py ├── test_c10d.py ├── test_cpp_extensions.py ├── test_cuda.py ├── test_cuda_primary_ctx.py ├── test_dataloader.py ├── test_distributed.py ├── test_distributions.py ├── test_expecttest.py ├── test_indexing.py ├── test_jit.py ├── test_module │ ├── __init__.py │ ├── future_div.py │ └── no_future_div.py ├── test_multiprocessing.py ├── test_multiprocessing_spawn.py ├── test_nccl.py ├── test_nn.py ├── test_numba_integration.py ├── test_optim.py ├── test_sparse.py ├── test_thd_distributed.py ├── test_torch.py ├── test_type_info.py └── test_utils.py ├── third_party └── README.md ├── tools ├── README.md ├── __init__.py ├── amd_build │ ├── build_caffe2_amd.py │ ├── build_pytorch_amd.py │ ├── disabled_features.json │ ├── patches │ │ └── a_torch_cuda___init__.py.patch │ └── pyHIPIFY │ │ ├── __init__.py │ │ ├── constants.py │ │ ├── cuda_to_hip_mappings.py │ │ └── hipify_python.py ├── aten_mirror.sh ├── autograd │ ├── README.md │ ├── __init__.py │ ├── deprecated.yaml │ ├── derivatives.yaml │ ├── 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 │ │ ├── VariableType.cpp │ │ ├── VariableType.h │ │ ├── python_functions.cpp │ │ ├── python_functions.h │ │ ├── python_nn_functions.cpp │ │ ├── python_nn_functions.h │ │ ├── python_nn_functions_dispatch.h │ │ ├── python_torch_functions.cpp │ │ ├── python_torch_functions_dispatch.h │ │ ├── python_variable_methods.cpp │ │ ├── python_variable_methods_dispatch.h │ │ └── variable_factories.h │ └── utils.py ├── build_libtorch.py ├── build_pytorch_libs.bat ├── build_pytorch_libs.sh ├── clang_tidy.py ├── cwrap │ ├── __init__.py │ ├── cwrap.py │ └── plugins │ │ ├── ArgcountChecker.py │ │ ├── ArgcountSortPlugin.py │ │ ├── ArgumentReferences.py │ │ ├── AssertNDim.py │ │ ├── AutoGPU.py │ │ ├── BeforeAfterCall.py │ │ ├── BoolOption.py │ │ ├── ConstantArguments.py │ │ ├── CuDNNPlugin.py │ │ ├── GILRelease.py │ │ ├── KwargsPlugin.py │ │ ├── NNExtension.py │ │ ├── NullableArguments.py │ │ ├── OptionalArguments.py │ │ ├── ProcessorSpecificPlugin.py │ │ ├── ReturnArguments.py │ │ ├── THPPlugin.py │ │ ├── WrapDim.py │ │ ├── __init__.py │ │ └── templates │ │ └── nn_tail.cpp ├── docker │ └── Dockerfile_runtime ├── download_mnist.py ├── generated_dirs.txt ├── git_add_generated_dirs.sh ├── git_reset_generated_dirs.sh ├── jit │ ├── __init__.py │ ├── gen_jit_dispatch.py │ └── templates │ │ ├── aten_interned_strings.h │ │ ├── aten_schema_declarations.cpp │ │ └── register_aten_ops.cpp ├── nnwrap │ ├── __init__.py │ └── generate_wrappers.py ├── pytorch.version ├── run-clang-tidy-in-ci.sh ├── setup_helpers │ ├── __init__.py │ ├── build.py │ ├── cuda.py │ ├── cudnn.py │ ├── dist_check.py │ ├── env.py │ ├── fbgemm.py │ ├── generate_code.py │ ├── miopen.py │ ├── nccl.py │ ├── ninja_builder.py │ ├── nnpack.py │ ├── nvtoolext.py │ ├── qnnpack.py │ ├── rocm.py │ └── split_types.py └── shared │ ├── __init__.py │ └── module_loader.py ├── torch ├── CMakeLists.txt ├── README.txt ├── __init__.py ├── _jit_internal.py ├── _ops.py ├── _six.py ├── _storage_docs.py ├── _tensor_docs.py ├── _tensor_str.py ├── _thnn │ ├── __init__.py │ └── utils.py ├── _torch_docs.py ├── _utils.py ├── _utils_internal.py ├── abi-check.cpp ├── autograd │ ├── __init__.py │ ├── _functions │ │ ├── __init__.py │ │ ├── replace.vim │ │ ├── tensor.py │ │ └── utils.py │ ├── anomaly_mode.py │ ├── function.py │ ├── grad_mode.py │ ├── gradcheck.py │ ├── profiler.py │ └── variable.py ├── backends │ ├── __init__.py │ ├── cuda │ │ └── __init__.py │ ├── cudnn │ │ ├── __init__.py │ │ └── rnn.py │ └── mkl │ │ └── __init__.py ├── contrib │ ├── __init__.py │ ├── _graph_vis.py │ └── _tensorboard_vis.py ├── csrc │ ├── 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 │ ├── Module.cpp │ ├── Module.h │ ├── PtrWrapper.cpp │ ├── PtrWrapper.h │ ├── PythonTypes.h │ ├── README.md │ ├── Size.cpp │ ├── Size.h │ ├── Storage.cpp │ ├── Storage.h │ ├── THP.h │ ├── THP_API.h │ ├── THP_export.h │ ├── TypeInfo.cpp │ ├── TypeInfo.h │ ├── Types.h │ ├── WindowsTorchApiMacro.h │ ├── api │ │ ├── include │ │ │ └── torch │ │ │ │ ├── all.h │ │ │ │ ├── arg.h │ │ │ │ ├── cuda.h │ │ │ │ ├── data.h │ │ │ │ ├── data │ │ │ │ ├── dataloader.h │ │ │ │ ├── dataloader_options.h │ │ │ │ ├── datasets.h │ │ │ │ ├── datasets │ │ │ │ │ ├── base.h │ │ │ │ │ ├── map.h │ │ │ │ │ ├── mnist.h │ │ │ │ │ └── tensor.h │ │ │ │ ├── detail │ │ │ │ │ ├── data_shuttle.h │ │ │ │ │ ├── queue.h │ │ │ │ │ └── sequencers.h │ │ │ │ ├── example.h │ │ │ │ ├── iterator.h │ │ │ │ ├── samplers.h │ │ │ │ ├── samplers │ │ │ │ │ ├── base.h │ │ │ │ │ ├── custom_batch_request.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 │ │ │ │ └── static.h │ │ │ │ ├── expanding_array.h │ │ │ │ ├── jit.h │ │ │ │ ├── nn.h │ │ │ │ ├── nn │ │ │ │ ├── cloneable.h │ │ │ │ ├── init.h │ │ │ │ ├── module.h │ │ │ │ ├── modules.h │ │ │ │ ├── modules │ │ │ │ │ ├── any.h │ │ │ │ │ ├── batchnorm.h │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── dropout.h │ │ │ │ │ ├── embedding.h │ │ │ │ │ ├── functional.h │ │ │ │ │ ├── linear.h │ │ │ │ │ ├── rnn.h │ │ │ │ │ └── sequential.h │ │ │ │ ├── parallel │ │ │ │ │ └── data_parallel.h │ │ │ │ ├── pimpl-inl.h │ │ │ │ └── pimpl.h │ │ │ │ ├── optim.h │ │ │ │ ├── optim │ │ │ │ ├── adagrad.h │ │ │ │ ├── adam.h │ │ │ │ ├── lbfgs.h │ │ │ │ ├── optimizer.h │ │ │ │ ├── rmsprop.h │ │ │ │ ├── serialize.h │ │ │ │ └── sgd.h │ │ │ │ ├── ordered_dict.h │ │ │ │ ├── python.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 │ │ │ │ ├── random.cpp │ │ │ │ ├── sequential.cpp │ │ │ │ └── stream.cpp │ │ │ ├── jit.cpp │ │ │ ├── nn │ │ │ ├── init.cpp │ │ │ ├── module.cpp │ │ │ └── modules │ │ │ │ ├── batchnorm.cpp │ │ │ │ ├── conv.cpp │ │ │ │ ├── dropout.cpp │ │ │ │ ├── embedding.cpp │ │ │ │ ├── functional.cpp │ │ │ │ ├── linear.cpp │ │ │ │ └── rnn.cpp │ │ │ ├── optim │ │ │ ├── adagrad.cpp │ │ │ ├── adam.cpp │ │ │ ├── lbfgs.cpp │ │ │ ├── optimizer.cpp │ │ │ ├── rmsprop.cpp │ │ │ ├── serialize.cpp │ │ │ └── sgd.cpp │ │ │ ├── serialize │ │ │ ├── input-archive.cpp │ │ │ ├── output-archive.cpp │ │ │ └── tensor.cpp │ │ │ └── utils.cpp │ ├── autograd │ │ ├── README.md │ │ ├── VariableTypeManual.cpp │ │ ├── VariableTypeUtils.h │ │ ├── anomaly_mode.cpp │ │ ├── anomaly_mode.h │ │ ├── autograd.h │ │ ├── edge.h │ │ ├── engine.cpp │ │ ├── engine.h │ │ ├── function.cpp │ │ ├── function.h │ │ ├── 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.cpp │ │ ├── grad_mode.h │ │ ├── init.cpp │ │ ├── input_buffer.cpp │ │ ├── input_buffer.h │ │ ├── input_metadata.h │ │ ├── profiler.cpp │ │ ├── profiler.h │ │ ├── python_anomaly_mode.cpp │ │ ├── python_anomaly_mode.h │ │ ├── python_cpp_function.cpp │ │ ├── python_cpp_function.h │ │ ├── python_engine.cpp │ │ ├── python_engine.h │ │ ├── python_function.cpp │ │ ├── python_function.h │ │ ├── python_hook.cpp │ │ ├── python_hook.h │ │ ├── python_legacy_variable.cpp │ │ ├── python_legacy_variable.h │ │ ├── python_variable.cpp │ │ ├── python_variable.h │ │ ├── python_variable_indexing.cpp │ │ ├── python_variable_indexing.h │ │ ├── saved_variable.cpp │ │ ├── saved_variable.h │ │ ├── symbolic.h │ │ ├── type_and_shape.h │ │ ├── utils │ │ │ ├── python_arg_parsing.h │ │ │ ├── python_error_messages.h │ │ │ └── wrap_outputs.h │ │ ├── variable.cpp │ │ ├── variable.h │ │ └── variable_version.h │ ├── byte_order.cpp │ ├── byte_order.h │ ├── copy_utils.h │ ├── cuda │ │ ├── Module.cpp │ │ ├── Module.h │ │ ├── Storage.cpp │ │ ├── Storage.h │ │ ├── Stream.cpp │ │ ├── Stream.h │ │ ├── THCP.h │ │ ├── Tensor.cpp │ │ ├── comm.cpp │ │ ├── comm.h │ │ ├── cuda_check.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 │ │ ├── undef_macros.h │ │ ├── utils.cpp │ │ └── utils.h │ ├── distributed │ │ ├── Module.cpp │ │ ├── THDP.h │ │ ├── c10d │ │ │ ├── c10d.h │ │ │ ├── ddp.cpp │ │ │ ├── ddp.h │ │ │ └── init.cpp │ │ ├── copy_utils.h │ │ ├── override_macros.h │ │ ├── undef_macros.h │ │ └── utils.h │ ├── dl.c │ ├── generic │ │ ├── Storage.cpp │ │ ├── Storage.h │ │ ├── StorageMethods.cpp │ │ ├── StorageSharing.cpp │ │ ├── serialization.cpp │ │ ├── serialization.h │ │ ├── utils.cpp │ │ └── utils.h │ ├── jit │ │ ├── README.md │ │ ├── alias_info.h │ │ ├── argument_spec.h │ │ ├── assertions.h │ │ ├── attributes.h │ │ ├── autodiff.cpp │ │ ├── autodiff.h │ │ ├── batched │ │ │ ├── BatchTensor.cpp │ │ │ └── BatchTensor.h │ │ ├── catch_utils.hpp │ │ ├── code_template.h │ │ ├── constants.cpp │ │ ├── constants.h │ │ ├── custom_operator.h │ │ ├── dynamic_dag.h │ │ ├── export.cpp │ │ ├── export.h │ │ ├── function_schema.h │ │ ├── fuser │ │ │ ├── README.md │ │ │ ├── arg_spec.h │ │ │ ├── codegen.cpp │ │ │ ├── codegen.h │ │ │ ├── compiler.cpp │ │ │ ├── compiler.h │ │ │ ├── config.h.in │ │ │ ├── cpu │ │ │ │ ├── dynamic_library.h │ │ │ │ ├── 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 │ │ ├── generic_if.h │ │ ├── graph_executor.cpp │ │ ├── graph_executor.h │ │ ├── graph_node_list.h │ │ ├── import.cpp │ │ ├── import.h │ │ ├── init.cpp │ │ ├── init.h │ │ ├── interned_strings.h │ │ ├── interned_strings_class.h │ │ ├── interpreter.cpp │ │ ├── interpreter.h │ │ ├── ir.cpp │ │ ├── ir.h │ │ ├── ivalue.h │ │ ├── named_value.h │ │ ├── node_hashing.cpp │ │ ├── node_hashing.h │ │ ├── operator.cpp │ │ ├── operator.h │ │ ├── passes │ │ │ ├── batch_mm.cpp │ │ │ ├── batch_mm.h │ │ │ ├── canonicalize.cpp │ │ │ ├── canonicalize.h │ │ │ ├── canonicalize_ops.cpp │ │ │ ├── canonicalize_ops.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 │ │ │ ├── dead_code_elimination.cpp │ │ │ ├── dead_code_elimination.h │ │ │ ├── erase_number_types.cpp │ │ │ ├── erase_number_types.h │ │ │ ├── graph_fuser.cpp │ │ │ ├── graph_fuser.h │ │ │ ├── inline_autodiff_subgraphs.cpp │ │ │ ├── inline_autodiff_subgraphs.h │ │ │ ├── inplace_check.cpp │ │ │ ├── inplace_check.h │ │ │ ├── loop_unrolling.cpp │ │ │ ├── loop_unrolling.h │ │ │ ├── lower_grad_of.cpp │ │ │ ├── lower_grad_of.h │ │ │ ├── lower_tuples.cpp │ │ │ ├── lower_tuples.h │ │ │ ├── onnx.cpp │ │ │ ├── onnx.h │ │ │ ├── onnx │ │ │ │ ├── README.md │ │ │ │ ├── fixup_onnx_loop.cpp │ │ │ │ ├── fixup_onnx_loop.h │ │ │ │ ├── peephole.cpp │ │ │ │ ├── peephole.h │ │ │ │ ├── prepare_division_for_onnx.cpp │ │ │ │ └── prepare_division_for_onnx.h │ │ │ ├── peephole.cpp │ │ │ ├── peephole.h │ │ │ ├── pretty_print.cpp │ │ │ ├── pretty_print.h │ │ │ ├── remove_expands.cpp │ │ │ ├── remove_expands.h │ │ │ ├── remove_inplace_ops.cpp │ │ │ ├── remove_inplace_ops.h │ │ │ ├── requires_grad_analysis.cpp │ │ │ ├── requires_grad_analysis.h │ │ │ ├── shape_analysis.cpp │ │ │ ├── shape_analysis.h │ │ │ ├── specialize_undef.cpp │ │ │ ├── specialize_undef.h │ │ │ ├── to_batch.cpp │ │ │ └── to_batch.h │ │ ├── pybind.h │ │ ├── pybind_utils.h │ │ ├── python_arg_flatten.cpp │ │ ├── python_arg_flatten.h │ │ ├── python_interpreter.cpp │ │ ├── python_ir.cpp │ │ ├── python_ir.h │ │ ├── python_tracer.cpp │ │ ├── python_tracer.h │ │ ├── register_prim_ops.cpp │ │ ├── register_special_ops.cpp │ │ ├── resource_guard.h │ │ ├── scope.cpp │ │ ├── scope.h │ │ ├── script │ │ │ ├── builtin_functions.cpp │ │ │ ├── builtin_functions.h │ │ │ ├── compiler.cpp │ │ │ ├── compiler.h │ │ │ ├── error_report.h │ │ │ ├── init.cpp │ │ │ ├── init.h │ │ │ ├── jit_exception.h │ │ │ ├── lexer.cpp │ │ │ ├── lexer.h │ │ │ ├── module.cpp │ │ │ ├── module.h │ │ │ ├── parser.h │ │ │ ├── python_tree_views.cpp │ │ │ ├── python_tree_views.h │ │ │ ├── tree.h │ │ │ └── tree_views.h │ │ ├── source_location.h │ │ ├── source_range.h │ │ ├── stack.h │ │ ├── symbolic_variable.h │ │ ├── tracer.cpp │ │ ├── tracer.h │ │ ├── tracing_state.h │ │ ├── type.h │ │ └── variable_tensor_list.h │ ├── nn │ │ ├── .gitkeep │ │ └── type_checks.h │ ├── nvrtc.cpp │ ├── onnx │ │ ├── init.cpp │ │ ├── init.h │ │ └── onnx.h │ ├── python_headers.h │ ├── serialization.cpp │ ├── serialization.h │ ├── tensor │ │ ├── python_tensor.cpp │ │ └── python_tensor.h │ ├── torch.cpp │ ├── utils.cpp │ ├── utils.h │ ├── utils │ │ ├── auto_gil.h │ │ ├── cuda_enabled.h │ │ ├── cuda_lazy_init.cpp │ │ ├── cuda_lazy_init.h │ │ ├── disallow_copy.h │ │ ├── functional.h │ │ ├── hash.h │ │ ├── invalid_arguments.cpp │ │ ├── invalid_arguments.h │ │ ├── memory.h │ │ ├── numpy_stub.h │ │ ├── object_ptr.cpp │ │ ├── object_ptr.h │ │ ├── pybind.h │ │ ├── python_arg_parser.cpp │ │ ├── python_arg_parser.h │ │ ├── python_compat.h │ │ ├── python_numbers.h │ │ ├── python_scalars.h │ │ ├── python_strings.h │ │ ├── python_stub.h │ │ ├── python_tuples.h │ │ ├── tempfile.h │ │ ├── tensor_apply.cpp │ │ ├── tensor_apply.h │ │ ├── tensor_conversion_dispatch.cpp │ │ ├── tensor_conversion_dispatch.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_new.cpp │ │ ├── tensor_new.h │ │ ├── tensor_numpy.cpp │ │ ├── tensor_numpy.h │ │ ├── tensor_types.cpp │ │ ├── tensor_types.h │ │ ├── tuple_parser.cpp │ │ ├── tuple_parser.h │ │ ├── variadic.cpp │ │ └── variadic.h │ └── variable_tensor_functions.h ├── cuda │ ├── __init__.py │ ├── _utils.py │ ├── comm.py │ ├── error.py │ ├── nccl.py │ ├── nvtx.py │ ├── profiler.py │ ├── random.py │ ├── sparse.py │ └── streams.py ├── distributed │ ├── __init__.py │ ├── deprecated │ │ ├── __init__.py │ │ └── remote_types.py │ ├── distributed_c10d.py │ ├── launch.py │ └── rendezvous.py ├── distributions │ ├── __init__.py │ ├── bernoulli.py │ ├── beta.py │ ├── binomial.py │ ├── categorical.py │ ├── cauchy.py │ ├── chi2.py │ ├── constraint_registry.py │ ├── constraints.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 │ ├── 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 │ └── weibull.py ├── extension.h ├── for_onnx │ └── __init__.py ├── functional.py ├── hub.py ├── jit │ ├── __init__.py │ ├── annotations.py │ ├── batchop.py │ ├── frontend.py │ └── supported_ops.py ├── legacy │ └── README.md ├── lib │ ├── THD │ │ ├── CMakeLists.txt │ │ ├── THD.h │ │ ├── base │ │ │ ├── ChannelType.h │ │ │ ├── ChannelUtils.cpp │ │ │ ├── ChannelUtils.hpp │ │ │ ├── Cuda.cpp │ │ │ ├── Cuda.h │ │ │ ├── Cuda.hpp │ │ │ ├── DataChannel.cpp │ │ │ ├── DataChannel.h │ │ │ ├── DataChannel.hpp │ │ │ ├── DataChannelRequest.cpp │ │ │ ├── DataChannelRequest.h │ │ │ ├── DataChannelRequest.hpp │ │ │ ├── Exceptions.hpp │ │ │ ├── RPCType.cpp │ │ │ ├── RPCType.hpp │ │ │ ├── Scalar.hpp │ │ │ ├── THDGenerateAllTypes.h │ │ │ ├── TensorDescriptor.h │ │ │ ├── TensorDescriptor.hpp │ │ │ ├── data_channels │ │ │ │ ├── DataChannelGloo.cpp │ │ │ │ ├── DataChannelGloo.hpp │ │ │ │ ├── DataChannelMPI.cpp │ │ │ │ ├── DataChannelMPI.hpp │ │ │ │ ├── DataChannelNccl.cpp │ │ │ │ ├── DataChannelNccl.hpp │ │ │ │ ├── DataChannelTCP.cpp │ │ │ │ ├── DataChannelTCP.hpp │ │ │ │ ├── DataChannelUtils.hpp │ │ │ │ ├── GlooCache.hpp │ │ │ │ ├── Store.cpp │ │ │ │ └── Store.hpp │ │ │ └── init_methods │ │ │ │ ├── InitMethod.cpp │ │ │ │ ├── InitMethod.hpp │ │ │ │ ├── InitMethodEnv.cpp │ │ │ │ ├── InitMethodFile.cpp │ │ │ │ ├── InitMethodTCP.cpp │ │ │ │ ├── InitMethodUtils.cpp │ │ │ │ └── InitMethodUtils.hpp │ │ ├── benchmark │ │ │ ├── benchmark.py │ │ │ └── run_benchmark │ │ ├── build.sh │ │ ├── process_group │ │ │ ├── Collectives.cpp │ │ │ ├── Collectives.h │ │ │ ├── Collectives.hpp │ │ │ ├── General.cpp │ │ │ ├── General.h │ │ │ └── General.hpp │ │ └── test │ │ │ ├── TestUtils.hpp │ │ │ ├── data_channel_collectives.cpp │ │ │ ├── data_channel_gloo_cache.cpp │ │ │ ├── data_channel_mpi_smoke.cpp │ │ │ ├── data_channel_tcp_accept_timeout.cpp │ │ │ ├── data_channel_tcp_slow_master.cpp │ │ │ ├── data_channel_tcp_smoke.cpp │ │ │ └── tensor_smoke.cpp │ ├── c10d │ │ ├── CMakeLists.txt │ │ ├── Def.hpp │ │ ├── FileStore.cpp │ │ ├── FileStore.hpp │ │ ├── NCCLUtils.hpp │ │ ├── PrefixStore.cpp │ │ ├── PrefixStore.hpp │ │ ├── ProcessGroup.cpp │ │ ├── ProcessGroup.hpp │ │ ├── ProcessGroupGloo.cpp │ │ ├── ProcessGroupGloo.hpp │ │ ├── ProcessGroupMPI.cpp │ │ ├── ProcessGroupMPI.hpp │ │ ├── ProcessGroupNCCL.cpp │ │ ├── ProcessGroupNCCL.hpp │ │ ├── README.md │ │ ├── Store.cpp │ │ ├── Store.hpp │ │ ├── TCPStore.cpp │ │ ├── TCPStore.hpp │ │ ├── Types.hpp │ │ ├── Utils.cpp │ │ ├── Utils.hpp │ │ ├── bin │ │ │ └── test.sh │ │ ├── cmake │ │ │ └── Def.hpp.in │ │ ├── example │ │ │ ├── CMakeLists.txt │ │ │ └── allreduce.cpp │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── CUDATest.cu │ │ │ ├── CUDATest.hpp │ │ │ ├── FileStoreTest.cpp │ │ │ ├── ProcessGroupGlooAsyncTest.cpp │ │ │ ├── ProcessGroupGlooTest.cpp │ │ │ ├── ProcessGroupMPITest.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 ├── multiprocessing │ ├── __init__.py │ ├── pool.py │ ├── queue.py │ ├── reductions.py │ └── spawn.py ├── nn │ ├── _VF.py │ ├── __init__.py │ ├── _functions │ │ ├── __init__.py │ │ ├── thnn │ │ │ ├── __init__.py │ │ │ ├── auto.py │ │ │ ├── auto_double_backwards.py │ │ │ ├── auto_symbolic.py │ │ │ ├── fold.py │ │ │ ├── normalization.py │ │ │ └── sparse.py │ │ └── vision.py │ ├── _reduction.py │ ├── backends │ │ ├── __init__.py │ │ ├── backend.py │ │ └── thnn.py │ ├── functional.py │ ├── grad.py │ ├── init.py │ ├── modules │ │ ├── __init__.py │ │ ├── activation.py │ │ ├── adaptive.py │ │ ├── batchnorm.py │ │ ├── container.py │ │ ├── conv.py │ │ ├── distance.py │ │ ├── dropout.py │ │ ├── fold.py │ │ ├── instancenorm.py │ │ ├── linear.py │ │ ├── loss.py │ │ ├── module.py │ │ ├── normalization.py │ │ ├── padding.py │ │ ├── pixelshuffle.py │ │ ├── pooling.py │ │ ├── rnn.py │ │ ├── sparse.py │ │ ├── upsampling.py │ │ └── utils.py │ ├── parallel │ │ ├── __init__.py │ │ ├── _functions.py │ │ ├── data_parallel.py │ │ ├── deprecated │ │ │ ├── __init__.py │ │ │ ├── distributed.py │ │ │ └── distributed_cpu.py │ │ ├── distributed.py │ │ ├── distributed_cpu.py │ │ ├── parallel_apply.py │ │ ├── replicate.py │ │ └── scatter_gather.py │ ├── parameter.py │ └── utils │ │ ├── __init__.py │ │ ├── clip_grad.py │ │ ├── convert_parameters.py │ │ ├── rnn.py │ │ ├── spectral_norm.py │ │ └── weight_norm.py ├── onnx │ ├── __init__.py │ ├── operators.py │ ├── symbolic.py │ └── utils.py ├── optim │ ├── __init__.py │ ├── adadelta.py │ ├── adagrad.py │ ├── adam.py │ ├── adamax.py │ ├── asgd.py │ ├── lbfgs.py │ ├── lr_scheduler.py │ ├── optimizer.py │ ├── rmsprop.py │ ├── rprop.py │ ├── sgd.py │ └── sparse_adam.py ├── random.py ├── script.h ├── serialization.py ├── sparse │ └── __init__.py ├── storage.py ├── tensor.py ├── testing │ └── __init__.py └── utils │ ├── __init__.py │ ├── _cpp_extension_versioner.py │ ├── backcompat │ └── __init__.py │ ├── bottleneck │ ├── __init__.py │ └── __main__.py │ ├── checkpoint.py │ ├── collect_env.py │ ├── cpp_extension.py │ ├── data │ ├── __init__.py │ ├── dataloader.py │ ├── dataset.py │ ├── distributed.py │ └── sampler.py │ ├── dlpack.py │ ├── ffi │ └── __init__.py │ ├── file_baton.py │ ├── hooks.py │ └── model_zoo.py ├── tox.ini └── ubsan.supp /.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.circleci/config.yml -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.dockerignore: -------------------------------------------------------------------------------- 1 | .gitignore -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- 1 | *.bat text eol=crlf 2 | -------------------------------------------------------------------------------- /.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.gitmodules -------------------------------------------------------------------------------- /.jenkins/caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/caffe2/README.md -------------------------------------------------------------------------------- /.jenkins/caffe2/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/caffe2/build.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/dirty.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/caffe2/dirty.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/caffe2/test.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/pytorch/README.md -------------------------------------------------------------------------------- /.jenkins/pytorch/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/pytorch/build.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/common.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/pytorch/common.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/dirty.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/pytorch/dirty.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.jenkins/pytorch/test.sh -------------------------------------------------------------------------------- /.travis.aten.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.travis.aten.yml -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/.travis.yml -------------------------------------------------------------------------------- /CITATION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/CITATION -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/Makefile -------------------------------------------------------------------------------- /NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/NOTICE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/README.md -------------------------------------------------------------------------------- /aten/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/CMakeLists.txt -------------------------------------------------------------------------------- /aten/conda/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/conda/build.sh -------------------------------------------------------------------------------- /aten/conda/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/conda/meta.yaml -------------------------------------------------------------------------------- /aten/src/ATen/.gitignore: -------------------------------------------------------------------------------- 1 | Config.h 2 | -------------------------------------------------------------------------------- /aten/src/ATen/ATen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/ATen.h -------------------------------------------------------------------------------- /aten/src/ATen/Allocator.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /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/CPUGeneral.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/CPUGeneral.h -------------------------------------------------------------------------------- /aten/src/ATen/Config.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/Config.h.in -------------------------------------------------------------------------------- /aten/src/ATen/Context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/Context.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/Context.h -------------------------------------------------------------------------------- /aten/src/ATen/DLConvertor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/DLConvertor.h -------------------------------------------------------------------------------- /aten/src/ATen/Device.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/DeviceGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/DeviceGuard.h -------------------------------------------------------------------------------- /aten/src/ATen/DimVector.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Dispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/Dispatch.h -------------------------------------------------------------------------------- /aten/src/ATen/ExpandUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/ExpandUtils.h -------------------------------------------------------------------------------- /aten/src/ATen/Formatting.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/Generator.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Half.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/InferSize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/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/t-vi/pytorch/HEAD/aten/src/ATen/MatrixRef.h -------------------------------------------------------------------------------- /aten/src/ATen/OptionsGuard.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/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/t-vi/pytorch/HEAD/aten/src/ATen/ScalarOps.h -------------------------------------------------------------------------------- /aten/src/ATen/ScalarType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/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/StorageImpl.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Tensor.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/TensorImpl.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/TensorOptions.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/TensorUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/TensorUtils.h -------------------------------------------------------------------------------- /aten/src/ATen/Type.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /aten/src/ATen/Utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/Utils.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/Utils.h -------------------------------------------------------------------------------- /aten/src/ATen/core/AlignOf.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/ArrayRef.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/Half.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include "c10/Half.h" 3 | -------------------------------------------------------------------------------- /aten/src/ATen/core/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/Layout.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/Macros.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Range.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/Range.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Scalar.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/Scalar.h -------------------------------------------------------------------------------- /aten/src/ATen/core/StorageImpl.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/Tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/Tensor.h -------------------------------------------------------------------------------- /aten/src/ATen/core/Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/Type.h -------------------------------------------------------------------------------- /aten/src/ATen/core/blob.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/blob.h -------------------------------------------------------------------------------- /aten/src/ATen/core/intrusive_ptr.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /aten/src/ATen/core/ivalue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/ivalue.h -------------------------------------------------------------------------------- /aten/src/ATen/core/type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/type.cpp -------------------------------------------------------------------------------- /aten/src/ATen/core/typeid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/core/typeid.h -------------------------------------------------------------------------------- /aten/src/ATen/cpu/vml.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/cpu/vml.h -------------------------------------------------------------------------------- /aten/src/ATen/cuda/Array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/cuda/Array.h -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Exceptions.h: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Handles.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include "ATen/cudnn/Handle.h" 3 | -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/cudnn/Types.h -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/cudnn/Utils.h -------------------------------------------------------------------------------- /aten/src/ATen/div_rtn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/div_rtn.h -------------------------------------------------------------------------------- /aten/src/ATen/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/dlpack.h -------------------------------------------------------------------------------- /aten/src/ATen/gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/gen.py -------------------------------------------------------------------------------- /aten/src/ATen/mkl/Limits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/mkl/Limits.h -------------------------------------------------------------------------------- /aten/src/ATen/mkl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/mkl/README.md -------------------------------------------------------------------------------- /aten/src/ATen/native/RNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/native/RNN.h -------------------------------------------------------------------------------- /aten/src/ATen/nn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/nn.yaml -------------------------------------------------------------------------------- /aten/src/ATen/nn_parse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/ATen/nn_parse.py -------------------------------------------------------------------------------- /aten/src/ATen/stub/CombinedStub.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/README.md -------------------------------------------------------------------------------- /aten/src/TH/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/CMakeLists.txt -------------------------------------------------------------------------------- /aten/src/TH/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/README.md -------------------------------------------------------------------------------- /aten/src/TH/TH.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/TH.h -------------------------------------------------------------------------------- /aten/src/TH/THAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THAllocator.cpp -------------------------------------------------------------------------------- /aten/src/TH/THAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THAllocator.h -------------------------------------------------------------------------------- /aten/src/TH/THBlas.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THBlas.cpp -------------------------------------------------------------------------------- /aten/src/TH/THBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THBlas.h -------------------------------------------------------------------------------- /aten/src/TH/THBlasUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THBlasUtils.h -------------------------------------------------------------------------------- /aten/src/TH/THDiskFile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THDiskFile.cpp -------------------------------------------------------------------------------- /aten/src/TH/THDiskFile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THDiskFile.h -------------------------------------------------------------------------------- /aten/src/TH/THFile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THFile.cpp -------------------------------------------------------------------------------- /aten/src/TH/THFile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THFile.h -------------------------------------------------------------------------------- /aten/src/TH/THFilePrivate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THFilePrivate.h -------------------------------------------------------------------------------- /aten/src/TH/THGeneral.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THGeneral.cpp -------------------------------------------------------------------------------- /aten/src/TH/THGeneral.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THGeneral.h.in -------------------------------------------------------------------------------- /aten/src/TH/THGenerator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THGenerator.hpp -------------------------------------------------------------------------------- /aten/src/TH/THHalf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THHalf.h -------------------------------------------------------------------------------- /aten/src/TH/THLapack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THLapack.cpp -------------------------------------------------------------------------------- /aten/src/TH/THLapack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THLapack.h -------------------------------------------------------------------------------- /aten/src/TH/THLogAdd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THLogAdd.cpp -------------------------------------------------------------------------------- /aten/src/TH/THLogAdd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THLogAdd.h -------------------------------------------------------------------------------- /aten/src/TH/THMath.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THMath.h -------------------------------------------------------------------------------- /aten/src/TH/THMemoryFile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THMemoryFile.h -------------------------------------------------------------------------------- /aten/src/TH/THRandom.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THRandom.cpp -------------------------------------------------------------------------------- /aten/src/TH/THRandom.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THRandom.h -------------------------------------------------------------------------------- /aten/src/TH/THSize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THSize.cpp -------------------------------------------------------------------------------- /aten/src/TH/THSize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THSize.h -------------------------------------------------------------------------------- /aten/src/TH/THStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THStorage.h -------------------------------------------------------------------------------- /aten/src/TH/THTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THTensor.cpp -------------------------------------------------------------------------------- /aten/src/TH/THTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THTensor.h -------------------------------------------------------------------------------- /aten/src/TH/THTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THTensor.hpp -------------------------------------------------------------------------------- /aten/src/TH/THTensorApply.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THTensorApply.h -------------------------------------------------------------------------------- /aten/src/TH/THVector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THVector.cpp -------------------------------------------------------------------------------- /aten/src/TH/THVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/THVector.h -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/vector/AVX.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/vector/AVX.h -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/vector/AVX2.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/vector/AVX2.h -------------------------------------------------------------------------------- /aten/src/TH/vector/NEON.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/vector/NEON.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/VSX.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/vector/VSX.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/simd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/TH/vector/simd.h -------------------------------------------------------------------------------- /aten/src/THC/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/CMakeLists.txt -------------------------------------------------------------------------------- /aten/src/THC/THC.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THC.h -------------------------------------------------------------------------------- /aten/src/THC/THCAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCAllocator.h -------------------------------------------------------------------------------- /aten/src/THC/THCApply.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCApply.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCAtomics.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCAtomics.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCBlas.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCBlas.cu -------------------------------------------------------------------------------- /aten/src/THC/THCBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCBlas.h -------------------------------------------------------------------------------- /aten/src/THC/THCGeneral.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCGeneral.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCGeneral.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCGeneral.hpp -------------------------------------------------------------------------------- /aten/src/THC/THCReduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCReduce.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCSleep.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCSleep.cu -------------------------------------------------------------------------------- /aten/src/THC/THCSleep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCSleep.h -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCStorage.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCStorage.cu -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCStorage.h -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCStorage.hpp -------------------------------------------------------------------------------- /aten/src/THC/THCStream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCStream.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCStream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCStream.h -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCTensor.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCTensor.cu -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCTensor.h -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THC/THCTensor.hpp -------------------------------------------------------------------------------- /aten/src/THC/THCThreadLocal.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/THC/THCThreadLocal.h: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/THCUNN/Abs.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/Abs.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Col2Im.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/Col2Im.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/ELU.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/ELU.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/HardTanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/HardTanh.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Im2Col.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/Im2Col.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/L1Cost.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/L1Cost.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/RReLU.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/RReLU.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Sigmoid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/Sigmoid.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/SoftPlus.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/SoftPlus.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Sqrt.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/Sqrt.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Square.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/Square.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/THCUNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/THCUNN.h -------------------------------------------------------------------------------- /aten/src/THCUNN/Tanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/Tanh.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/common.h -------------------------------------------------------------------------------- /aten/src/THCUNN/im2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/im2col.h -------------------------------------------------------------------------------- /aten/src/THCUNN/row2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/row2col.h -------------------------------------------------------------------------------- /aten/src/THCUNN/vol2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THCUNN/vol2col.h -------------------------------------------------------------------------------- /aten/src/THNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THNN/README.md -------------------------------------------------------------------------------- /aten/src/THNN/THNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THNN/THNN.h -------------------------------------------------------------------------------- /aten/src/THNN/generic/ELU.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THNN/generic/ELU.c -------------------------------------------------------------------------------- /aten/src/THNN/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/src/THNN/init.cpp -------------------------------------------------------------------------------- /aten/tools/run_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/tools/run_tests.sh -------------------------------------------------------------------------------- /aten/tools/test_install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/tools/test_install.sh -------------------------------------------------------------------------------- /aten/tools/valgrind.sup: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/aten/tools/valgrind.sup -------------------------------------------------------------------------------- /binaries/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/CMakeLists.txt -------------------------------------------------------------------------------- /binaries/benchmark_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/benchmark_helper.h -------------------------------------------------------------------------------- /binaries/convert_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/convert_db.cc -------------------------------------------------------------------------------- /binaries/db_throughput.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/db_throughput.cc -------------------------------------------------------------------------------- /binaries/inspect_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/inspect_gpu.cc -------------------------------------------------------------------------------- /binaries/make_cifar_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/make_cifar_db.cc -------------------------------------------------------------------------------- /binaries/make_image_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/make_image_db.cc -------------------------------------------------------------------------------- /binaries/make_mnist_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/make_mnist_db.cc -------------------------------------------------------------------------------- /binaries/run_plan.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/run_plan.cc -------------------------------------------------------------------------------- /binaries/run_plan_mpi.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/run_plan_mpi.cc -------------------------------------------------------------------------------- /binaries/speed_benchmark.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/speed_benchmark.cc -------------------------------------------------------------------------------- /binaries/split_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/split_db.cc -------------------------------------------------------------------------------- /binaries/tsv_2_proto.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/tsv_2_proto.cc -------------------------------------------------------------------------------- /binaries/tutorial_blob.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/tutorial_blob.cc -------------------------------------------------------------------------------- /binaries/zmq_feeder.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/binaries/zmq_feeder.cc -------------------------------------------------------------------------------- /c10/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/CMakeLists.txt -------------------------------------------------------------------------------- /c10/Device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/Device.cpp -------------------------------------------------------------------------------- /c10/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/Device.h -------------------------------------------------------------------------------- /c10/DeviceType.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/DeviceType.cpp -------------------------------------------------------------------------------- /c10/DeviceType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/DeviceType.h -------------------------------------------------------------------------------- /c10/Half-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/Half-inl.h -------------------------------------------------------------------------------- /c10/Half.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/Half.cpp -------------------------------------------------------------------------------- /c10/Half.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/Half.h -------------------------------------------------------------------------------- /c10/Stream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/Stream.cpp -------------------------------------------------------------------------------- /c10/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/Stream.h -------------------------------------------------------------------------------- /c10/cuda/math_compat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/cuda/math_compat.h -------------------------------------------------------------------------------- /c10/macros/Export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/macros/Export.h -------------------------------------------------------------------------------- /c10/macros/Macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/macros/Macros.h -------------------------------------------------------------------------------- /c10/test/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/test/CMakeLists.txt -------------------------------------------------------------------------------- /c10/test/flags_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/test/flags_test.cpp -------------------------------------------------------------------------------- /c10/test/logging_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/test/logging_test.cpp -------------------------------------------------------------------------------- /c10/test/registry_test.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/test/registry_test.cpp -------------------------------------------------------------------------------- /c10/util/Array.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/Array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Array.h -------------------------------------------------------------------------------- /c10/util/Backtrace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Backtrace.cpp -------------------------------------------------------------------------------- /c10/util/Backtrace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Backtrace.h -------------------------------------------------------------------------------- /c10/util/C++17.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/C++17.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/C++17.h -------------------------------------------------------------------------------- /c10/util/Exception.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Exception.cpp -------------------------------------------------------------------------------- /c10/util/Exception.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Exception.h -------------------------------------------------------------------------------- /c10/util/Flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Flags.h -------------------------------------------------------------------------------- /c10/util/LeftRight.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/LeftRight.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/LeftRight.h -------------------------------------------------------------------------------- /c10/util/Logging.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Logging.cpp -------------------------------------------------------------------------------- /c10/util/Logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Logging.h -------------------------------------------------------------------------------- /c10/util/Metaprogramming.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/Metaprogramming.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Metaprogramming.h -------------------------------------------------------------------------------- /c10/util/Optional.cpp: -------------------------------------------------------------------------------- 1 | #include "c10/util/Optional.h" 2 | -------------------------------------------------------------------------------- /c10/util/Optional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Optional.h -------------------------------------------------------------------------------- /c10/util/Registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Registry.h -------------------------------------------------------------------------------- /c10/util/StringUtil.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/StringUtil.cpp -------------------------------------------------------------------------------- /c10/util/StringUtil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/StringUtil.h -------------------------------------------------------------------------------- /c10/util/Type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Type.cpp -------------------------------------------------------------------------------- /c10/util/Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/Type.h -------------------------------------------------------------------------------- /c10/util/TypeList.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/TypeList.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/TypeList.h -------------------------------------------------------------------------------- /c10/util/TypeTraits.cpp: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /c10/util/TypeTraits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/TypeTraits.h -------------------------------------------------------------------------------- /c10/util/flat_hash_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/c10/util/flat_hash_map.h -------------------------------------------------------------------------------- /caffe2/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/.clang-format -------------------------------------------------------------------------------- /caffe2/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/README.md -------------------------------------------------------------------------------- /caffe2/VERSION_NUMBER: -------------------------------------------------------------------------------- 1 | 0.8.2 2 | -------------------------------------------------------------------------------- /caffe2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/cuda-convnet2/cudaconvnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/gloo/context.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /caffe2/contrib/playground/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/playground/resnetdemo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/contrib/tensorboard/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/core/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/core/allocator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/allocator.cc -------------------------------------------------------------------------------- /caffe2/core/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/allocator.h -------------------------------------------------------------------------------- /caffe2/core/asan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/asan.h -------------------------------------------------------------------------------- /caffe2/core/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/blob.h -------------------------------------------------------------------------------- /caffe2/core/blob_stats.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/blob_stats.cc -------------------------------------------------------------------------------- /caffe2/core/blob_stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/blob_stats.h -------------------------------------------------------------------------------- /caffe2/core/blob_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/blob_test.cc -------------------------------------------------------------------------------- /caffe2/core/common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common.cc -------------------------------------------------------------------------------- /caffe2/core/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common.h -------------------------------------------------------------------------------- /caffe2/core/common_cudnn.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common_cudnn.cc -------------------------------------------------------------------------------- /caffe2/core/common_cudnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common_cudnn.h -------------------------------------------------------------------------------- /caffe2/core/common_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common_gpu.cc -------------------------------------------------------------------------------- /caffe2/core/common_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common_gpu.h -------------------------------------------------------------------------------- /caffe2/core/common_omp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common_omp.h -------------------------------------------------------------------------------- /caffe2/core/common_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/common_test.cc -------------------------------------------------------------------------------- /caffe2/core/context.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/context.cc -------------------------------------------------------------------------------- /caffe2/core/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/context.h -------------------------------------------------------------------------------- /caffe2/core/context_base.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/context_base.cc -------------------------------------------------------------------------------- /caffe2/core/context_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/context_base.h -------------------------------------------------------------------------------- /caffe2/core/context_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/context_gpu.cu -------------------------------------------------------------------------------- /caffe2/core/context_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/context_gpu.h -------------------------------------------------------------------------------- /caffe2/core/context_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/context_test.cc -------------------------------------------------------------------------------- /caffe2/core/db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/db.cc -------------------------------------------------------------------------------- /caffe2/core/db.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/db.h -------------------------------------------------------------------------------- /caffe2/core/dispatch/DeviceId.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/dispatch/DeviceId.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/dispatch/KernelRegistration.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/dispatch/KernelRegistration.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/dispatch/LayoutId.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/dispatch/LayoutId.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/dispatch/OpSchema.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/dispatch/OpSchema.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/event.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/event.cc -------------------------------------------------------------------------------- /caffe2/core/event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/event.h -------------------------------------------------------------------------------- /caffe2/core/event_cpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/event_cpu.h -------------------------------------------------------------------------------- /caffe2/core/event_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/event_gpu.cc -------------------------------------------------------------------------------- /caffe2/core/event_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/event_test.cc -------------------------------------------------------------------------------- /caffe2/core/flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/flags.h -------------------------------------------------------------------------------- /caffe2/core/graph.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/graph.cc -------------------------------------------------------------------------------- /caffe2/core/graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/graph.h -------------------------------------------------------------------------------- /caffe2/core/graph_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/graph_test.cc -------------------------------------------------------------------------------- /caffe2/core/init.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/init.cc -------------------------------------------------------------------------------- /caffe2/core/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/init.h -------------------------------------------------------------------------------- /caffe2/core/init_omp.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/init_omp.cc -------------------------------------------------------------------------------- /caffe2/core/init_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/init_test.cc -------------------------------------------------------------------------------- /caffe2/core/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/logging.h -------------------------------------------------------------------------------- /caffe2/core/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/macros.h -------------------------------------------------------------------------------- /caffe2/core/macros.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/macros.h.in -------------------------------------------------------------------------------- /caffe2/core/memonger.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/memonger.cc -------------------------------------------------------------------------------- /caffe2/core/memonger.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/memonger.h -------------------------------------------------------------------------------- /caffe2/core/module.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/module.cc -------------------------------------------------------------------------------- /caffe2/core/module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/module.h -------------------------------------------------------------------------------- /caffe2/core/module_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/module_test.cc -------------------------------------------------------------------------------- /caffe2/core/net.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net.cc -------------------------------------------------------------------------------- /caffe2/core/net.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net.h -------------------------------------------------------------------------------- /caffe2/core/net_dag.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net_dag.cc -------------------------------------------------------------------------------- /caffe2/core/net_dag.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net_dag.h -------------------------------------------------------------------------------- /caffe2/core/net_dag_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net_dag_utils.h -------------------------------------------------------------------------------- /caffe2/core/net_gpu_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net_gpu_test.cc -------------------------------------------------------------------------------- /caffe2/core/net_simple.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net_simple.cc -------------------------------------------------------------------------------- /caffe2/core/net_simple.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net_simple.h -------------------------------------------------------------------------------- /caffe2/core/net_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/net_test.cc -------------------------------------------------------------------------------- /caffe2/core/numa.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/numa.cc -------------------------------------------------------------------------------- /caffe2/core/numa.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/numa.h -------------------------------------------------------------------------------- /caffe2/core/observer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/observer.h -------------------------------------------------------------------------------- /caffe2/core/operator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/operator.cc -------------------------------------------------------------------------------- /caffe2/core/operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/operator.h -------------------------------------------------------------------------------- /caffe2/core/plan_executor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/plan_executor.h -------------------------------------------------------------------------------- /caffe2/core/qtensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/qtensor.cc -------------------------------------------------------------------------------- /caffe2/core/qtensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/qtensor.h -------------------------------------------------------------------------------- /caffe2/core/scope_guard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/scope_guard.h -------------------------------------------------------------------------------- /caffe2/core/stats.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/stats.cc -------------------------------------------------------------------------------- /caffe2/core/stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/stats.h -------------------------------------------------------------------------------- /caffe2/core/stats_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/stats_test.cc -------------------------------------------------------------------------------- /caffe2/core/storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/storage.h -------------------------------------------------------------------------------- /caffe2/core/tensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/tensor.cc -------------------------------------------------------------------------------- /caffe2/core/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/tensor.h -------------------------------------------------------------------------------- /caffe2/core/tensor_impl.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/tensor_impl.cc -------------------------------------------------------------------------------- /caffe2/core/tensor_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/tensor_impl.h -------------------------------------------------------------------------------- /caffe2/core/tensor_int8.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/tensor_int8.cc -------------------------------------------------------------------------------- /caffe2/core/tensor_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/tensor_int8.h -------------------------------------------------------------------------------- /caffe2/core/timer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/timer.h -------------------------------------------------------------------------------- /caffe2/core/timer_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/timer_test.cc -------------------------------------------------------------------------------- /caffe2/core/transform.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/transform.cc -------------------------------------------------------------------------------- /caffe2/core/transform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/transform.h -------------------------------------------------------------------------------- /caffe2/core/typeid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/typeid.h -------------------------------------------------------------------------------- /caffe2/core/typeid_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/typeid_test.cc -------------------------------------------------------------------------------- /caffe2/core/types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/types.cc -------------------------------------------------------------------------------- /caffe2/core/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/types.h -------------------------------------------------------------------------------- /caffe2/core/workspace.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/workspace.cc -------------------------------------------------------------------------------- /caffe2/core/workspace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/core/workspace.h -------------------------------------------------------------------------------- /caffe2/db/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/db/create_db_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/create_db_op.cc -------------------------------------------------------------------------------- /caffe2/db/create_db_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/create_db_op.h -------------------------------------------------------------------------------- /caffe2/db/db_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/db_test.cc -------------------------------------------------------------------------------- /caffe2/db/leveldb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/leveldb.cc -------------------------------------------------------------------------------- /caffe2/db/lmdb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/lmdb.cc -------------------------------------------------------------------------------- /caffe2/db/protodb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/protodb.cc -------------------------------------------------------------------------------- /caffe2/db/zmqdb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/db/zmqdb.cc -------------------------------------------------------------------------------- /caffe2/ideep/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/ideep/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/ideep/ideep_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/ideep/ideep_utils.h -------------------------------------------------------------------------------- /caffe2/image/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/image/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/mpi/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/mpi/mpi_common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/mpi_common.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/mpi_common.h -------------------------------------------------------------------------------- /caffe2/mpi/mpi_gpu_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/mpi_gpu_test.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/mpi_ops.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/mpi_ops.h -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/mpi_ops_gpu.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/mpi/mpi_test.cc -------------------------------------------------------------------------------- /caffe2/observers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/observers/README.md -------------------------------------------------------------------------------- /caffe2/onnx/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/onnx/backend.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/backend.cc -------------------------------------------------------------------------------- /caffe2/onnx/backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/backend.h -------------------------------------------------------------------------------- /caffe2/onnx/backend_rep.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/backend_rep.cc -------------------------------------------------------------------------------- /caffe2/onnx/backend_rep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/backend_rep.h -------------------------------------------------------------------------------- /caffe2/onnx/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/device.cc -------------------------------------------------------------------------------- /caffe2/onnx/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/device.h -------------------------------------------------------------------------------- /caffe2/onnx/helper.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/helper.cc -------------------------------------------------------------------------------- /caffe2/onnx/helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/helper.h -------------------------------------------------------------------------------- /caffe2/onnx/onnx_exporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/onnx_exporter.h -------------------------------------------------------------------------------- /caffe2/onnx/onnxifi_init.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/onnxifi_init.cc -------------------------------------------------------------------------------- /caffe2/onnx/onnxifi_init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/onnxifi_init.h -------------------------------------------------------------------------------- /caffe2/onnx/ssa_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/onnx/ssa_test.cc -------------------------------------------------------------------------------- /caffe2/operators/abs_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/abs_op.cc -------------------------------------------------------------------------------- /caffe2/operators/abs_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/abs_op.cu -------------------------------------------------------------------------------- /caffe2/operators/abs_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/abs_op.h -------------------------------------------------------------------------------- /caffe2/operators/acos_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/acos_op.cc -------------------------------------------------------------------------------- /caffe2/operators/acos_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/acos_op.cu -------------------------------------------------------------------------------- /caffe2/operators/acos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/acos_op.h -------------------------------------------------------------------------------- /caffe2/operators/arg_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/arg_ops.cc -------------------------------------------------------------------------------- /caffe2/operators/arg_ops.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/arg_ops.cu -------------------------------------------------------------------------------- /caffe2/operators/arg_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/arg_ops.h -------------------------------------------------------------------------------- /caffe2/operators/asin_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/asin_op.cc -------------------------------------------------------------------------------- /caffe2/operators/asin_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/asin_op.cu -------------------------------------------------------------------------------- /caffe2/operators/asin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/asin_op.h -------------------------------------------------------------------------------- /caffe2/operators/atan_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/atan_op.cc -------------------------------------------------------------------------------- /caffe2/operators/atan_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/atan_op.cu -------------------------------------------------------------------------------- /caffe2/operators/atan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/atan_op.h -------------------------------------------------------------------------------- /caffe2/operators/cast_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cast_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cast_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cast_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cast_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cast_op.h -------------------------------------------------------------------------------- /caffe2/operators/cbrt_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cbrt_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cbrt_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cbrt_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cbrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cbrt_op.h -------------------------------------------------------------------------------- /caffe2/operators/ceil_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/ceil_op.cc -------------------------------------------------------------------------------- /caffe2/operators/ceil_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/ceil_op.cu -------------------------------------------------------------------------------- /caffe2/operators/ceil_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/ceil_op.h -------------------------------------------------------------------------------- /caffe2/operators/clip_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/clip_op.cc -------------------------------------------------------------------------------- /caffe2/operators/clip_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/clip_op.cu -------------------------------------------------------------------------------- /caffe2/operators/clip_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/clip_op.h -------------------------------------------------------------------------------- /caffe2/operators/conv_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/conv_op.cc -------------------------------------------------------------------------------- /caffe2/operators/conv_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/conv_op.h -------------------------------------------------------------------------------- /caffe2/operators/copy_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/copy_op.cc -------------------------------------------------------------------------------- /caffe2/operators/copy_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/copy_op.cu -------------------------------------------------------------------------------- /caffe2/operators/copy_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/copy_op.h -------------------------------------------------------------------------------- /caffe2/operators/cos_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cos_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cos_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cos_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cos_op.h -------------------------------------------------------------------------------- /caffe2/operators/cosh_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cosh_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cosh_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cosh_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cosh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cosh_op.h -------------------------------------------------------------------------------- /caffe2/operators/cube_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cube_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cube_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cube_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cube_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/cube_op.h -------------------------------------------------------------------------------- /caffe2/operators/do_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/do_op.cc -------------------------------------------------------------------------------- /caffe2/operators/do_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/do_op.h -------------------------------------------------------------------------------- /caffe2/operators/elu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/elu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/elu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/elu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/elu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/elu_op.h -------------------------------------------------------------------------------- /caffe2/operators/exp_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/exp_op.cc -------------------------------------------------------------------------------- /caffe2/operators/exp_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/exp_op.h -------------------------------------------------------------------------------- /caffe2/operators/find_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/find_op.cc -------------------------------------------------------------------------------- /caffe2/operators/find_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/find_op.cu -------------------------------------------------------------------------------- /caffe2/operators/find_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/find_op.h -------------------------------------------------------------------------------- /caffe2/operators/floor_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/floor_op.h -------------------------------------------------------------------------------- /caffe2/operators/free_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/free_op.cc -------------------------------------------------------------------------------- /caffe2/operators/free_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/free_op.h -------------------------------------------------------------------------------- /caffe2/operators/glu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/glu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/glu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/glu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/glu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/glu_op.h -------------------------------------------------------------------------------- /caffe2/operators/if_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/if_op.cc -------------------------------------------------------------------------------- /caffe2/operators/if_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/if_op.h -------------------------------------------------------------------------------- /caffe2/operators/jsd_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/jsd_op.cc -------------------------------------------------------------------------------- /caffe2/operators/jsd_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/jsd_op.h -------------------------------------------------------------------------------- /caffe2/operators/log_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/log_op.cc -------------------------------------------------------------------------------- /caffe2/operators/log_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/log_op.h -------------------------------------------------------------------------------- /caffe2/operators/logit_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/logit_op.h -------------------------------------------------------------------------------- /caffe2/operators/loss_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/loss_op.cc -------------------------------------------------------------------------------- /caffe2/operators/loss_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/loss_op.cu -------------------------------------------------------------------------------- /caffe2/operators/loss_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/loss_op.h -------------------------------------------------------------------------------- /caffe2/operators/map_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/map_ops.cc -------------------------------------------------------------------------------- /caffe2/operators/map_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/map_ops.h -------------------------------------------------------------------------------- /caffe2/operators/mean_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/mean_op.cc -------------------------------------------------------------------------------- /caffe2/operators/mean_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/mean_op.cu -------------------------------------------------------------------------------- /caffe2/operators/mean_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/mean_op.h -------------------------------------------------------------------------------- /caffe2/operators/mod_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/mod_op.cc -------------------------------------------------------------------------------- /caffe2/operators/mod_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/mod_op.h -------------------------------------------------------------------------------- /caffe2/operators/pad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pad_op.cc -------------------------------------------------------------------------------- /caffe2/operators/pad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pad_op.h -------------------------------------------------------------------------------- /caffe2/operators/pool_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pool_op.cc -------------------------------------------------------------------------------- /caffe2/operators/pool_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pool_op.cu -------------------------------------------------------------------------------- /caffe2/operators/pool_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pool_op.h -------------------------------------------------------------------------------- /caffe2/operators/pow_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pow_op.cc -------------------------------------------------------------------------------- /caffe2/operators/pow_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pow_op.cu -------------------------------------------------------------------------------- /caffe2/operators/pow_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/pow_op.h -------------------------------------------------------------------------------- /caffe2/operators/prelu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/prelu_op.h -------------------------------------------------------------------------------- /caffe2/operators/relu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/relu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/relu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/relu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/relu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/relu_op.h -------------------------------------------------------------------------------- /caffe2/operators/rsqrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/rsqrt_op.h -------------------------------------------------------------------------------- /caffe2/operators/scale_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/scale_op.h -------------------------------------------------------------------------------- /caffe2/operators/selu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/selu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/selu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/selu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/selu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/selu_op.h -------------------------------------------------------------------------------- /caffe2/operators/shape_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/shape_op.h -------------------------------------------------------------------------------- /caffe2/operators/sin_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sin_op.cc -------------------------------------------------------------------------------- /caffe2/operators/sin_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sin_op.cu -------------------------------------------------------------------------------- /caffe2/operators/sin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sin_op.h -------------------------------------------------------------------------------- /caffe2/operators/sinh_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sinh_op.cc -------------------------------------------------------------------------------- /caffe2/operators/sinh_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sinh_op.cu -------------------------------------------------------------------------------- /caffe2/operators/sinh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sinh_op.h -------------------------------------------------------------------------------- /caffe2/operators/slice_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/slice_op.h -------------------------------------------------------------------------------- /caffe2/operators/sqr_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sqr_op.cc -------------------------------------------------------------------------------- /caffe2/operators/sqr_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sqr_op.h -------------------------------------------------------------------------------- /caffe2/operators/sqrt_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sqrt_op.cc -------------------------------------------------------------------------------- /caffe2/operators/sqrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/sqrt_op.h -------------------------------------------------------------------------------- /caffe2/operators/swish_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/swish_op.h -------------------------------------------------------------------------------- /caffe2/operators/tan_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tan_op.cc -------------------------------------------------------------------------------- /caffe2/operators/tan_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tan_op.cu -------------------------------------------------------------------------------- /caffe2/operators/tan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tan_op.h -------------------------------------------------------------------------------- /caffe2/operators/tanh_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tanh_op.cc -------------------------------------------------------------------------------- /caffe2/operators/tanh_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tanh_op.cu -------------------------------------------------------------------------------- /caffe2/operators/tanh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tanh_op.h -------------------------------------------------------------------------------- /caffe2/operators/tile_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tile_op.cc -------------------------------------------------------------------------------- /caffe2/operators/tile_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tile_op.cu -------------------------------------------------------------------------------- /caffe2/operators/tile_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/tile_op.h -------------------------------------------------------------------------------- /caffe2/operators/top_k.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/top_k.cc -------------------------------------------------------------------------------- /caffe2/operators/top_k.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/top_k.cu -------------------------------------------------------------------------------- /caffe2/operators/top_k.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/top_k.h -------------------------------------------------------------------------------- /caffe2/operators/while_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/operators/while_op.h -------------------------------------------------------------------------------- /caffe2/opt/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/opt/annotations.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/annotations.cc -------------------------------------------------------------------------------- /caffe2/opt/annotations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/annotations.h -------------------------------------------------------------------------------- /caffe2/opt/converter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/converter.cc -------------------------------------------------------------------------------- /caffe2/opt/converter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/converter.h -------------------------------------------------------------------------------- /caffe2/opt/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/device.cc -------------------------------------------------------------------------------- /caffe2/opt/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/device.h -------------------------------------------------------------------------------- /caffe2/opt/device_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/device_test.cc -------------------------------------------------------------------------------- /caffe2/opt/distributed.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/distributed.cc -------------------------------------------------------------------------------- /caffe2/opt/distributed.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/distributed.h -------------------------------------------------------------------------------- /caffe2/opt/fusion.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/fusion.cc -------------------------------------------------------------------------------- /caffe2/opt/fusion.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/fusion.h -------------------------------------------------------------------------------- /caffe2/opt/mobile.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/mobile.cc -------------------------------------------------------------------------------- /caffe2/opt/mobile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/mobile.h -------------------------------------------------------------------------------- /caffe2/opt/mobile_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/mobile_test.cc -------------------------------------------------------------------------------- /caffe2/opt/onnx_convert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/onnx_convert.h -------------------------------------------------------------------------------- /caffe2/opt/optimize_ideep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/optimize_ideep.h -------------------------------------------------------------------------------- /caffe2/opt/optimizer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/optimizer.cc -------------------------------------------------------------------------------- /caffe2/opt/optimizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/optimizer.h -------------------------------------------------------------------------------- /caffe2/opt/passes.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/passes.cc -------------------------------------------------------------------------------- /caffe2/opt/passes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/passes.h -------------------------------------------------------------------------------- /caffe2/opt/sink.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/sink.cc -------------------------------------------------------------------------------- /caffe2/opt/sink.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/opt/sink.h -------------------------------------------------------------------------------- /caffe2/perfkernels/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/perfkernels/common.h -------------------------------------------------------------------------------- /caffe2/perfkernels/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/perfkernels/math.h -------------------------------------------------------------------------------- /caffe2/proto/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/proto/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/proto/caffe2.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/caffe2.proto -------------------------------------------------------------------------------- /caffe2/proto/caffe2_pb.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/caffe2_pb.h -------------------------------------------------------------------------------- /caffe2/proto/hsm.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/hsm.proto -------------------------------------------------------------------------------- /caffe2/proto/metanet.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/metanet.proto -------------------------------------------------------------------------------- /caffe2/proto/prof_dag.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/prof_dag.proto -------------------------------------------------------------------------------- /caffe2/proto/torch.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/torch.proto -------------------------------------------------------------------------------- /caffe2/proto/torch_pb.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/proto/torch_pb.h -------------------------------------------------------------------------------- /caffe2/python/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/__init__.py -------------------------------------------------------------------------------- /caffe2/python/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/attention.py -------------------------------------------------------------------------------- /caffe2/python/binarysize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/binarysize.py -------------------------------------------------------------------------------- /caffe2/python/brew.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/brew.py -------------------------------------------------------------------------------- /caffe2/python/brew_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/brew_test.py -------------------------------------------------------------------------------- /caffe2/python/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/build.py -------------------------------------------------------------------------------- /caffe2/python/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/checkpoint.py -------------------------------------------------------------------------------- /caffe2/python/cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/cnn.py -------------------------------------------------------------------------------- /caffe2/python/context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/context.py -------------------------------------------------------------------------------- /caffe2/python/control.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/control.py -------------------------------------------------------------------------------- /caffe2/python/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/convert.py -------------------------------------------------------------------------------- /caffe2/python/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/core.py -------------------------------------------------------------------------------- /caffe2/python/core_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/core_test.py -------------------------------------------------------------------------------- /caffe2/python/crf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/crf.py -------------------------------------------------------------------------------- /caffe2/python/dataio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/dataio.py -------------------------------------------------------------------------------- /caffe2/python/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/dataset.py -------------------------------------------------------------------------------- /caffe2/python/db_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/db_test.py -------------------------------------------------------------------------------- /caffe2/python/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/dlpack.h -------------------------------------------------------------------------------- /caffe2/python/dyndep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/dyndep.py -------------------------------------------------------------------------------- /caffe2/python/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/functional.py -------------------------------------------------------------------------------- /caffe2/python/gru_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/gru_cell.py -------------------------------------------------------------------------------- /caffe2/python/helpers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/hsm_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/hsm_util.py -------------------------------------------------------------------------------- /caffe2/python/memonger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/memonger.py -------------------------------------------------------------------------------- /caffe2/python/mint/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/mint/app.py -------------------------------------------------------------------------------- /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/t-vi/pytorch/HEAD/caffe2/python/muji.py -------------------------------------------------------------------------------- /caffe2/python/onnx/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/onnx/bin/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/operator_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/pipeline.py -------------------------------------------------------------------------------- /caffe2/python/predictor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/rnn_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/rnn_cell.py -------------------------------------------------------------------------------- /caffe2/python/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/schema.py -------------------------------------------------------------------------------- /caffe2/python/scope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/scope.py -------------------------------------------------------------------------------- /caffe2/python/serialized_test/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/session.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/session.py -------------------------------------------------------------------------------- /caffe2/python/task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/task.py -------------------------------------------------------------------------------- /caffe2/python/trt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/tt_core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/tt_core.py -------------------------------------------------------------------------------- /caffe2/python/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/python/utils.py -------------------------------------------------------------------------------- /caffe2/queue/queue_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/queue/queue_ops.cc -------------------------------------------------------------------------------- /caffe2/queue/queue_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/queue/queue_ops.h -------------------------------------------------------------------------------- /caffe2/release-notes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/release-notes.md -------------------------------------------------------------------------------- /caffe2/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | enum34 3 | pyyaml 4 | typing 5 | -------------------------------------------------------------------------------- /caffe2/sgd/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/sgd/adadelta_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/adadelta_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/adadelta_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/adadelta_op.h -------------------------------------------------------------------------------- /caffe2/sgd/adagrad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/adagrad_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/adagrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/adagrad_op.h -------------------------------------------------------------------------------- /caffe2/sgd/adam_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/adam_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/adam_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/adam_op.h -------------------------------------------------------------------------------- /caffe2/sgd/adam_op_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/adam_op_gpu.cu -------------------------------------------------------------------------------- /caffe2/sgd/ftrl_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/ftrl_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/ftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/ftrl_op.h -------------------------------------------------------------------------------- /caffe2/sgd/gftrl_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/gftrl_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/gftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/gftrl_op.h -------------------------------------------------------------------------------- /caffe2/sgd/iter_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/iter_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/iter_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/iter_op.h -------------------------------------------------------------------------------- /caffe2/sgd/iter_op_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/iter_op_gpu.cc -------------------------------------------------------------------------------- /caffe2/sgd/lars_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/lars_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/lars_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/lars_op.h -------------------------------------------------------------------------------- /caffe2/sgd/lars_op_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/lars_op_gpu.cu -------------------------------------------------------------------------------- /caffe2/sgd/rmsprop_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/rmsprop_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/rmsprop_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/rmsprop_op.h -------------------------------------------------------------------------------- /caffe2/sgd/wngrad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/wngrad_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/wngrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/wngrad_op.h -------------------------------------------------------------------------------- /caffe2/sgd/yellowfin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/sgd/yellowfin_op.h -------------------------------------------------------------------------------- /caffe2/utils/GpuDefs.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/GpuDefs.cuh -------------------------------------------------------------------------------- /caffe2/utils/cast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/cast.h -------------------------------------------------------------------------------- /caffe2/utils/cast_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/cast_test.cc -------------------------------------------------------------------------------- /caffe2/utils/cblas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/cblas.h -------------------------------------------------------------------------------- /caffe2/utils/cpu_neon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/cpu_neon.h -------------------------------------------------------------------------------- /caffe2/utils/cpuid.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/cpuid.cc -------------------------------------------------------------------------------- /caffe2/utils/cpuid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/cpuid.h -------------------------------------------------------------------------------- /caffe2/utils/dummy.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/utils/filler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/filler.h -------------------------------------------------------------------------------- /caffe2/utils/map_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/map_utils.h -------------------------------------------------------------------------------- /caffe2/utils/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/math.h -------------------------------------------------------------------------------- /caffe2/utils/math_cpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/math_cpu.cc -------------------------------------------------------------------------------- /caffe2/utils/math_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/math_gpu.cu -------------------------------------------------------------------------------- /caffe2/utils/math_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/math_test.cc -------------------------------------------------------------------------------- /caffe2/utils/math_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/math_utils.h -------------------------------------------------------------------------------- /caffe2/utils/proto_wrap.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/proto_wrap.h -------------------------------------------------------------------------------- /caffe2/utils/zmq_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/utils/zmq_helper.h -------------------------------------------------------------------------------- /caffe2/video/video_io.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/video/video_io.cc -------------------------------------------------------------------------------- /caffe2/video/video_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/caffe2/video/video_io.h -------------------------------------------------------------------------------- /cmake/Codegen.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/Codegen.cmake -------------------------------------------------------------------------------- /cmake/Dependencies.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/Dependencies.cmake -------------------------------------------------------------------------------- /cmake/External/nccl.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/External/nccl.cmake -------------------------------------------------------------------------------- /cmake/MiscCheck.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/MiscCheck.cmake -------------------------------------------------------------------------------- /cmake/ProtoBuf.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/ProtoBuf.cmake -------------------------------------------------------------------------------- /cmake/ProtoBufPatch.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/ProtoBufPatch.cmake -------------------------------------------------------------------------------- /cmake/Summary.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/Summary.cmake -------------------------------------------------------------------------------- /cmake/Utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/Utils.cmake -------------------------------------------------------------------------------- /cmake/Whitelist.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/Whitelist.cmake -------------------------------------------------------------------------------- /cmake/public/cuda.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/public/cuda.cmake -------------------------------------------------------------------------------- /cmake/public/gflags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/public/gflags.cmake -------------------------------------------------------------------------------- /cmake/public/glog.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/public/glog.cmake -------------------------------------------------------------------------------- /cmake/public/mkl.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/public/mkl.cmake -------------------------------------------------------------------------------- /cmake/public/mkldnn.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/public/mkldnn.cmake -------------------------------------------------------------------------------- /cmake/public/utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/cmake/public/utils.cmake -------------------------------------------------------------------------------- /conda/caffe2/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/conda/caffe2/meta.yaml -------------------------------------------------------------------------------- /conda/caffe2/normal/.gitignore: -------------------------------------------------------------------------------- 1 | meta.yaml 2 | -------------------------------------------------------------------------------- /conda/integrated/.gitignore: -------------------------------------------------------------------------------- 1 | meta.yaml 2 | -------------------------------------------------------------------------------- /conda/integrated/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/conda/integrated/build.sh -------------------------------------------------------------------------------- /docker/caffe2/jenkins/centos-cuda/.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/t-vi/pytorch/HEAD/docker/caffe2/readme.md -------------------------------------------------------------------------------- /docker/pytorch/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docker/pytorch/Dockerfile -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/caffe2/.Doxyfile-c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/caffe2/.Doxyfile-c -------------------------------------------------------------------------------- /docs/caffe2/DOXYGEN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/caffe2/DOXYGEN.md -------------------------------------------------------------------------------- /docs/caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/caffe2/README.md -------------------------------------------------------------------------------- /docs/caffe2/footer.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/caffe2/footer.html -------------------------------------------------------------------------------- /docs/caffe2/header.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/caffe2/header.html -------------------------------------------------------------------------------- /docs/caffe2/main.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/caffe2/main.css -------------------------------------------------------------------------------- /docs/caffe2/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/caffe2/process.py -------------------------------------------------------------------------------- /docs/cpp/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/cpp/Makefile -------------------------------------------------------------------------------- /docs/cpp/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/cpp/requirements.txt -------------------------------------------------------------------------------- /docs/cpp/source/Doxyfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/cpp/source/Doxyfile -------------------------------------------------------------------------------- /docs/cpp/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/cpp/source/conf.py -------------------------------------------------------------------------------- /docs/cpp/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/cpp/source/index.rst -------------------------------------------------------------------------------- /docs/libtorch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/libtorch.rst -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/requirements.txt -------------------------------------------------------------------------------- /docs/source/autograd.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/autograd.rst -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/cuda.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/cuda.rst -------------------------------------------------------------------------------- /docs/source/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/data.rst -------------------------------------------------------------------------------- /docs/source/dlpack.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/dlpack.rst -------------------------------------------------------------------------------- /docs/source/ffi.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/ffi.rst -------------------------------------------------------------------------------- /docs/source/hub.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/hub.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/jit.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/jit.rst -------------------------------------------------------------------------------- /docs/source/legacy.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/legacy.rst -------------------------------------------------------------------------------- /docs/source/model_zoo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/model_zoo.rst -------------------------------------------------------------------------------- /docs/source/nn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/nn.rst -------------------------------------------------------------------------------- /docs/source/notes/faq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/notes/faq.rst -------------------------------------------------------------------------------- /docs/source/onnx.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/onnx.rst -------------------------------------------------------------------------------- /docs/source/optim.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/optim.rst -------------------------------------------------------------------------------- /docs/source/sparse.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/sparse.rst -------------------------------------------------------------------------------- /docs/source/storage.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/storage.rst -------------------------------------------------------------------------------- /docs/source/tensors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/tensors.rst -------------------------------------------------------------------------------- /docs/source/torch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/torch.rst -------------------------------------------------------------------------------- /docs/source/type_info.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/docs/source/type_info.rst -------------------------------------------------------------------------------- /modules/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/modules/CMakeLists.txt -------------------------------------------------------------------------------- /mypy-README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/mypy-README.md -------------------------------------------------------------------------------- /mypy-files.txt: -------------------------------------------------------------------------------- 1 | aten/src/ATen/function_wrapper.py 2 | -------------------------------------------------------------------------------- /mypy.ini: -------------------------------------------------------------------------------- 1 | [mypy] 2 | python_version = 2.7 3 | -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | future 2 | numpy 3 | pyyaml 4 | setuptools 5 | six 6 | typing 7 | -------------------------------------------------------------------------------- /scripts/apache_header.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/apache_header.txt -------------------------------------------------------------------------------- /scripts/apache_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/apache_python.txt -------------------------------------------------------------------------------- /scripts/build_anaconda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_anaconda.sh -------------------------------------------------------------------------------- /scripts/build_android.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_android.sh -------------------------------------------------------------------------------- /scripts/build_ios.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_ios.sh -------------------------------------------------------------------------------- /scripts/build_local.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_local.sh -------------------------------------------------------------------------------- /scripts/build_raspbian.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_raspbian.sh -------------------------------------------------------------------------------- /scripts/build_tegra_x1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_tegra_x1.sh -------------------------------------------------------------------------------- /scripts/build_tizen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_tizen.sh -------------------------------------------------------------------------------- /scripts/build_windows.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/build_windows.bat -------------------------------------------------------------------------------- /scripts/onnx/install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/onnx/install.sh -------------------------------------------------------------------------------- /scripts/onnx/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/onnx/test.sh -------------------------------------------------------------------------------- /scripts/temp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/scripts/temp.sh -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/setup.py -------------------------------------------------------------------------------- /submodules/nervanagpu-rev.txt: -------------------------------------------------------------------------------- 1 | Subproject commit d4eefd50fbd7d34a17dddbc829888835d67b5f4a 2 | -------------------------------------------------------------------------------- /test/bottleneck/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/bottleneck/test.py -------------------------------------------------------------------------------- /test/common_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/common_cuda.py -------------------------------------------------------------------------------- /test/common_nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/common_nn.py -------------------------------------------------------------------------------- /test/common_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/common_utils.py -------------------------------------------------------------------------------- /test/cpp/api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/README.md -------------------------------------------------------------------------------- /test/cpp/api/any.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/any.cpp -------------------------------------------------------------------------------- /test/cpp/api/jit.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/jit.cpp -------------------------------------------------------------------------------- /test/cpp/api/memory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/memory.cpp -------------------------------------------------------------------------------- /test/cpp/api/misc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/misc.cpp -------------------------------------------------------------------------------- /test/cpp/api/module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/module.cpp -------------------------------------------------------------------------------- /test/cpp/api/modules.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/modules.cpp -------------------------------------------------------------------------------- /test/cpp/api/optim.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/optim.cpp -------------------------------------------------------------------------------- /test/cpp/api/parallel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/parallel.cpp -------------------------------------------------------------------------------- /test/cpp/api/rnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/rnn.cpp -------------------------------------------------------------------------------- /test/cpp/api/static.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/static.cpp -------------------------------------------------------------------------------- /test/cpp/api/support.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/support.h -------------------------------------------------------------------------------- /test/cpp/api/tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/api/tensor.cpp -------------------------------------------------------------------------------- /test/cpp/common/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/common/main.cpp -------------------------------------------------------------------------------- /test/cpp/common/support.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/common/support.h -------------------------------------------------------------------------------- /test/cpp/jit/gtest.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/jit/gtest.cpp -------------------------------------------------------------------------------- /test/cpp/jit/no-gtest.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/jit/no-gtest.cpp -------------------------------------------------------------------------------- /test/cpp/jit/tests.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/cpp/jit/tests.h -------------------------------------------------------------------------------- /test/cpp_extensions/torch_test_cpp_extension/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/custom_operator/op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/custom_operator/op.h -------------------------------------------------------------------------------- /test/data/network1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/data/network1.py -------------------------------------------------------------------------------- /test/data/network2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/data/network2.py -------------------------------------------------------------------------------- /test/expecttest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/expecttest.py -------------------------------------------------------------------------------- /test/ffi/src/cpu/lib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/ffi/src/cpu/lib.h -------------------------------------------------------------------------------- /test/ffi/src/cpu/lib1.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/ffi/src/cpu/lib1.c -------------------------------------------------------------------------------- /test/ffi/src/cpu/lib2.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/ffi/src/cpu/lib2.c -------------------------------------------------------------------------------- /test/ffi/src/lib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/ffi/src/lib.h -------------------------------------------------------------------------------- /test/onnx/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/onnx/test_models.py -------------------------------------------------------------------------------- /test/onnx/test_verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/onnx/test_verify.py -------------------------------------------------------------------------------- /test/onnx/verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/onnx/verify.py -------------------------------------------------------------------------------- /test/optim/compare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/optim/compare.sh -------------------------------------------------------------------------------- /test/optim/test.lua: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/optim/test.lua -------------------------------------------------------------------------------- /test/optim/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/optim/test.py -------------------------------------------------------------------------------- /test/optim/tests.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/optim/tests.json -------------------------------------------------------------------------------- /test/run_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/run_test.py -------------------------------------------------------------------------------- /test/test_autograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_autograd.py -------------------------------------------------------------------------------- /test/test_c10d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_c10d.py -------------------------------------------------------------------------------- /test/test_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_cuda.py -------------------------------------------------------------------------------- /test/test_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_dataloader.py -------------------------------------------------------------------------------- /test/test_distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_distributed.py -------------------------------------------------------------------------------- /test/test_expecttest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_expecttest.py -------------------------------------------------------------------------------- /test/test_indexing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_indexing.py -------------------------------------------------------------------------------- /test/test_jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_jit.py -------------------------------------------------------------------------------- /test/test_module/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/test_nccl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_nccl.py -------------------------------------------------------------------------------- /test/test_nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_nn.py -------------------------------------------------------------------------------- /test/test_optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_optim.py -------------------------------------------------------------------------------- /test/test_sparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_sparse.py -------------------------------------------------------------------------------- /test/test_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_torch.py -------------------------------------------------------------------------------- /test/test_type_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_type_info.py -------------------------------------------------------------------------------- /test/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/test/test_utils.py -------------------------------------------------------------------------------- /third_party/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/third_party/README.md -------------------------------------------------------------------------------- /tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/README.md -------------------------------------------------------------------------------- /tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/amd_build/pyHIPIFY/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/aten_mirror.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/aten_mirror.sh -------------------------------------------------------------------------------- /tools/autograd/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/autograd/README.md -------------------------------------------------------------------------------- /tools/autograd/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/autograd/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/autograd/utils.py -------------------------------------------------------------------------------- /tools/build_libtorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/build_libtorch.py -------------------------------------------------------------------------------- /tools/clang_tidy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/clang_tidy.py -------------------------------------------------------------------------------- /tools/cwrap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/cwrap/__init__.py -------------------------------------------------------------------------------- /tools/cwrap/cwrap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/cwrap/cwrap.py -------------------------------------------------------------------------------- /tools/download_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/download_mnist.py -------------------------------------------------------------------------------- /tools/generated_dirs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/generated_dirs.txt -------------------------------------------------------------------------------- /tools/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/nnwrap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/nnwrap/__init__.py -------------------------------------------------------------------------------- /tools/pytorch.version: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/pytorch.version -------------------------------------------------------------------------------- /tools/setup_helpers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/shared/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tools/shared/__init__.py -------------------------------------------------------------------------------- /torch/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/CMakeLists.txt -------------------------------------------------------------------------------- /torch/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/README.txt -------------------------------------------------------------------------------- /torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/__init__.py -------------------------------------------------------------------------------- /torch/_jit_internal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_jit_internal.py -------------------------------------------------------------------------------- /torch/_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_ops.py -------------------------------------------------------------------------------- /torch/_six.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_six.py -------------------------------------------------------------------------------- /torch/_storage_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_storage_docs.py -------------------------------------------------------------------------------- /torch/_tensor_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_tensor_docs.py -------------------------------------------------------------------------------- /torch/_tensor_str.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_tensor_str.py -------------------------------------------------------------------------------- /torch/_thnn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_thnn/__init__.py -------------------------------------------------------------------------------- /torch/_thnn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_thnn/utils.py -------------------------------------------------------------------------------- /torch/_torch_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_torch_docs.py -------------------------------------------------------------------------------- /torch/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_utils.py -------------------------------------------------------------------------------- /torch/_utils_internal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/_utils_internal.py -------------------------------------------------------------------------------- /torch/abi-check.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/abi-check.cpp -------------------------------------------------------------------------------- /torch/autograd/_functions/__init__.py: -------------------------------------------------------------------------------- 1 | from .tensor import * 2 | -------------------------------------------------------------------------------- /torch/backends/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/contrib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/csrc/DataLoader.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/DataLoader.cpp -------------------------------------------------------------------------------- /torch/csrc/DataLoader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/DataLoader.h -------------------------------------------------------------------------------- /torch/csrc/Device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Device.cpp -------------------------------------------------------------------------------- /torch/csrc/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Device.h -------------------------------------------------------------------------------- /torch/csrc/Dtype.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Dtype.cpp -------------------------------------------------------------------------------- /torch/csrc/Dtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Dtype.h -------------------------------------------------------------------------------- /torch/csrc/DynamicTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/DynamicTypes.h -------------------------------------------------------------------------------- /torch/csrc/Exceptions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Exceptions.cpp -------------------------------------------------------------------------------- /torch/csrc/Exceptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Exceptions.h -------------------------------------------------------------------------------- /torch/csrc/Generator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Generator.cpp -------------------------------------------------------------------------------- /torch/csrc/Generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Generator.h -------------------------------------------------------------------------------- /torch/csrc/Layout.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Layout.cpp -------------------------------------------------------------------------------- /torch/csrc/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Layout.h -------------------------------------------------------------------------------- /torch/csrc/Module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Module.cpp -------------------------------------------------------------------------------- /torch/csrc/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Module.h -------------------------------------------------------------------------------- /torch/csrc/PtrWrapper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/PtrWrapper.cpp -------------------------------------------------------------------------------- /torch/csrc/PtrWrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/PtrWrapper.h -------------------------------------------------------------------------------- /torch/csrc/PythonTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/PythonTypes.h -------------------------------------------------------------------------------- /torch/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/README.md -------------------------------------------------------------------------------- /torch/csrc/Size.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Size.cpp -------------------------------------------------------------------------------- /torch/csrc/Size.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Size.h -------------------------------------------------------------------------------- /torch/csrc/Storage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Storage.cpp -------------------------------------------------------------------------------- /torch/csrc/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Storage.h -------------------------------------------------------------------------------- /torch/csrc/THP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/THP.h -------------------------------------------------------------------------------- /torch/csrc/THP_API.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/THP_API.h -------------------------------------------------------------------------------- /torch/csrc/THP_export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/THP_export.h -------------------------------------------------------------------------------- /torch/csrc/TypeInfo.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/TypeInfo.cpp -------------------------------------------------------------------------------- /torch/csrc/TypeInfo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/TypeInfo.h -------------------------------------------------------------------------------- /torch/csrc/Types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/Types.h -------------------------------------------------------------------------------- /torch/csrc/autograd/type_and_shape.h: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/csrc/byte_order.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/byte_order.cpp -------------------------------------------------------------------------------- /torch/csrc/byte_order.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/byte_order.h -------------------------------------------------------------------------------- /torch/csrc/copy_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/copy_utils.h -------------------------------------------------------------------------------- /torch/csrc/cuda/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/Module.h -------------------------------------------------------------------------------- /torch/csrc/cuda/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/Storage.h -------------------------------------------------------------------------------- /torch/csrc/cuda/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/Stream.h -------------------------------------------------------------------------------- /torch/csrc/cuda/THCP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/THCP.h -------------------------------------------------------------------------------- /torch/csrc/cuda/comm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/comm.cpp -------------------------------------------------------------------------------- /torch/csrc/cuda/comm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/comm.h -------------------------------------------------------------------------------- /torch/csrc/cuda/nccl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/nccl.cpp -------------------------------------------------------------------------------- /torch/csrc/cuda/nccl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/nccl.h -------------------------------------------------------------------------------- /torch/csrc/cuda/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/utils.cpp -------------------------------------------------------------------------------- /torch/csrc/cuda/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/cuda/utils.h -------------------------------------------------------------------------------- /torch/csrc/dl.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/dl.c -------------------------------------------------------------------------------- /torch/csrc/jit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/README.md -------------------------------------------------------------------------------- /torch/csrc/jit/autodiff.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/autodiff.h -------------------------------------------------------------------------------- /torch/csrc/jit/export.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/export.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/export.h -------------------------------------------------------------------------------- /torch/csrc/jit/import.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/import.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/import.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/import.h -------------------------------------------------------------------------------- /torch/csrc/jit/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/init.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/init.h -------------------------------------------------------------------------------- /torch/csrc/jit/interned_strings_class.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /torch/csrc/jit/ir.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/ir.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/ir.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/ir.h -------------------------------------------------------------------------------- /torch/csrc/jit/ivalue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/ivalue.h -------------------------------------------------------------------------------- /torch/csrc/jit/operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/operator.h -------------------------------------------------------------------------------- /torch/csrc/jit/pybind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/pybind.h -------------------------------------------------------------------------------- /torch/csrc/jit/scope.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/scope.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/scope.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/scope.h -------------------------------------------------------------------------------- /torch/csrc/jit/stack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/stack.h -------------------------------------------------------------------------------- /torch/csrc/jit/tracer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/tracer.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/tracer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/tracer.h -------------------------------------------------------------------------------- /torch/csrc/jit/type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/jit/type.h -------------------------------------------------------------------------------- /torch/csrc/nn/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/csrc/nvrtc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/nvrtc.cpp -------------------------------------------------------------------------------- /torch/csrc/onnx/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/onnx/init.cpp -------------------------------------------------------------------------------- /torch/csrc/onnx/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/onnx/init.h -------------------------------------------------------------------------------- /torch/csrc/onnx/onnx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/onnx/onnx.h -------------------------------------------------------------------------------- /torch/csrc/torch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/torch.cpp -------------------------------------------------------------------------------- /torch/csrc/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/utils.cpp -------------------------------------------------------------------------------- /torch/csrc/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/utils.h -------------------------------------------------------------------------------- /torch/csrc/utils/hash.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/utils/hash.h -------------------------------------------------------------------------------- /torch/csrc/utils/memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/utils/memory.h -------------------------------------------------------------------------------- /torch/csrc/utils/pybind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/csrc/utils/pybind.h -------------------------------------------------------------------------------- /torch/cuda/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/__init__.py -------------------------------------------------------------------------------- /torch/cuda/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/_utils.py -------------------------------------------------------------------------------- /torch/cuda/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/comm.py -------------------------------------------------------------------------------- /torch/cuda/error.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/cuda/nccl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/nccl.py -------------------------------------------------------------------------------- /torch/cuda/nvtx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/nvtx.py -------------------------------------------------------------------------------- /torch/cuda/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/profiler.py -------------------------------------------------------------------------------- /torch/cuda/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/random.py -------------------------------------------------------------------------------- /torch/cuda/sparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/sparse.py -------------------------------------------------------------------------------- /torch/cuda/streams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/cuda/streams.py -------------------------------------------------------------------------------- /torch/distributions/kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/distributions/kl.py -------------------------------------------------------------------------------- /torch/extension.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/extension.h -------------------------------------------------------------------------------- /torch/for_onnx/__init__.py: -------------------------------------------------------------------------------- 1 | from .onnx import * 2 | -------------------------------------------------------------------------------- /torch/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/functional.py -------------------------------------------------------------------------------- /torch/hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/hub.py -------------------------------------------------------------------------------- /torch/jit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/jit/__init__.py -------------------------------------------------------------------------------- /torch/jit/annotations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/jit/annotations.py -------------------------------------------------------------------------------- /torch/jit/batchop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/jit/batchop.py -------------------------------------------------------------------------------- /torch/jit/frontend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/jit/frontend.py -------------------------------------------------------------------------------- /torch/legacy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/legacy/README.md -------------------------------------------------------------------------------- /torch/lib/THD/THD.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/THD/THD.h -------------------------------------------------------------------------------- /torch/lib/THD/base/Cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/THD/base/Cuda.h -------------------------------------------------------------------------------- /torch/lib/THD/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/THD/build.sh -------------------------------------------------------------------------------- /torch/lib/c10d/Def.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/c10d/Def.hpp -------------------------------------------------------------------------------- /torch/lib/c10d/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/c10d/README.md -------------------------------------------------------------------------------- /torch/lib/c10d/Store.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/c10d/Store.cpp -------------------------------------------------------------------------------- /torch/lib/c10d/Store.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/c10d/Store.hpp -------------------------------------------------------------------------------- /torch/lib/c10d/Types.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/c10d/Types.hpp -------------------------------------------------------------------------------- /torch/lib/c10d/Utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/c10d/Utils.cpp -------------------------------------------------------------------------------- /torch/lib/c10d/Utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/c10d/Utils.hpp -------------------------------------------------------------------------------- /torch/lib/libshm/core.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/libshm/core.cpp -------------------------------------------------------------------------------- /torch/lib/libshm/err.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/libshm/err.h -------------------------------------------------------------------------------- /torch/lib/libshm/libshm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/libshm/libshm.h -------------------------------------------------------------------------------- /torch/lib/libshm/socket.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/lib/libshm/socket.h -------------------------------------------------------------------------------- /torch/nn/_VF.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/_VF.py -------------------------------------------------------------------------------- /torch/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/__init__.py -------------------------------------------------------------------------------- /torch/nn/_functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/nn/_reduction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/_reduction.py -------------------------------------------------------------------------------- /torch/nn/backends/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/nn/backends/thnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/backends/thnn.py -------------------------------------------------------------------------------- /torch/nn/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/functional.py -------------------------------------------------------------------------------- /torch/nn/grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/grad.py -------------------------------------------------------------------------------- /torch/nn/init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/init.py -------------------------------------------------------------------------------- /torch/nn/modules/conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/modules/conv.py -------------------------------------------------------------------------------- /torch/nn/modules/fold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/modules/fold.py -------------------------------------------------------------------------------- /torch/nn/modules/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/modules/loss.py -------------------------------------------------------------------------------- /torch/nn/modules/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/modules/rnn.py -------------------------------------------------------------------------------- /torch/nn/modules/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/modules/utils.py -------------------------------------------------------------------------------- /torch/nn/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/parameter.py -------------------------------------------------------------------------------- /torch/nn/utils/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/nn/utils/rnn.py -------------------------------------------------------------------------------- /torch/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/onnx/__init__.py -------------------------------------------------------------------------------- /torch/onnx/operators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/onnx/operators.py -------------------------------------------------------------------------------- /torch/onnx/symbolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/onnx/symbolic.py -------------------------------------------------------------------------------- /torch/onnx/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/onnx/utils.py -------------------------------------------------------------------------------- /torch/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/__init__.py -------------------------------------------------------------------------------- /torch/optim/adadelta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/adadelta.py -------------------------------------------------------------------------------- /torch/optim/adagrad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/adagrad.py -------------------------------------------------------------------------------- /torch/optim/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/adam.py -------------------------------------------------------------------------------- /torch/optim/adamax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/adamax.py -------------------------------------------------------------------------------- /torch/optim/asgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/asgd.py -------------------------------------------------------------------------------- /torch/optim/lbfgs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/lbfgs.py -------------------------------------------------------------------------------- /torch/optim/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/optimizer.py -------------------------------------------------------------------------------- /torch/optim/rmsprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/rmsprop.py -------------------------------------------------------------------------------- /torch/optim/rprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/rprop.py -------------------------------------------------------------------------------- /torch/optim/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/optim/sgd.py -------------------------------------------------------------------------------- /torch/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/random.py -------------------------------------------------------------------------------- /torch/script.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/script.h -------------------------------------------------------------------------------- /torch/serialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/serialization.py -------------------------------------------------------------------------------- /torch/sparse/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/sparse/__init__.py -------------------------------------------------------------------------------- /torch/storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/storage.py -------------------------------------------------------------------------------- /torch/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/tensor.py -------------------------------------------------------------------------------- /torch/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/testing/__init__.py -------------------------------------------------------------------------------- /torch/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/utils/__init__.py -------------------------------------------------------------------------------- /torch/utils/bottleneck/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/utils/checkpoint.py -------------------------------------------------------------------------------- /torch/utils/dlpack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/utils/dlpack.py -------------------------------------------------------------------------------- /torch/utils/file_baton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/utils/file_baton.py -------------------------------------------------------------------------------- /torch/utils/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/utils/hooks.py -------------------------------------------------------------------------------- /torch/utils/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/torch/utils/model_zoo.py -------------------------------------------------------------------------------- /tox.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/t-vi/pytorch/HEAD/tox.ini -------------------------------------------------------------------------------- /ubsan.supp: -------------------------------------------------------------------------------- 1 | vptr:libtorch.so 2 | --------------------------------------------------------------------------------