├── .circleci └── config.yml ├── .clang-format ├── .clang-tidy ├── .dockerignore ├── .github ├── CONTRIBUTING.md ├── ISSUE_TEMPLATE.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 ├── README.md.orig ├── aten ├── .flake8 ├── .gitignore ├── CMakeLists.txt ├── README.md ├── conda │ ├── build.sh │ └── meta.yaml ├── doc │ ├── Functions.h │ ├── Tensor.h │ └── Type.h ├── src │ ├── ATen │ │ ├── .gitignore │ │ ├── ATen.h │ │ ├── ATenConfig.cmake.in │ │ ├── ATenGeneral.h │ │ ├── AccumulateType.h │ │ ├── AlignOf.h │ │ ├── Allocator.cpp │ │ ├── Allocator.h │ │ ├── ArrayRef.h │ │ ├── Backtrace.cpp │ │ ├── Backtrace.h │ │ ├── CMakeLists.txt │ │ ├── CPUApplyUtils.h │ │ ├── CPUFixedAllocator.h │ │ ├── CPUGeneral.cpp │ │ ├── CPUGeneral.h │ │ ├── CPUGenerator.cpp │ │ ├── CUDAStream.cpp │ │ ├── CUDAStream.h │ │ ├── CheckGenerator.h │ │ ├── Config.h.in │ │ ├── Context.cpp │ │ ├── Context.h │ │ ├── DLConvertor.cpp │ │ ├── DLConvertor.h │ │ ├── Declarations.cwrap │ │ ├── Deprecated.h │ │ ├── Device.cpp │ │ ├── Device.h │ │ ├── DeviceGuard.h │ │ ├── DimVector.h │ │ ├── Dispatch.h │ │ ├── Error.cpp │ │ ├── Error.h │ │ ├── ExpandUtils.cpp │ │ ├── ExpandUtils.h │ │ ├── Formatting.cpp │ │ ├── Formatting.h │ │ ├── Generator.h │ │ ├── Half-inl.h │ │ ├── Half.cpp │ │ ├── Half.h │ │ ├── Layout.h │ │ ├── MatrixRef.h │ │ ├── OptionsGuard.cpp │ │ ├── OptionsGuard.h │ │ ├── Parallel.h │ │ ├── Registry.h │ │ ├── Retainable.h │ │ ├── Scalar.cpp │ │ ├── Scalar.h │ │ ├── ScalarType.h │ │ ├── ScalarTypeUtils.h │ │ ├── SmallVector.cpp │ │ ├── SmallVector.h │ │ ├── SparseTensorImpl.cpp │ │ ├── SparseTensorImpl.h │ │ ├── SparseTensorRef.h │ │ ├── Storage.h │ │ ├── THLongStorageView.h │ │ ├── Tensor.cpp │ │ ├── TensorAccessor.h │ │ ├── TensorBase.h │ │ ├── TensorGeometry.cpp │ │ ├── TensorGeometry.h │ │ ├── TensorImpl.cpp │ │ ├── TensorImpl.h │ │ ├── TensorOperators.h │ │ ├── TensorOptions.cpp │ │ ├── TensorOptions.h │ │ ├── TensorUtils.cpp │ │ ├── TensorUtils.h │ │ ├── UndefinedTensor.cpp │ │ ├── UndefinedTensor.h │ │ ├── UndefinedType.cpp │ │ ├── UndefinedType.h │ │ ├── Utils.cpp │ │ ├── Utils.h │ │ ├── WrapDimUtils.h │ │ ├── WrapDimUtilsMulti.h │ │ ├── code_template.py │ │ ├── common_with_cwrap.py │ │ ├── copy_wrapper.py │ │ ├── cpu │ │ │ ├── vec256 │ │ │ │ ├── functional.h │ │ │ │ ├── intrinsics.h │ │ │ │ ├── vec256.h │ │ │ │ ├── vec256_base.h │ │ │ │ ├── vec256_double.h │ │ │ │ ├── vec256_float.h │ │ │ │ └── vec256_int.h │ │ │ └── vml.h │ │ ├── cuda │ │ │ ├── ATenCUDAGeneral.h │ │ │ ├── CUDAApplyUtils.cuh │ │ │ ├── CUDAConfig.h.in │ │ │ ├── CUDAGenerator.cpp │ │ │ ├── CUDAHalf.cu │ │ │ ├── CUDAHalf.cuh │ │ │ ├── CUDATensorMethods.cuh │ │ │ ├── PinnedMemoryAllocator.cpp │ │ │ ├── PinnedMemoryAllocator.h │ │ │ └── detail │ │ │ │ ├── CUDAHooks.cpp │ │ │ │ ├── CUDAHooks.h │ │ │ │ ├── IndexUtils.cu │ │ │ │ ├── IndexUtils.cuh │ │ │ │ └── TensorInfo.cuh │ │ ├── cudnn │ │ │ ├── Descriptors.cpp │ │ │ ├── Descriptors.h │ │ │ ├── Exceptions.h │ │ │ ├── Handles.cpp │ │ │ ├── Handles.h │ │ │ ├── README.md │ │ │ ├── Types.cpp │ │ │ ├── Types.h │ │ │ ├── Utils.h │ │ │ └── cudnn-wrapper.h │ │ ├── cwrap_parser.py │ │ ├── detail │ │ │ ├── CUDAHooksInterface.cpp │ │ │ ├── CUDAHooksInterface.h │ │ │ ├── UniqueVoidPtr.cpp │ │ │ ├── UniqueVoidPtr.h │ │ │ ├── VariableHooksInterface.cpp │ │ │ └── VariableHooksInterface.h │ │ ├── dlpack.h │ │ ├── extract_cwrap.py │ │ ├── function_wrapper.py │ │ ├── gen.py │ │ ├── mkl │ │ │ ├── Descriptors.h │ │ │ ├── Exceptions.h │ │ │ ├── Limits.h │ │ │ └── README.md │ │ ├── mkldnn │ │ │ ├── Runtime.cpp │ │ │ └── Runtime.h │ │ ├── native │ │ │ ├── Activation.cpp │ │ │ ├── Convolution.cpp │ │ │ ├── ConvolutionTBC.cpp │ │ │ ├── Distance.cpp │ │ │ ├── Distributions.cpp │ │ │ ├── Distributions.h │ │ │ ├── Embedding.cpp │ │ │ ├── EmbeddingBag.cpp │ │ │ ├── Gesv.cpp │ │ │ ├── Gesv.h │ │ │ ├── Indexing.cpp │ │ │ ├── LegacyBridge.cpp │ │ │ ├── Linear.cpp │ │ │ ├── LinearAlgebra.cpp │ │ │ ├── LinearAlgebraUtils.h │ │ │ ├── Loss.cpp │ │ │ ├── Memory.cpp │ │ │ ├── Normalization.cpp │ │ │ ├── Pooling.cpp │ │ │ ├── README.md │ │ │ ├── ReduceOps.cpp │ │ │ ├── ReduceOpsUtils.h │ │ │ ├── RoiPooling.cpp │ │ │ ├── SoftMax.cpp │ │ │ ├── SpectralOps.cpp │ │ │ ├── SpectralOpsUtils.h │ │ │ ├── SummaryOps.cpp │ │ │ ├── TensorCompare.cpp │ │ │ ├── TensorFactories.cpp │ │ │ ├── TensorProperties.cpp │ │ │ ├── TensorShape.cpp │ │ │ ├── TensorTransformations.cpp │ │ │ ├── TensorTransformations.h │ │ │ ├── TypeProperties.cpp │ │ │ ├── UnaryOps.cpp │ │ │ ├── Unique.cpp │ │ │ ├── Vision.cpp │ │ │ ├── cpu │ │ │ │ ├── CapabilityDispatch.h │ │ │ │ ├── Intrinsics.h │ │ │ │ ├── README │ │ │ │ ├── ReduceOpsKernel.cpp │ │ │ │ ├── ReduceOpsKernel.h │ │ │ │ ├── SoftMaxKernel.cpp │ │ │ │ ├── SoftmaxKernel.h │ │ │ │ ├── UnaryOpsKernel.cpp │ │ │ │ ├── UnaryOpsKernel.h │ │ │ │ └── avx_mathfun.h │ │ │ ├── cuda │ │ │ │ ├── Activation.cu │ │ │ │ ├── CUDAReduceOps.cpp │ │ │ │ ├── CUDAUnaryOps.cpp │ │ │ │ ├── CuFFTPlanCache.h │ │ │ │ ├── CuFFTUtils.h │ │ │ │ ├── Distributions.cu │ │ │ │ ├── Embedding.cu │ │ │ │ ├── EmbeddingBag.cu │ │ │ │ ├── Gesv.cu │ │ │ │ ├── RoiPooling.cu │ │ │ │ ├── SoftMax.cu │ │ │ │ ├── SparseMM.cu │ │ │ │ ├── SpectralOps.cu │ │ │ │ ├── SummaryOps.cu │ │ │ │ ├── TensorCompare.cu │ │ │ │ ├── TensorFactories.cu │ │ │ │ ├── TensorTransformations.cu │ │ │ │ └── Unique.cu │ │ │ ├── cudnn │ │ │ │ ├── AffineGridGenerator.cpp │ │ │ │ ├── BatchNorm.cpp │ │ │ │ ├── Conv.cpp │ │ │ │ ├── GridSampler.cpp │ │ │ │ └── RNN.cpp │ │ │ ├── mkl │ │ │ │ └── SpectralOps.cpp │ │ │ ├── mkldnn │ │ │ │ └── Conv.cpp │ │ │ ├── native_functions.yaml │ │ │ ├── sparse │ │ │ │ ├── SparseTensor.cpp │ │ │ │ ├── SparseTensorMath.cpp │ │ │ │ ├── SparseUtils.h │ │ │ │ └── cuda │ │ │ │ │ ├── SparseCUDAApplyUtils.cuh │ │ │ │ │ ├── SparseCUDABlas.cu │ │ │ │ │ ├── SparseCUDABlas.cuh │ │ │ │ │ ├── SparseCUDATensor.cpp │ │ │ │ │ ├── SparseCUDATensor.cu │ │ │ │ │ └── SparseCUDATensorMath.cu │ │ │ └── utils │ │ │ │ └── ParamsHash.h │ │ ├── native_parse.py │ │ ├── nn.yaml │ │ ├── nn_parse.py │ │ ├── optional.h │ │ ├── preprocess_declarations.py │ │ ├── stub │ │ │ └── CombinedStub.cpp │ │ ├── templates │ │ │ ├── Functions.h │ │ │ ├── GeneratorDerived.h │ │ │ ├── NativeFunctions.h │ │ │ ├── RegisterCUDA.cpp │ │ │ ├── RegisterCUDA.h │ │ │ ├── SparseTypeDerived.cpp │ │ │ ├── StorageDerived.cpp │ │ │ ├── StorageDerived.h │ │ │ ├── Tensor.h │ │ │ ├── TensorDense.cpp │ │ │ ├── TensorDerived.cpp │ │ │ ├── TensorDerived.h │ │ │ ├── TensorMethods.h │ │ │ ├── Type.cpp │ │ │ ├── Type.h │ │ │ ├── TypeDerived.cpp │ │ │ └── TypeDerived.h │ │ └── test │ │ │ ├── CMakeLists.txt │ │ │ ├── apply_test.cpp │ │ │ ├── apply_utils_test.cpp │ │ │ ├── atest.cpp │ │ │ ├── basic.cpp │ │ │ ├── broadcast_test.cpp │ │ │ ├── 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.cpp │ │ ├── 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.cpp │ │ ├── THStorage.h │ │ ├── THStorage.hpp │ │ ├── THTensor.cpp │ │ ├── THTensor.h │ │ ├── THTensor.hpp │ │ ├── THTensorApply.h │ │ ├── THTensorDimApply.h │ │ ├── THTypeConversion.hpp │ │ ├── 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 │ │ │ ├── THTensorConv.cpp │ │ │ ├── THTensorConv.h │ │ │ ├── THTensorCopy.cpp │ │ │ ├── THTensorCopy.h │ │ │ ├── THTensorFastGetSet.hpp │ │ │ ├── THTensorLapack.cpp │ │ │ ├── THTensorLapack.h │ │ │ ├── THTensorMath.cpp │ │ │ ├── THTensorMath.h │ │ │ ├── THTensorRandom.cpp │ │ │ ├── THTensorRandom.h │ │ │ ├── THVector.h │ │ │ ├── THVectorDefault.cpp │ │ │ ├── THVectorDispatch.cpp │ │ │ └── simd │ │ │ │ ├── common_simd.h │ │ │ │ ├── convolve.cpp │ │ │ │ ├── convolve.h │ │ │ │ ├── convolve5x5_avx.cpp │ │ │ │ ├── convolve5x5_sse.cpp │ │ │ │ └── simd.h │ │ └── vector │ │ │ ├── AVX.cpp │ │ │ ├── AVX.h │ │ │ ├── AVX2.cpp │ │ │ ├── AVX2.h │ │ │ ├── NEON.cpp │ │ │ ├── SSE.cpp │ │ │ └── VSX.cpp │ ├── 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 │ │ ├── THCHalf.cu │ │ ├── THCHalf.h │ │ ├── THCIntegerDivider.cuh │ │ ├── THCNumerics.cuh │ │ ├── THCReduce.cuh │ │ ├── THCReduceAll.cuh │ │ ├── THCReduceApplyUtils.cu │ │ ├── THCReduceApplyUtils.cuh │ │ ├── THCScanUtils.cuh │ │ ├── THCSleep.cu │ │ ├── THCSleep.h │ │ ├── THCSortUtils.cu │ │ ├── THCSortUtils.cuh │ │ ├── THCStorage.cpp │ │ ├── THCStorage.cu │ │ ├── THCStorage.h │ │ ├── THCStorage.hpp │ │ ├── THCStorageCopy.cpp │ │ ├── THCStorageCopy.cu │ │ ├── THCStorageCopy.h │ │ ├── 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 │ │ │ ├── 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 │ │ ├── BatchNormalization.cu │ │ ├── CMakeLists.txt │ │ ├── ClassNLLCriterion.cu │ │ ├── Col2Im.cu │ │ ├── DistKLDivCriterion.cu │ │ ├── ELU.cu │ │ ├── FeatureLPPooling.cu │ │ ├── FusedRNNKernel.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 │ │ ├── PReLU.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 │ │ ├── SpatialGridSamplerBilinear.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 │ │ ├── Threshold.cu │ │ ├── VolumetricAdaptiveAveragePooling.cu │ │ ├── VolumetricAdaptiveMaxPooling.cu │ │ ├── VolumetricAveragePooling.cu │ │ ├── VolumetricConvolution.cu │ │ ├── VolumetricDilatedConvolution.cu │ │ ├── VolumetricDilatedMaxPooling.cu │ │ ├── VolumetricFractionalMaxPooling.cu │ │ ├── VolumetricFullConvolution.cu │ │ ├── VolumetricFullDilatedConvolution.cu │ │ ├── VolumetricGridSamplerBilinear.cu │ │ ├── VolumetricMaxPooling.cu │ │ ├── VolumetricMaxUnpooling.cu │ │ ├── VolumetricReplicationPadding.cu │ │ ├── VolumetricUpSamplingNearest.cu │ │ ├── VolumetricUpSamplingTrilinear.cu │ │ ├── common.h │ │ ├── generic │ │ │ ├── Abs.cu │ │ │ ├── AbsCriterion.cu │ │ │ ├── BCECriterion.cu │ │ │ ├── BatchNormalization.cu │ │ │ ├── ClassNLLCriterion.cu │ │ │ ├── Col2Im.cu │ │ │ ├── DistKLDivCriterion.cu │ │ │ ├── ELU.cu │ │ │ ├── FeatureLPPooling.cu │ │ │ ├── FusedRNNKernel.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 │ │ │ ├── PReLU.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 │ │ │ ├── SpatialGridSamplerBilinear.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 │ │ │ ├── Threshold.cu │ │ │ ├── VolumetricAdaptiveAveragePooling.cu │ │ │ ├── VolumetricAdaptiveMaxPooling.cu │ │ │ ├── VolumetricAveragePooling.cu │ │ │ ├── VolumetricConvolution.cu │ │ │ ├── VolumetricDilatedConvolution.cu │ │ │ ├── VolumetricDilatedMaxPooling.cu │ │ │ ├── VolumetricFractionalMaxPooling.cu │ │ │ ├── VolumetricFullConvolution.cu │ │ │ ├── VolumetricFullDilatedConvolution.cu │ │ │ ├── VolumetricGridSamplerBilinear.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 │ │ ├── Reduction.h │ │ ├── THNN.h │ │ ├── doc │ │ ├── api_reference.md │ │ └── style_guidelines.md │ │ ├── generic │ │ ├── Abs.c │ │ ├── AbsCriterion.c │ │ ├── BCECriterion.c │ │ ├── BatchNormalization.c │ │ ├── ClassNLLCriterion.c │ │ ├── Col2Im.c │ │ ├── DistKLDivCriterion.c │ │ ├── ELU.c │ │ ├── FeatureLPPooling.c │ │ ├── FusedRNNKernel.c │ │ ├── GatedLinearUnit.c │ │ ├── HardShrink.c │ │ ├── HardTanh.c │ │ ├── Im2Col.c │ │ ├── IndexLinear.c │ │ ├── L1Cost.c │ │ ├── LeakyReLU.c │ │ ├── Linear.c │ │ ├── LogSigmoid.c │ │ ├── LookupTable.c │ │ ├── MSECriterion.c │ │ ├── MarginCriterion.c │ │ ├── MultiLabelMarginCriterion.c │ │ ├── MultiMarginCriterion.c │ │ ├── PReLU.c │ │ ├── RReLU.c │ │ ├── Sigmoid.c │ │ ├── SmoothL1Criterion.c │ │ ├── SoftMarginCriterion.c │ │ ├── SoftPlus.c │ │ ├── SoftShrink.c │ │ ├── SparseLinear.c │ │ ├── SpatialAdaptiveAveragePooling.c │ │ ├── SpatialAdaptiveMaxPooling.c │ │ ├── SpatialAveragePooling.c │ │ ├── SpatialClassNLLCriterion.c │ │ ├── SpatialConvolutionLocal.c │ │ ├── SpatialConvolutionMM.c │ │ ├── SpatialConvolutionMap.c │ │ ├── SpatialDilatedConvolution.c │ │ ├── SpatialDilatedMaxPooling.c │ │ ├── SpatialFractionalMaxPooling.c │ │ ├── SpatialFullConvolution.c │ │ ├── SpatialFullConvolutionMap.c │ │ ├── SpatialFullDilatedConvolution.c │ │ ├── SpatialGridSamplerBilinear.c │ │ ├── SpatialMaxPooling.c │ │ ├── SpatialMaxUnpooling.c │ │ ├── SpatialReflectionPadding.c │ │ ├── SpatialReplicationPadding.c │ │ ├── SpatialSubSampling.c │ │ ├── SpatialUpSamplingBilinear.c │ │ ├── SpatialUpSamplingNearest.c │ │ ├── Sqrt.c │ │ ├── Square.c │ │ ├── THNN.h │ │ ├── Tanh.c │ │ ├── TemporalConvolution.c │ │ ├── TemporalMaxPooling.c │ │ ├── TemporalReflectionPadding.c │ │ ├── TemporalReplicationPadding.c │ │ ├── TemporalRowConvolution.c │ │ ├── TemporalSubSampling.c │ │ ├── TemporalUpSamplingLinear.c │ │ ├── TemporalUpSamplingNearest.c │ │ ├── Threshold.c │ │ ├── VolumetricAdaptiveAveragePooling.c │ │ ├── VolumetricAdaptiveMaxPooling.c │ │ ├── VolumetricAveragePooling.c │ │ ├── VolumetricConvolution.c │ │ ├── VolumetricConvolutionMM.c │ │ ├── VolumetricDilatedConvolution.c │ │ ├── VolumetricDilatedMaxPooling.c │ │ ├── VolumetricFractionalMaxPooling.c │ │ ├── VolumetricFullConvolution.c │ │ ├── VolumetricFullDilatedConvolution.c │ │ ├── VolumetricGridSamplerBilinear.c │ │ ├── VolumetricMaxPooling.c │ │ ├── VolumetricMaxUnpooling.c │ │ ├── VolumetricReplicationPadding.c │ │ ├── VolumetricUpSamplingNearest.c │ │ ├── VolumetricUpSamplingTrilinear.c │ │ ├── linear_upsampling.h │ │ └── unfold.c │ │ └── init.cpp └── tools │ ├── run_tests.sh │ ├── test_install.sh │ ├── update_doc.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 ├── core_overhead_benchmark.cc ├── db_throughput.cc ├── inspect_gpus.cc ├── make_cifar_db.cc ├── make_image_db.cc ├── make_mnist_db.cc ├── predictor_verifier.cc ├── print_core_object_sizes.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 ├── caffe ├── __init__.py └── proto │ ├── CMakeLists.txt │ ├── __init__.py │ └── caffe.proto ├── 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 │ ├── nervana │ │ ├── CMakeLists.txt │ │ ├── nervana.h │ │ ├── nervana_c_api.cu │ │ ├── nervana_c_api.h │ │ ├── nervana_fc_op_gpu.cc │ │ ├── nervana_fc_op_gpu_test.cc │ │ ├── nervana_init_gpu.cc │ │ └── nervana_math_gpu.cc │ ├── 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.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_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 │ │ ├── LeftRight.cpp │ │ ├── LeftRight.h │ │ ├── OpSchema.cpp │ │ ├── OpSchema.h │ │ ├── OpSchemaRegistration.cpp │ │ ├── OpSchemaRegistration.h │ │ ├── OpSchema_test.cpp │ │ ├── TensorTypeId.cpp │ │ ├── TensorTypeId.h │ │ ├── TensorTypeIdRegistration.cpp │ │ └── TensorTypeIdRegistration.h │ ├── event.cc │ ├── event.h │ ├── event_cpu.h │ ├── event_gpu.cc │ ├── event_gpu_test.cc │ ├── event_test.cc │ ├── flags.cc │ ├── flags.h │ ├── graph.cc │ ├── graph.h │ ├── graph_test.cc │ ├── hip │ │ ├── blob_hip_test.cc │ │ ├── blob_serialization_hip.cc │ │ ├── common_hip.cc │ │ ├── common_hip.h │ │ ├── common_miopen.cc │ │ ├── common_miopen.h │ │ ├── context_hip.cc │ │ ├── context_hip.h │ │ ├── context_hip_test.cc │ │ ├── event_hip.cc │ │ ├── event_hip_test.cc │ │ ├── miopen_wrapper.h │ │ ├── net_async_dag_hip.cc │ │ ├── net_async_hip_thread_pool_hip.cc │ │ └── operator_hip_test.cc │ ├── init.cc │ ├── init.h │ ├── init_intrinsics_check.cc │ ├── init_omp.cc │ ├── init_test.cc │ ├── int8_serialization.cc │ ├── logging.cc │ ├── logging.h │ ├── logging_is_google_glog.h │ ├── logging_is_not_google_glog.h │ ├── logging_test.cc │ ├── 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_gpu_thread_pool.h │ ├── net_async_gpu_thread_pool_gpu.cc │ ├── 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_gpu_test.cc │ ├── net_simple.cc │ ├── net_simple.h │ ├── net_simple_async.cc │ ├── net_simple_async.h │ ├── 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 │ │ │ │ ├── Representations │ │ │ │ ├── Compiler.h │ │ │ │ ├── ControlFlow.h │ │ │ │ └── NeuralNet.h │ │ │ │ ├── Support │ │ │ │ ├── Casting.h │ │ │ │ ├── Common.h │ │ │ │ └── Pointer.h │ │ │ │ └── Transformations │ │ │ │ └── Match.h │ │ ├── op_gen.py │ │ ├── ops.def │ │ └── tests │ │ │ ├── basic_test.cc │ │ │ ├── binary_match_test.cc │ │ │ ├── dominator_tree_test.cc │ │ │ ├── match_test.cc │ │ │ ├── tarjans_test.cc │ │ │ ├── test_util.cc │ │ │ └── test_util.h │ ├── numa.cc │ ├── numa.h │ ├── observer.h │ ├── observer_test.cc │ ├── operator.cc │ ├── operator.h │ ├── operator_gpu_test.cc │ ├── operator_gradient.h │ ├── operator_schema.cc │ ├── operator_schema.h │ ├── operator_schema_test.cc │ ├── operator_test.cc │ ├── parallel_net_test.cc │ ├── plan_executor.cc │ ├── plan_executor.h │ ├── predictor.cc │ ├── predictor.h │ ├── predictor_test.cc │ ├── predictor_utils.cc │ ├── predictor_utils.h │ ├── qtensor.cc │ ├── qtensor.h │ ├── qtensor_serialization.cc │ ├── qtensor_serialization.h │ ├── registry.h │ ├── registry_test.cc │ ├── scope_guard.h │ ├── static_tracepoint.h │ ├── static_tracepoint_elfx86.h │ ├── stats.cc │ ├── stats.h │ ├── stats_test.cc │ ├── tensor.cc │ ├── tensor.h │ ├── tensor_int8.cc │ ├── tensor_int8.h │ ├── timer.h │ ├── timer_test.cc │ ├── transform.cc │ ├── transform.h │ ├── transform_test.cc │ ├── typeid.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 │ │ ├── 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 ├── mkl │ ├── CMakeLists.txt │ ├── mkl_operator.cc │ ├── mkl_utils.h │ ├── mkl_utils_test.cc │ ├── mklmemory_serialization.cc │ ├── mklmemory_serialization_test.cc │ ├── operators │ │ ├── concat_op.cc │ │ ├── conv_op.cc │ │ ├── conv_op_mkldnn.cc │ │ ├── elementwise_sum_op.cc │ │ ├── fully_connected_op.cc │ │ ├── local_response_normalization_op.cc │ │ ├── operator_fallback_mkl.cc │ │ ├── operator_fallback_mkl.h │ │ ├── packed_fc_op.cc │ │ ├── pool_op.cc │ │ ├── relu_op.cc │ │ ├── spatial_batch_norm_op.cc │ │ ├── squeeze_op.cc │ │ └── utility_ops.cc │ └── utils │ │ ├── mkl_context.cc │ │ ├── mkl_context.h │ │ ├── mkl_dnn_cppwrapper.h │ │ ├── mkl_memory.cc │ │ ├── mkl_memory.h │ │ ├── mkl_operator.h │ │ ├── mkl_version_check.h │ │ └── sgemm_pack.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 ├── 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 │ ├── affine_channel_op_cudnn.cc │ ├── 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_sparse_to_dense_op.cc │ ├── batch_sparse_to_dense_op.h │ ├── bbox_transform_op.cc │ ├── bbox_transform_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 │ ├── 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.h │ ├── channel_shuffle_op_gpu.cu │ ├── 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 │ ├── 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 │ ├── cross_entropy_op.cc │ ├── cross_entropy_op.cu │ ├── cross_entropy_op.h │ ├── ctc_greedy_decoder_op.cc │ ├── ctc_greedy_decoder_op.h │ ├── cube_op.cc │ ├── cube_op.cu │ ├── cube_op.h │ ├── 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 │ ├── extend_tensor_op.cc │ ├── fc_inference.cc │ ├── fc_inference.h │ ├── feature_maps_ops.cc │ ├── feature_maps_ops.h │ ├── feed_blob_op.cc │ ├── feed_blob_op.h │ ├── filler_op.cc │ ├── filler_op.cu │ ├── filler_op.h │ ├── find_duplicate_elements_op.cc │ ├── find_duplicate_elements_op.h │ ├── find_op.cc │ ├── find_op.cu │ ├── find_op.h │ ├── flatten_op.cc │ ├── flatten_op.h │ ├── flexible_top_k.cc │ ├── flexible_top_k.h │ ├── floor_op.cc │ ├── floor_op.cu │ ├── floor_op.h │ ├── free_op.cc │ ├── free_op.h │ ├── free_op_gpu.cc │ ├── fully_connected_op.cc │ ├── fully_connected_op.h │ ├── fully_connected_op_gpu.cc │ ├── fused_rowwise_8bit_conversion_ops.cc │ ├── fused_rowwise_8bit_conversion_ops.h │ ├── gather_fused_8bit_rowwise_op.cc │ ├── gather_fused_8bit_rowwise_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_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 │ ├── heatmap_max_keypoint_op.cc │ ├── heatmap_max_keypoint_op.h │ ├── hip │ │ ├── conv_op_miopen.cc │ │ ├── local_response_normalization_op_miopen.cc │ │ ├── operator_fallback_hip.h │ │ ├── operator_fallback_hip_test.cc │ │ ├── pool_op_miopen.cc │ │ ├── relu_op_miopen.cc │ │ ├── softmax_op_miopen.cc │ │ └── spatial_batch_norm_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 │ ├── 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 │ ├── 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.h │ ├── lengths_tile_op_gpu.cc │ ├── 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.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.cu │ ├── order_switch_ops.h │ ├── 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 │ ├── rank_loss_op.cc │ ├── rank_loss_op.h │ ├── reduce_ops.cc │ ├── reduce_ops.cu │ ├── reduce_ops.h │ ├── reducer_functors.h │ ├── reduction_front_back_ops.cc │ ├── reduction_front_back_ops.cu │ ├── reduction_front_back_ops.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 │ │ ├── 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.h │ ├── spatial_batch_norm_op_cudnn.cc │ ├── 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 │ ├── 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.h │ ├── utility_ops.cc │ ├── utility_ops.cu │ ├── utility_ops.h │ ├── utility_ops_gpu_test.cc │ ├── utility_ops_test.cc │ ├── variable_length_sequence_padding.cc │ ├── variable_length_sequence_padding.h │ ├── weighted_multi_sampling_op.cc │ ├── weighted_multi_sampling_op.h │ ├── weighted_sample_op.cc │ ├── weighted_sample_op.cu │ ├── weighted_sample_op.h │ ├── while_op.cc │ ├── while_op.h │ ├── while_op_gpu.cc │ ├── workspace_ops.cc │ ├── zero_gradient_op.cc │ ├── zero_gradient_op.h │ └── zero_gradient_op_gpu.cc ├── opt │ ├── CMakeLists.txt │ ├── backend_cutting.cc │ ├── backend_cutting.h │ ├── backend_cutting_test.cc │ ├── converter.cc │ ├── converter.h │ ├── converter_nomigraph_test.cc │ ├── device.cc │ ├── device.h │ ├── device_test.cc │ ├── fusion.cc │ ├── fusion.h │ ├── mobile.cc │ ├── mobile.h │ ├── mobile_test.cc │ ├── onnx_convert.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 │ ├── typed_axpy.cc │ ├── typed_axpy.h │ ├── typed_axpy_avx.cc │ └── typed_axpy_avx2.cc ├── proto │ ├── CMakeLists.txt │ ├── __init__.py │ ├── caffe2.proto │ ├── caffe2_legacy.proto │ ├── hsm.proto │ ├── metanet.proto │ ├── predictor_consts.proto │ └── prof_dag.proto ├── 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 │ ├── context.py │ ├── context_test.py │ ├── control.py │ ├── control_ops_grad.py │ ├── control_ops_util.py │ ├── control_test.py │ ├── convnet_benchmarks.py │ ├── convnet_benchmarks_test.py │ ├── core.py │ ├── core_gradients_test.py │ ├── core_test.py │ ├── crf.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 │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ ├── 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 │ ├── 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 │ │ ├── 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 │ │ ├── activation_ops_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_sparse_to_dense_op_test.py │ │ ├── bbox_transform_test.py │ │ ├── blobs_queue_db_test.py │ │ ├── boolean_mask_test.py │ │ ├── boolean_unmask_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 │ │ ├── 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_greedy_decoder_op_test.py │ │ ├── cudnn_recurrent_test.py │ │ ├── dataset_ops_test.py │ │ ├── deform_conv_test.py │ │ ├── depthwise_3x3_conv_test.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 │ │ ├── extend_tensor_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_fill_op_test.py │ │ ├── glu_op_test.py │ │ ├── group_conv_test.py │ │ ├── group_norm_op_test.py │ │ ├── gru_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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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 │ │ ├── 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_mkl.cc │ ├── 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 │ ├── 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 │ ├── visualize.py │ ├── workspace.py │ └── workspace_test.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 ├── sgd │ ├── CMakeLists.txt │ ├── 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 │ ├── Array.cpp │ ├── Array.h │ ├── Array_test.cpp │ ├── C++17.cpp │ ├── C++17.h │ ├── CMakeLists.txt │ ├── GpuBitonicSort.cuh │ ├── GpuDefs.cuh │ ├── GpuScanUtils.cuh │ ├── IdWrapper.cpp │ ├── IdWrapper.h │ ├── Metaprogramming.cpp │ ├── Metaprogramming.h │ ├── Metaprogramming_test.cpp │ ├── Optional.cpp │ ├── Optional.h │ ├── TypeList.cpp │ ├── TypeList.h │ ├── TypeList_test.cpp │ ├── TypeTraits.cpp │ ├── TypeTraits.h │ ├── TypeTraits_test.cpp │ ├── 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 │ ├── flat_hash_map │ │ └── flat_hash_map.h │ ├── hip │ │ ├── math_blas_hip_test.cc │ │ ├── math_hip.cc │ │ ├── math_hip_test.cc │ │ └── mixed_utils_hip.h │ ├── 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 │ ├── mixed_utils.h │ ├── murmur_hash3.cc │ ├── murmur_hash3.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 │ ├── FindAtlas.cmake │ ├── FindBLAS.cmake │ ├── FindBenchmark.cmake │ ├── FindCUB.cmake │ ├── FindFFmpeg.cmake │ ├── FindGloo.cmake │ ├── FindHiredis.cmake │ ├── FindLAPACK.cmake │ ├── FindLMDB.cmake │ ├── FindLevelDB.cmake │ ├── FindMAGMA.cmake │ ├── FindMKL.cmake │ ├── FindMKLDNN.cmake │ ├── FindMatlabMex.cmake │ ├── FindNCCL.cmake │ ├── FindNumPy.cmake │ ├── FindNuma.cmake │ ├── FindOpenBLAS.cmake │ ├── FindRocksDB.cmake │ ├── FindSSE.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 ├── Utils.cmake ├── Whitelist.cmake ├── cmake_uninstall.cmake.in └── public │ ├── LoadHIP.cmake │ ├── cuda.cmake │ ├── gflags.cmake │ ├── glog.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 ├── 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 │ ├── data.rst │ ├── distributed.rst │ ├── distributions.rst │ ├── dlpack.rst │ ├── ffi.rst │ ├── index.rst │ ├── legacy.rst │ ├── model_zoo.rst │ ├── multiprocessing.rst │ ├── nn.rst │ ├── notes │ ├── autograd.rst │ ├── broadcasting.rst │ ├── cuda.rst │ ├── extending.rst │ ├── faq.rst │ ├── multiprocessing.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 ├── 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 ├── module_test │ ├── CMakeLists.txt │ └── module_test_dynamic.cc ├── observers │ ├── CMakeLists.txt │ ├── 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 ├── setup_caffe2.py ├── test ├── bottleneck │ ├── test.py │ ├── test_args.py │ └── test_cuda.py ├── common.py ├── common_cuda.py ├── common_nn.py ├── cpp │ └── api │ │ ├── README.md │ │ ├── any.cpp │ │ ├── cursor.cpp │ │ ├── integration.cpp │ │ ├── main.cpp │ │ ├── misc.cpp │ │ ├── module.cpp │ │ ├── modules.cpp │ │ ├── optim.cpp │ │ ├── optim_baseline.h │ │ ├── optim_baseline.py │ │ ├── rnn.cpp │ │ ├── sequential.cpp │ │ ├── serialization.cpp │ │ ├── static.cpp │ │ ├── tensor.cpp │ │ ├── tensor_cuda.cpp │ │ ├── tensor_options.cpp │ │ ├── tensor_options_cuda.cpp │ │ └── util.h ├── cpp_extensions │ ├── 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 ├── 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 │ ├── TestCudaSparse.test_add_dense_sparse_mismatch.expect │ ├── TestCudaSparse.test_log1p-backward.expect │ ├── TestCudaSparse.test_log1p-uncoalesced.expect │ ├── TestCudaUncoalescedSparse.test_add_dense_sparse_mismatch.expect │ ├── TestCudaUncoalescedSparse.test_log1p-backward.expect │ ├── TestCudaUncoalescedSparse.test_log1p-uncoalesced.expect │ ├── TestJit.test_alexnet.expect │ ├── TestJit.test_batchnorm.expect │ ├── TestJit.test_concat_fusion.expect │ ├── TestJit.test_conv.expect │ ├── TestJit.test_cpp.expect │ ├── TestJit.test_cse.expect │ ├── TestJit.test_decompose_addmm.expect │ ├── TestJit.test_dropout.expect │ ├── TestJit.test_fuse_last_device.expect │ ├── TestJit.test_fusion_distribute.expect │ ├── TestJit.test_inplace_transplant.expect │ ├── TestJit.test_lstm_fusion_concat.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_python_ir.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_size.expect │ ├── TestJit.test_trace_size_with_grad.expect │ ├── TestPytorchExportModes.test_aten_fallback.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_erase_number_types.expect │ ├── TestScript.test_if_for_in_range.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_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_math_numbers-float.expect │ ├── TestScript.test_math_numbers-int.expect │ ├── TestScript.test_math_schema.expect │ ├── TestScript.test_math_tensor_number.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_shape_reshape.expect │ ├── TestScript.test_onnx_export_speculate-f1.expect │ ├── TestScript.test_onnx_export_speculate-f2.expect │ ├── TestScript.test_print-stdout.expect │ ├── TestScript.test_python_frontend.expect │ ├── TestScript.test_sum-1.expect │ ├── TestScript.test_sum-2.expect │ ├── TestSparse.test_add_dense_sparse_mismatch.expect │ ├── TestSparse.test_log1p-backward.expect │ ├── TestSparse.test_log1p-uncoalesced.expect │ ├── TestSparseOneOff.test_cuda_from_cpu.expect │ ├── TestSparseOneOff.test_cuda_sparse_cpu_dense_add.expect │ ├── TestTorch.test_is_nonzero-empty.expect │ ├── TestTorch.test_is_nonzero-multiple.expect │ ├── TestTorch.test_print-bigint.expect │ ├── TestTorch.test_print-default_device.expect │ ├── TestTorch.test_print-default_dtype.expect │ ├── TestTorch.test_print-device.expect │ ├── TestTorch.test_print-dtype.expect │ ├── TestTorch.test_print-negint.expect │ ├── TestTorch.test_print-nonfinite.expect │ ├── TestTorch.test_print-posint.expect │ ├── TestTorch.test_print-requires_grad.expect │ ├── TestTorch.test_print-scimode.expect │ ├── TestTorch.test_print-summary.expect │ ├── TestUncoalescedSparse.test_add_dense_sparse_mismatch.expect │ ├── TestUncoalescedSparse.test_log1p-backward.expect │ └── TestUncoalescedSparse.test_log1p-uncoalesced.expect ├── ffi │ └── src │ │ ├── cpu │ │ ├── lib.h │ │ ├── lib1.c │ │ └── lib2.c │ │ ├── cuda │ │ ├── cudalib.c │ │ └── cudalib.h │ │ └── lib.h ├── onnx │ ├── debug_embed_params.py │ ├── expect │ │ ├── TestOperators.test_add_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_at_op.expect │ │ ├── TestOperators.test_basic.expect │ │ ├── TestOperators.test_batchnorm.expect │ │ ├── TestOperators.test_batchnorm_1d.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_equal.expect │ │ ├── TestOperators.test_exp.expect │ │ ├── TestOperators.test_flatten.expect │ │ ├── TestOperators.test_ge.expect │ │ ├── TestOperators.test_gt.expect │ │ ├── TestOperators.test_hardtanh.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_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_selu.expect │ │ ├── TestOperators.test_sqrt.expect │ │ ├── TestOperators.test_sum.expect │ │ ├── TestOperators.test_symbolic_override.expect │ │ ├── TestOperators.test_symbolic_override_nested.expect │ │ ├── TestOperators.test_transpose.expect │ │ ├── TestOperators.test_type_as.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 │ ├── 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.py │ ├── test_caffe2_common.py │ ├── test_models.py │ ├── test_onnx_common.py │ ├── test_operators.py │ ├── test_pytorch_common.py │ ├── test_pytorch_helper.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_dataloader.py ├── test_distributed.py ├── test_distributed_trap.py ├── test_distributions.py ├── test_indexing.py ├── test_jit.py ├── test_legacy_nn.py ├── test_multiprocessing.py ├── test_nccl.py ├── test_nn.py ├── test_optim.py ├── test_sparse.py ├── test_torch.py └── test_utils.py ├── third_party ├── README.md └── nccl │ ├── .gitignore │ ├── CMakeLists.txt │ ├── LICENSE.txt │ ├── Makefile │ ├── README.md │ ├── debian │ ├── .gitignore │ ├── changelog.in │ ├── compat │ ├── control.in │ ├── copyright │ ├── libnccl-dev.install │ ├── libnccl-dev.manpages │ ├── libnccl1.install.in │ ├── nccl.7 │ ├── rules │ ├── shlibs.local.in │ └── source │ │ └── format │ ├── fortran │ ├── Makefile │ ├── src │ │ ├── cudafor.f90 │ │ └── ncclfor.f90 │ └── test │ │ ├── allgather_arr_out.f90 │ │ ├── allgather_ptr_out.f90 │ │ ├── allreduce_arr_out.f90 │ │ ├── allreduce_ptr_out.f90 │ │ ├── broadcast_arr.f90 │ │ ├── broadcast_ptr.f90 │ │ ├── reduce_arr_out.f90 │ │ ├── reduce_ptr_out.f90 │ │ ├── reducescatter_arr_out.f90 │ │ └── reducescatter_ptr_out.f90 │ ├── src │ ├── all_gather.cu │ ├── all_reduce.cu │ ├── broadcast.cu │ ├── common_coll.h │ ├── common_kernel.h │ ├── copy_kernel.h │ ├── core.cu │ ├── core.h │ ├── enqueue.h │ ├── libwrap.cu │ ├── libwrap.h │ ├── nccl.h │ ├── primitives.h │ ├── reduce.cu │ ├── reduce_kernel.h │ └── reduce_scatter.cu │ └── test │ ├── include │ └── test_utilities.h │ ├── mpi │ └── mpi_test.cu │ └── single │ ├── all_gather_scan.cu │ ├── all_gather_test.cu │ ├── all_reduce_scan.cu │ ├── all_reduce_test.cu │ ├── broadcast_scan.cu │ ├── broadcast_test.cu │ ├── reduce_scan.cu │ ├── reduce_scatter_scan.cu │ ├── reduce_scatter_test.cu │ └── reduce_test.cu ├── tools ├── __init__.py ├── amd_build │ ├── build_pytorch_amd.py │ ├── disabled_features.yaml │ ├── patches │ │ └── a_torch_cuda___init__.py.patch │ └── pyHIPIFY │ │ ├── constants.py │ │ ├── cuda_to_hip_mappings.py │ │ └── hipify-python.py ├── aten_mirror.sh ├── autograd │ ├── __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_pytorch_libs.bat ├── build_pytorch_libs.sh ├── clang_tidy.py ├── convert.vim ├── cpp_build │ ├── build_all.sh │ ├── build_caffe2.sh │ ├── build_common.sh │ └── build_libtorch.sh ├── cwrap │ ├── __init__.py │ ├── cwrap.py │ └── plugins │ │ ├── ArgcountChecker.py │ │ ├── ArgcountSortPlugin.py │ │ ├── ArgumentReferences.py │ │ ├── AssertNDim.py │ │ ├── AutoGPU.py │ │ ├── BeforeAfterCall.py │ │ ├── BoolOption.py │ │ ├── Broadcast.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 ├── gen_onnx.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 ├── setup_helpers │ ├── __init__.py │ ├── cuda.py │ ├── cudnn.py │ ├── dist_check.py │ ├── env.py │ ├── generate_code.py │ ├── mkldnn.py │ ├── nccl.py │ ├── ninja_builder.py │ ├── nnpack.py │ ├── nvtoolext.py │ ├── rocm.py │ └── split_types.py ├── shared │ ├── __init__.py │ └── module_loader.py └── test_aten_install.sh ├── torch ├── CMakeLists.txt ├── README.txt ├── __init__.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 ├── 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 │ ├── Types.h │ ├── api │ │ ├── README.md │ │ ├── include │ │ │ └── torch │ │ │ │ ├── cuda.h │ │ │ │ ├── detail │ │ │ │ ├── ordered_dict.h │ │ │ │ └── static.h │ │ │ │ ├── expanding_array.h │ │ │ │ ├── nn.h │ │ │ │ ├── nn │ │ │ │ ├── cloneable.h │ │ │ │ ├── cursor.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 │ │ │ │ └── pimpl.h │ │ │ │ ├── optim.h │ │ │ │ ├── optim │ │ │ │ ├── adagrad.h │ │ │ │ ├── adam.h │ │ │ │ ├── lbfgs.h │ │ │ │ ├── optimizer.h │ │ │ │ ├── rmsprop.h │ │ │ │ └── sgd.h │ │ │ │ ├── serialization.h │ │ │ │ ├── tensor.h │ │ │ │ ├── tensor_list_view.h │ │ │ │ ├── torch.h │ │ │ │ └── utils.h │ │ └── src │ │ │ ├── cuda.cpp │ │ │ ├── nn │ │ │ ├── cursor.cpp │ │ │ ├── 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 │ │ │ └── sgd.cpp │ │ │ └── utils.cpp │ ├── assertions.cpp │ ├── assertions.h │ ├── autograd │ │ ├── README.md │ │ ├── anomaly_mode.cpp │ │ ├── anomaly_mode.h │ │ ├── aten_variable_hooks.cpp │ │ ├── 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 │ │ │ ├── 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 │ │ ├── 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 │ │ ├── Storage.cpp │ │ ├── Storage.h │ │ ├── THDP.h │ │ ├── c10d │ │ │ ├── c10d.h │ │ │ └── init.cpp │ │ ├── copy_utils.h │ │ ├── override_macros.h │ │ ├── undef_macros.h │ │ └── utils.h │ ├── dl.c │ ├── finalizer.cpp │ ├── finalizer.h │ ├── generic │ │ ├── Storage.cpp │ │ ├── Storage.h │ │ ├── StorageMethods.cpp │ │ ├── StorageSharing.cpp │ │ ├── serialization.cpp │ │ ├── serialization.h │ │ ├── utils.cpp │ │ └── utils.h │ ├── jit │ │ ├── README.md │ │ ├── argument_spec.h │ │ ├── attributes.h │ │ ├── autodiff.cpp │ │ ├── autodiff.h │ │ ├── batched │ │ │ ├── BatchTensor.cpp │ │ │ └── BatchTensor.h │ │ ├── code_template.h │ │ ├── export.cpp │ │ ├── export.h │ │ ├── function_schema.h │ │ ├── fusion_compiler.cpp │ │ ├── fusion_compiler.h │ │ ├── generic_if.h │ │ ├── graph_executor.cpp │ │ ├── graph_executor.h │ │ ├── graph_node_list.h │ │ ├── import.cpp │ │ ├── import.h │ │ ├── init.cpp │ │ ├── init.h │ │ ├── interned_strings.cpp │ │ ├── interned_strings.h │ │ ├── interpreter.cpp │ │ ├── interpreter.h │ │ ├── ir.cpp │ │ ├── ir.h │ │ ├── ivalue.h │ │ ├── named_value.h │ │ ├── operator.cpp │ │ ├── operator.h │ │ ├── passes │ │ │ ├── batch_mm.cpp │ │ │ ├── batch_mm.h │ │ │ ├── canonicalize.cpp │ │ │ ├── canonicalize.h │ │ │ ├── common_subexpression_elimination.cpp │ │ │ ├── common_subexpression_elimination.h │ │ │ ├── create_autodiff_subgraphs.cpp │ │ │ ├── create_autodiff_subgraphs.h │ │ │ ├── dead_code_elimination.cpp │ │ │ ├── dead_code_elimination.h │ │ │ ├── decompose_addmm.cpp │ │ │ ├── decompose_addmm.h │ │ │ ├── erase_number_types.cpp │ │ │ ├── erase_number_types.h │ │ │ ├── graph_fuser.cpp │ │ │ ├── graph_fuser.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 │ │ │ ├── peephole.cpp │ │ │ ├── peephole.h │ │ │ ├── remove_expands.cpp │ │ │ ├── remove_expands.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 │ │ ├── resource_guard.h │ │ ├── script │ │ │ ├── compiler.cpp │ │ │ ├── compiler.h │ │ │ ├── error_report.h │ │ │ ├── init.cpp │ │ │ ├── init.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 │ │ ├── stack.h │ │ ├── symbolic_variable.h │ │ ├── tensor_conversions.h │ │ ├── test_jit.cpp │ │ ├── tracer.cpp │ │ ├── tracer.h │ │ ├── tracer_state.cpp │ │ ├── tracer_state.h │ │ ├── type.cpp │ │ ├── type.h │ │ ├── variable_flags.cpp │ │ ├── variable_flags.h │ │ └── variable_tensor_list.h │ ├── nn │ │ ├── .gitkeep │ │ └── type_checks.h │ ├── nvrtc.cpp │ ├── onnx │ │ ├── init.cpp │ │ ├── init.h │ │ ├── onnx.cpp │ │ ├── onnx.h │ │ ├── onnx.npb.cpp │ │ ├── onnx.npb.h │ │ └── onnx.options │ ├── python_headers.h │ ├── serialization.cpp │ ├── serialization.h │ ├── tensor │ │ ├── python_tensor.cpp │ │ └── python_tensor.h │ ├── torch.cpp │ ├── torch.h │ ├── utils.cpp │ ├── utils.h │ ├── utils │ │ ├── auto_gil.h │ │ ├── auto_stream.h │ │ ├── auto_unique_ptr.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 │ │ ├── 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 │ ├── comm.py │ ├── error.py │ ├── nccl.py │ ├── nvtx.py │ ├── profiler.py │ ├── random.py │ ├── sparse.py │ └── streams.py ├── distributed │ ├── __init__.py │ ├── c10d │ │ ├── __init__.py │ │ └── rendezvous.py │ ├── launch.py │ └── remote_types.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 │ ├── multinomial.py │ ├── multivariate_normal.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 ├── for_onnx │ └── __init__.py ├── functional.py ├── jit │ ├── __init__.py │ ├── annotations.py │ ├── batchop.py │ └── frontend.py ├── legacy │ ├── __init__.py │ ├── nn │ │ ├── Abs.py │ │ ├── AbsCriterion.py │ │ ├── Add.py │ │ ├── AddConstant.py │ │ ├── BCECriterion.py │ │ ├── BatchNormalization.py │ │ ├── Bilinear.py │ │ ├── CAddTable.py │ │ ├── CDivTable.py │ │ ├── CMul.py │ │ ├── CMulTable.py │ │ ├── CSubTable.py │ │ ├── Clamp.py │ │ ├── ClassNLLCriterion.py │ │ ├── ClassSimplexCriterion.py │ │ ├── Concat.py │ │ ├── ConcatTable.py │ │ ├── Container.py │ │ ├── Contiguous.py │ │ ├── Copy.py │ │ ├── Cosine.py │ │ ├── CosineDistance.py │ │ ├── CosineEmbeddingCriterion.py │ │ ├── Criterion.py │ │ ├── CriterionTable.py │ │ ├── CrossEntropyCriterion.py │ │ ├── DepthConcat.py │ │ ├── DistKLDivCriterion.py │ │ ├── DotProduct.py │ │ ├── Dropout.py │ │ ├── ELU.py │ │ ├── Euclidean.py │ │ ├── Exp.py │ │ ├── FlattenTable.py │ │ ├── GradientReversal.py │ │ ├── HardShrink.py │ │ ├── HardTanh.py │ │ ├── HingeEmbeddingCriterion.py │ │ ├── Identity.py │ │ ├── Index.py │ │ ├── JoinTable.py │ │ ├── L1Cost.py │ │ ├── L1HingeEmbeddingCriterion.py │ │ ├── L1Penalty.py │ │ ├── LeakyReLU.py │ │ ├── Linear.py │ │ ├── Log.py │ │ ├── LogSigmoid.py │ │ ├── LogSoftMax.py │ │ ├── LookupTable.py │ │ ├── MM.py │ │ ├── MSECriterion.py │ │ ├── MV.py │ │ ├── MarginCriterion.py │ │ ├── MarginRankingCriterion.py │ │ ├── MaskedSelect.py │ │ ├── Max.py │ │ ├── Mean.py │ │ ├── Min.py │ │ ├── MixtureTable.py │ │ ├── Module.py │ │ ├── Mul.py │ │ ├── MulConstant.py │ │ ├── MultiCriterion.py │ │ ├── MultiLabelMarginCriterion.py │ │ ├── MultiLabelSoftMarginCriterion.py │ │ ├── MultiMarginCriterion.py │ │ ├── Narrow.py │ │ ├── NarrowTable.py │ │ ├── Normalize.py │ │ ├── PReLU.py │ │ ├── Padding.py │ │ ├── PairwiseDistance.py │ │ ├── Parallel.py │ │ ├── ParallelCriterion.py │ │ ├── ParallelTable.py │ │ ├── PartialLinear.py │ │ ├── Power.py │ │ ├── RReLU.py │ │ ├── ReLU.py │ │ ├── ReLU6.py │ │ ├── Replicate.py │ │ ├── Reshape.py │ │ ├── Select.py │ │ ├── SelectTable.py │ │ ├── Sequential.py │ │ ├── Sigmoid.py │ │ ├── SmoothL1Criterion.py │ │ ├── SoftMarginCriterion.py │ │ ├── SoftMax.py │ │ ├── SoftMin.py │ │ ├── SoftPlus.py │ │ ├── SoftShrink.py │ │ ├── SoftSign.py │ │ ├── SpatialAdaptiveMaxPooling.py │ │ ├── SpatialAveragePooling.py │ │ ├── SpatialBatchNormalization.py │ │ ├── SpatialClassNLLCriterion.py │ │ ├── SpatialContrastiveNormalization.py │ │ ├── SpatialConvolution.py │ │ ├── SpatialConvolutionLocal.py │ │ ├── SpatialConvolutionMap.py │ │ ├── SpatialCrossMapLRN.py │ │ ├── SpatialDilatedConvolution.py │ │ ├── SpatialDivisiveNormalization.py │ │ ├── SpatialDropout.py │ │ ├── SpatialFractionalMaxPooling.py │ │ ├── SpatialFullConvolution.py │ │ ├── SpatialFullConvolutionMap.py │ │ ├── SpatialLPPooling.py │ │ ├── SpatialMaxPooling.py │ │ ├── SpatialMaxUnpooling.py │ │ ├── SpatialReflectionPadding.py │ │ ├── SpatialReplicationPadding.py │ │ ├── SpatialSoftMax.py │ │ ├── SpatialSubSampling.py │ │ ├── SpatialSubtractiveNormalization.py │ │ ├── SpatialUpSamplingNearest.py │ │ ├── SpatialZeroPadding.py │ │ ├── SplitTable.py │ │ ├── Sqrt.py │ │ ├── Square.py │ │ ├── Squeeze.py │ │ ├── Sum.py │ │ ├── Tanh.py │ │ ├── TanhShrink.py │ │ ├── TemporalConvolution.py │ │ ├── TemporalMaxPooling.py │ │ ├── TemporalSubSampling.py │ │ ├── Threshold.py │ │ ├── Transpose.py │ │ ├── Unsqueeze.py │ │ ├── View.py │ │ ├── VolumetricAveragePooling.py │ │ ├── VolumetricBatchNormalization.py │ │ ├── VolumetricConvolution.py │ │ ├── VolumetricDropout.py │ │ ├── VolumetricFullConvolution.py │ │ ├── VolumetricMaxPooling.py │ │ ├── VolumetricMaxUnpooling.py │ │ ├── VolumetricReplicationPadding.py │ │ ├── WeightedEuclidean.py │ │ ├── WeightedMSECriterion.py │ │ ├── __init__.py │ │ ├── convert.vim │ │ └── utils.py │ └── optim │ │ ├── __init__.py │ │ ├── adadelta.py │ │ ├── adagrad.py │ │ ├── adam.py │ │ ├── adamax.py │ │ ├── asgd.py │ │ ├── cg.py │ │ ├── lbfgs.py │ │ ├── nag.py │ │ ├── rmsprop.py │ │ ├── rprop.py │ │ └── sgd.py ├── 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 │ │ ├── master_worker │ │ │ ├── README.md │ │ │ ├── common │ │ │ │ ├── ByteArray.cpp │ │ │ │ ├── ByteArray.hpp │ │ │ │ ├── CommandChannel.cpp │ │ │ │ ├── CommandChannel.hpp │ │ │ │ ├── Functions.hpp │ │ │ │ ├── RPC-inl.hpp │ │ │ │ ├── RPC.cpp │ │ │ │ ├── RPC.hpp │ │ │ │ └── Traits.hpp │ │ │ ├── master │ │ │ │ ├── Master.cpp │ │ │ │ ├── Master.h │ │ │ │ ├── Master.hpp │ │ │ │ ├── State.cpp │ │ │ │ ├── State.h │ │ │ │ ├── State.hpp │ │ │ │ ├── THDRandom.cpp │ │ │ │ ├── THDRandom.h │ │ │ │ ├── THDStorage.cpp │ │ │ │ ├── THDStorage.h │ │ │ │ ├── THDTensor.cpp │ │ │ │ ├── THDTensor.h │ │ │ │ ├── Utils.hpp │ │ │ │ └── generic │ │ │ │ │ ├── THDStorage.cpp │ │ │ │ │ ├── THDStorage.h │ │ │ │ │ ├── THDTensor.cpp │ │ │ │ │ ├── THDTensor.h │ │ │ │ │ ├── THDTensorCopy.cpp │ │ │ │ │ ├── THDTensorCopy.h │ │ │ │ │ ├── THDTensorLapack.cpp │ │ │ │ │ ├── THDTensorLapack.h │ │ │ │ │ ├── THDTensorMath.cpp │ │ │ │ │ ├── THDTensorMath.h │ │ │ │ │ ├── THDTensorMeta.cpp │ │ │ │ │ ├── THDTensorRandom.cpp │ │ │ │ │ └── THDTensorRandom.h │ │ │ └── worker │ │ │ │ ├── Dispatch.cpp │ │ │ │ ├── Dispatch.hpp │ │ │ │ ├── Worker.cpp │ │ │ │ ├── Worker.h │ │ │ │ ├── Worker.hpp │ │ │ │ └── dispatch │ │ │ │ ├── Communication.cpp │ │ │ │ ├── Generator.cpp │ │ │ │ ├── Storage.cpp │ │ │ │ ├── Tensor.cpp │ │ │ │ ├── TensorCopy.cpp │ │ │ │ ├── TensorLapack.cpp │ │ │ │ ├── TensorMath.cpp │ │ │ │ └── TensorRandom.cpp │ │ ├── process_group │ │ │ ├── Collectives.cpp │ │ │ ├── Collectives.h │ │ │ ├── Collectives.hpp │ │ │ ├── General.cpp │ │ │ ├── General.h │ │ │ └── General.hpp │ │ └── test │ │ │ ├── TestUtils.hpp │ │ │ ├── command_channel_smoke.cpp │ │ │ ├── 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 │ │ │ ├── rpc_serialization.cpp │ │ │ └── tensor_smoke.cpp │ ├── c10d │ │ ├── CMakeLists.txt │ │ ├── CUDAUtils.cpp │ │ ├── CUDAUtils.hpp │ │ ├── Def.hpp │ │ ├── FileStore.cpp │ │ ├── FileStore.hpp │ │ ├── NCCLUtils.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 │ │ ├── private │ │ │ └── CUDAUtils.hpp │ │ └── 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 ├── nn │ ├── __init__.py │ ├── _functions │ │ ├── __init__.py │ │ ├── dropout.py │ │ ├── packing.py │ │ ├── padding.py │ │ ├── rnn.py │ │ ├── thnn │ │ │ ├── __init__.py │ │ │ ├── auto.py │ │ │ ├── auto_double_backwards.py │ │ │ ├── auto_symbolic.py │ │ │ ├── fold.py │ │ │ ├── normalization.py │ │ │ ├── rnnFusedPointwise.py │ │ │ └── sparse.py │ │ └── vision.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 │ │ ├── distributed.py │ │ ├── distributed_c10d.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 ├── serialization.py ├── sparse │ └── __init__.py ├── storage.py ├── tensor.py ├── testing │ └── __init__.py └── utils │ ├── __init__.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 │ ├── serialization │ ├── __init__.py │ └── read_lua_file.py │ └── trainer │ ├── __init__.py │ ├── plugins │ ├── __init__.py │ ├── accuracy.py │ ├── logger.py │ ├── loss.py │ ├── monitor.py │ ├── plugin.py │ ├── progress.py │ └── time.py │ └── trainer.py └── tox.ini /.circleci/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.circleci/config.yml -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.clang-format -------------------------------------------------------------------------------- /.clang-tidy: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.clang-tidy -------------------------------------------------------------------------------- /.dockerignore: -------------------------------------------------------------------------------- 1 | .gitignore -------------------------------------------------------------------------------- /.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.gitmodules -------------------------------------------------------------------------------- /.jenkins/caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/caffe2/README.md -------------------------------------------------------------------------------- /.jenkins/caffe2/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/caffe2/build.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/dirty.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/caffe2/dirty.sh -------------------------------------------------------------------------------- /.jenkins/caffe2/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/caffe2/test.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/pytorch/README.md -------------------------------------------------------------------------------- /.jenkins/pytorch/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/pytorch/build.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/common.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/pytorch/common.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/dirty.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/pytorch/dirty.sh -------------------------------------------------------------------------------- /.jenkins/pytorch/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.jenkins/pytorch/test.sh -------------------------------------------------------------------------------- /.travis.aten.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.travis.aten.yml -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/.travis.yml -------------------------------------------------------------------------------- /CITATION: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/CITATION -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/Makefile -------------------------------------------------------------------------------- /NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/NOTICE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/README.md -------------------------------------------------------------------------------- /README.md.orig: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/README.md.orig -------------------------------------------------------------------------------- /aten/.flake8: -------------------------------------------------------------------------------- 1 | [flake8] 2 | max-line-length = 120 3 | 4 | -------------------------------------------------------------------------------- /aten/.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__/ 2 | build/ 3 | *.pyc 4 | -------------------------------------------------------------------------------- /aten/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/CMakeLists.txt -------------------------------------------------------------------------------- /aten/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/README.md -------------------------------------------------------------------------------- /aten/conda/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/conda/build.sh -------------------------------------------------------------------------------- /aten/conda/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/conda/meta.yaml -------------------------------------------------------------------------------- /aten/doc/Functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/doc/Functions.h -------------------------------------------------------------------------------- /aten/doc/Tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/doc/Tensor.h -------------------------------------------------------------------------------- /aten/doc/Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/doc/Type.h -------------------------------------------------------------------------------- /aten/src/ATen/.gitignore: -------------------------------------------------------------------------------- 1 | Config.h 2 | -------------------------------------------------------------------------------- /aten/src/ATen/ATen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/ATen.h -------------------------------------------------------------------------------- /aten/src/ATen/ATenGeneral.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/ATenGeneral.h -------------------------------------------------------------------------------- /aten/src/ATen/AlignOf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/AlignOf.h -------------------------------------------------------------------------------- /aten/src/ATen/Allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Allocator.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Allocator.h -------------------------------------------------------------------------------- /aten/src/ATen/ArrayRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/ArrayRef.h -------------------------------------------------------------------------------- /aten/src/ATen/Backtrace.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Backtrace.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Backtrace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Backtrace.h -------------------------------------------------------------------------------- /aten/src/ATen/CPUGeneral.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/CPUGeneral.h -------------------------------------------------------------------------------- /aten/src/ATen/CUDAStream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/CUDAStream.h -------------------------------------------------------------------------------- /aten/src/ATen/Config.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Config.h.in -------------------------------------------------------------------------------- /aten/src/ATen/Context.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Context.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Context.h -------------------------------------------------------------------------------- /aten/src/ATen/DLConvertor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/DLConvertor.h -------------------------------------------------------------------------------- /aten/src/ATen/Deprecated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Deprecated.h -------------------------------------------------------------------------------- /aten/src/ATen/Device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Device.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Device.h -------------------------------------------------------------------------------- /aten/src/ATen/DeviceGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/DeviceGuard.h -------------------------------------------------------------------------------- /aten/src/ATen/DimVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/DimVector.h -------------------------------------------------------------------------------- /aten/src/ATen/Dispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Dispatch.h -------------------------------------------------------------------------------- /aten/src/ATen/Error.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Error.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Error.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Error.h -------------------------------------------------------------------------------- /aten/src/ATen/ExpandUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/ExpandUtils.h -------------------------------------------------------------------------------- /aten/src/ATen/Formatting.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Formatting.h -------------------------------------------------------------------------------- /aten/src/ATen/Generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Generator.h -------------------------------------------------------------------------------- /aten/src/ATen/Half-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Half-inl.h -------------------------------------------------------------------------------- /aten/src/ATen/Half.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Half.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Half.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Half.h -------------------------------------------------------------------------------- /aten/src/ATen/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Layout.h -------------------------------------------------------------------------------- /aten/src/ATen/MatrixRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/MatrixRef.h -------------------------------------------------------------------------------- /aten/src/ATen/Parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Parallel.h -------------------------------------------------------------------------------- /aten/src/ATen/Registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Registry.h -------------------------------------------------------------------------------- /aten/src/ATen/Retainable.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Retainable.h -------------------------------------------------------------------------------- /aten/src/ATen/Scalar.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Scalar.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Scalar.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Scalar.h -------------------------------------------------------------------------------- /aten/src/ATen/ScalarType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/ScalarType.h -------------------------------------------------------------------------------- /aten/src/ATen/SmallVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/SmallVector.h -------------------------------------------------------------------------------- /aten/src/ATen/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Storage.h -------------------------------------------------------------------------------- /aten/src/ATen/Tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Tensor.cpp -------------------------------------------------------------------------------- /aten/src/ATen/TensorBase.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/TensorBase.h -------------------------------------------------------------------------------- /aten/src/ATen/TensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/TensorImpl.h -------------------------------------------------------------------------------- /aten/src/ATen/TensorUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/TensorUtils.h -------------------------------------------------------------------------------- /aten/src/ATen/Utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Utils.cpp -------------------------------------------------------------------------------- /aten/src/ATen/Utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/Utils.h -------------------------------------------------------------------------------- /aten/src/ATen/cpu/vml.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/cpu/vml.h -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/cudnn/Types.h -------------------------------------------------------------------------------- /aten/src/ATen/cudnn/Utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/cudnn/Utils.h -------------------------------------------------------------------------------- /aten/src/ATen/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/dlpack.h -------------------------------------------------------------------------------- /aten/src/ATen/gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/gen.py -------------------------------------------------------------------------------- /aten/src/ATen/mkl/Limits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/mkl/Limits.h -------------------------------------------------------------------------------- /aten/src/ATen/mkl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/mkl/README.md -------------------------------------------------------------------------------- /aten/src/ATen/native/Gesv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/native/Gesv.h -------------------------------------------------------------------------------- /aten/src/ATen/nn.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/nn.yaml -------------------------------------------------------------------------------- /aten/src/ATen/nn_parse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/nn_parse.py -------------------------------------------------------------------------------- /aten/src/ATen/optional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/ATen/optional.h -------------------------------------------------------------------------------- /aten/src/ATen/stub/CombinedStub.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /aten/src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/README.md -------------------------------------------------------------------------------- /aten/src/TH/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/CMakeLists.txt -------------------------------------------------------------------------------- /aten/src/TH/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/README.md -------------------------------------------------------------------------------- /aten/src/TH/TH.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/TH.h -------------------------------------------------------------------------------- /aten/src/TH/THAllocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THAllocator.cpp -------------------------------------------------------------------------------- /aten/src/TH/THAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THAllocator.h -------------------------------------------------------------------------------- /aten/src/TH/THBlas.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THBlas.cpp -------------------------------------------------------------------------------- /aten/src/TH/THBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THBlas.h -------------------------------------------------------------------------------- /aten/src/TH/THBlasUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THBlasUtils.h -------------------------------------------------------------------------------- /aten/src/TH/THDiskFile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THDiskFile.cpp -------------------------------------------------------------------------------- /aten/src/TH/THDiskFile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THDiskFile.h -------------------------------------------------------------------------------- /aten/src/TH/THFile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THFile.cpp -------------------------------------------------------------------------------- /aten/src/TH/THFile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THFile.h -------------------------------------------------------------------------------- /aten/src/TH/THFilePrivate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THFilePrivate.h -------------------------------------------------------------------------------- /aten/src/TH/THGeneral.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THGeneral.cpp -------------------------------------------------------------------------------- /aten/src/TH/THGeneral.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THGeneral.h.in -------------------------------------------------------------------------------- /aten/src/TH/THGenerator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THGenerator.hpp -------------------------------------------------------------------------------- /aten/src/TH/THHalf.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THHalf.cpp -------------------------------------------------------------------------------- /aten/src/TH/THHalf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THHalf.h -------------------------------------------------------------------------------- /aten/src/TH/THLapack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THLapack.cpp -------------------------------------------------------------------------------- /aten/src/TH/THLapack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THLapack.h -------------------------------------------------------------------------------- /aten/src/TH/THLogAdd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THLogAdd.cpp -------------------------------------------------------------------------------- /aten/src/TH/THLogAdd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THLogAdd.h -------------------------------------------------------------------------------- /aten/src/TH/THMath.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THMath.h -------------------------------------------------------------------------------- /aten/src/TH/THMemoryFile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THMemoryFile.h -------------------------------------------------------------------------------- /aten/src/TH/THRandom.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THRandom.cpp -------------------------------------------------------------------------------- /aten/src/TH/THRandom.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THRandom.h -------------------------------------------------------------------------------- /aten/src/TH/THSize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THSize.cpp -------------------------------------------------------------------------------- /aten/src/TH/THSize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THSize.h -------------------------------------------------------------------------------- /aten/src/TH/THStorage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THStorage.cpp -------------------------------------------------------------------------------- /aten/src/TH/THStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THStorage.h -------------------------------------------------------------------------------- /aten/src/TH/THStorage.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THStorage.hpp -------------------------------------------------------------------------------- /aten/src/TH/THTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THTensor.cpp -------------------------------------------------------------------------------- /aten/src/TH/THTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THTensor.h -------------------------------------------------------------------------------- /aten/src/TH/THTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THTensor.hpp -------------------------------------------------------------------------------- /aten/src/TH/THTensorApply.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THTensorApply.h -------------------------------------------------------------------------------- /aten/src/TH/THVector.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THVector.cpp -------------------------------------------------------------------------------- /aten/src/TH/THVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/THVector.h -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/vector/AVX.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/vector/AVX.h -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/vector/AVX2.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/AVX2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/vector/AVX2.h -------------------------------------------------------------------------------- /aten/src/TH/vector/NEON.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/vector/NEON.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/SSE.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/vector/SSE.cpp -------------------------------------------------------------------------------- /aten/src/TH/vector/VSX.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/TH/vector/VSX.cpp -------------------------------------------------------------------------------- /aten/src/THC/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/CMakeLists.txt -------------------------------------------------------------------------------- /aten/src/THC/THC.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THC.h -------------------------------------------------------------------------------- /aten/src/THC/THCAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCAllocator.h -------------------------------------------------------------------------------- /aten/src/THC/THCApply.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCApply.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCAtomics.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCAtomics.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCBlas.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCBlas.cu -------------------------------------------------------------------------------- /aten/src/THC/THCBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCBlas.h -------------------------------------------------------------------------------- /aten/src/THC/THCGeneral.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCGeneral.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCGeneral.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCGeneral.hpp -------------------------------------------------------------------------------- /aten/src/THC/THCHalf.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCHalf.cu -------------------------------------------------------------------------------- /aten/src/THC/THCHalf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCHalf.h -------------------------------------------------------------------------------- /aten/src/THC/THCReduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCReduce.cuh -------------------------------------------------------------------------------- /aten/src/THC/THCSleep.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCSleep.cu -------------------------------------------------------------------------------- /aten/src/THC/THCSleep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCSleep.h -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCStorage.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCStorage.cu -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCStorage.h -------------------------------------------------------------------------------- /aten/src/THC/THCStorage.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCStorage.hpp -------------------------------------------------------------------------------- /aten/src/THC/THCStream.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCStream.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCStream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCStream.h -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCTensor.cpp -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCTensor.cu -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCTensor.h -------------------------------------------------------------------------------- /aten/src/THC/THCTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THC/THCTensor.hpp -------------------------------------------------------------------------------- /aten/src/THCUNN/Abs.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/Abs.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Col2Im.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/Col2Im.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/ELU.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/ELU.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/HardTanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/HardTanh.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Im2Col.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/Im2Col.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/L1Cost.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/L1Cost.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/PReLU.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/PReLU.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/RReLU.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/RReLU.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Sigmoid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/Sigmoid.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/SoftPlus.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/SoftPlus.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Sqrt.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/Sqrt.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/Square.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/Square.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/THCUNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/THCUNN.h -------------------------------------------------------------------------------- /aten/src/THCUNN/Tanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/Tanh.cu -------------------------------------------------------------------------------- /aten/src/THCUNN/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/common.h -------------------------------------------------------------------------------- /aten/src/THCUNN/im2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/im2col.h -------------------------------------------------------------------------------- /aten/src/THCUNN/row2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/row2col.h -------------------------------------------------------------------------------- /aten/src/THCUNN/vol2col.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THCUNN/vol2col.h -------------------------------------------------------------------------------- /aten/src/THNN/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THNN/README.md -------------------------------------------------------------------------------- /aten/src/THNN/Reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THNN/Reduction.h -------------------------------------------------------------------------------- /aten/src/THNN/THNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THNN/THNN.h -------------------------------------------------------------------------------- /aten/src/THNN/generic/Abs.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THNN/generic/Abs.c -------------------------------------------------------------------------------- /aten/src/THNN/generic/ELU.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THNN/generic/ELU.c -------------------------------------------------------------------------------- /aten/src/THNN/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/src/THNN/init.cpp -------------------------------------------------------------------------------- /aten/tools/run_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/tools/run_tests.sh -------------------------------------------------------------------------------- /aten/tools/test_install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/tools/test_install.sh -------------------------------------------------------------------------------- /aten/tools/update_doc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/tools/update_doc.sh -------------------------------------------------------------------------------- /aten/tools/valgrind.sup: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/aten/tools/valgrind.sup -------------------------------------------------------------------------------- /binaries/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/CMakeLists.txt -------------------------------------------------------------------------------- /binaries/benchmark_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/benchmark_helper.h -------------------------------------------------------------------------------- /binaries/convert_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/convert_db.cc -------------------------------------------------------------------------------- /binaries/db_throughput.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/db_throughput.cc -------------------------------------------------------------------------------- /binaries/inspect_gpus.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/inspect_gpus.cc -------------------------------------------------------------------------------- /binaries/make_cifar_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/make_cifar_db.cc -------------------------------------------------------------------------------- /binaries/make_image_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/make_image_db.cc -------------------------------------------------------------------------------- /binaries/make_mnist_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/make_mnist_db.cc -------------------------------------------------------------------------------- /binaries/run_plan.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/run_plan.cc -------------------------------------------------------------------------------- /binaries/run_plan_mpi.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/run_plan_mpi.cc -------------------------------------------------------------------------------- /binaries/speed_benchmark.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/speed_benchmark.cc -------------------------------------------------------------------------------- /binaries/split_db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/split_db.cc -------------------------------------------------------------------------------- /binaries/tsv_2_proto.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/tsv_2_proto.cc -------------------------------------------------------------------------------- /binaries/tutorial_blob.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/tutorial_blob.cc -------------------------------------------------------------------------------- /binaries/zmq_feeder.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/binaries/zmq_feeder.cc -------------------------------------------------------------------------------- /caffe/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe/proto/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe/proto/CMakeLists.txt -------------------------------------------------------------------------------- /caffe/proto/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe/proto/caffe.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe/proto/caffe.proto -------------------------------------------------------------------------------- /caffe2/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/.clang-format -------------------------------------------------------------------------------- /caffe2/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/README.md -------------------------------------------------------------------------------- /caffe2/VERSION_NUMBER: -------------------------------------------------------------------------------- 1 | 0.8.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/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/core/allocator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/allocator.cc -------------------------------------------------------------------------------- /caffe2/core/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/allocator.h -------------------------------------------------------------------------------- /caffe2/core/asan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/asan.h -------------------------------------------------------------------------------- /caffe2/core/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/blob.h -------------------------------------------------------------------------------- /caffe2/core/blob_stats.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/blob_stats.cc -------------------------------------------------------------------------------- /caffe2/core/blob_stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/blob_stats.h -------------------------------------------------------------------------------- /caffe2/core/blob_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/blob_test.cc -------------------------------------------------------------------------------- /caffe2/core/common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common.cc -------------------------------------------------------------------------------- /caffe2/core/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common.h -------------------------------------------------------------------------------- /caffe2/core/common_cudnn.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common_cudnn.cc -------------------------------------------------------------------------------- /caffe2/core/common_cudnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common_cudnn.h -------------------------------------------------------------------------------- /caffe2/core/common_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common_gpu.cc -------------------------------------------------------------------------------- /caffe2/core/common_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common_gpu.h -------------------------------------------------------------------------------- /caffe2/core/common_omp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common_omp.h -------------------------------------------------------------------------------- /caffe2/core/common_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/common_test.cc -------------------------------------------------------------------------------- /caffe2/core/context.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/context.cc -------------------------------------------------------------------------------- /caffe2/core/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/context.h -------------------------------------------------------------------------------- /caffe2/core/context_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/context_gpu.cu -------------------------------------------------------------------------------- /caffe2/core/context_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/context_gpu.h -------------------------------------------------------------------------------- /caffe2/core/context_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/context_test.cc -------------------------------------------------------------------------------- /caffe2/core/db.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/db.cc -------------------------------------------------------------------------------- /caffe2/core/db.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/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/LeftRight.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/dispatch/LeftRight.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/dispatch/OpSchema.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/dispatch/OpSchema.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/dispatch/OpSchemaRegistration.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/core/dispatch/OpSchemaRegistration.h" 2 | -------------------------------------------------------------------------------- /caffe2/core/event.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/event.cc -------------------------------------------------------------------------------- /caffe2/core/event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/event.h -------------------------------------------------------------------------------- /caffe2/core/event_cpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/event_cpu.h -------------------------------------------------------------------------------- /caffe2/core/event_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/event_gpu.cc -------------------------------------------------------------------------------- /caffe2/core/event_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/event_test.cc -------------------------------------------------------------------------------- /caffe2/core/flags.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/flags.cc -------------------------------------------------------------------------------- /caffe2/core/flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/flags.h -------------------------------------------------------------------------------- /caffe2/core/graph.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/graph.cc -------------------------------------------------------------------------------- /caffe2/core/graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/graph.h -------------------------------------------------------------------------------- /caffe2/core/graph_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/graph_test.cc -------------------------------------------------------------------------------- /caffe2/core/init.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/init.cc -------------------------------------------------------------------------------- /caffe2/core/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/init.h -------------------------------------------------------------------------------- /caffe2/core/init_omp.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/init_omp.cc -------------------------------------------------------------------------------- /caffe2/core/init_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/init_test.cc -------------------------------------------------------------------------------- /caffe2/core/logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/logging.cc -------------------------------------------------------------------------------- /caffe2/core/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/logging.h -------------------------------------------------------------------------------- /caffe2/core/logging_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/logging_test.cc -------------------------------------------------------------------------------- /caffe2/core/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/macros.h -------------------------------------------------------------------------------- /caffe2/core/macros.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/macros.h.in -------------------------------------------------------------------------------- /caffe2/core/memonger.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/memonger.cc -------------------------------------------------------------------------------- /caffe2/core/memonger.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/memonger.h -------------------------------------------------------------------------------- /caffe2/core/module.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/module.cc -------------------------------------------------------------------------------- /caffe2/core/module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/module.h -------------------------------------------------------------------------------- /caffe2/core/module_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/module_test.cc -------------------------------------------------------------------------------- /caffe2/core/net.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net.cc -------------------------------------------------------------------------------- /caffe2/core/net.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net.h -------------------------------------------------------------------------------- /caffe2/core/net_dag.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net_dag.cc -------------------------------------------------------------------------------- /caffe2/core/net_dag.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net_dag.h -------------------------------------------------------------------------------- /caffe2/core/net_dag_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net_dag_utils.h -------------------------------------------------------------------------------- /caffe2/core/net_gpu_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net_gpu_test.cc -------------------------------------------------------------------------------- /caffe2/core/net_simple.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net_simple.cc -------------------------------------------------------------------------------- /caffe2/core/net_simple.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net_simple.h -------------------------------------------------------------------------------- /caffe2/core/net_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/net_test.cc -------------------------------------------------------------------------------- /caffe2/core/numa.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/numa.cc -------------------------------------------------------------------------------- /caffe2/core/numa.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/numa.h -------------------------------------------------------------------------------- /caffe2/core/observer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/observer.h -------------------------------------------------------------------------------- /caffe2/core/operator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/operator.cc -------------------------------------------------------------------------------- /caffe2/core/operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/operator.h -------------------------------------------------------------------------------- /caffe2/core/plan_executor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/plan_executor.h -------------------------------------------------------------------------------- /caffe2/core/predictor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/predictor.cc -------------------------------------------------------------------------------- /caffe2/core/predictor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/predictor.h -------------------------------------------------------------------------------- /caffe2/core/qtensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/qtensor.cc -------------------------------------------------------------------------------- /caffe2/core/qtensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/qtensor.h -------------------------------------------------------------------------------- /caffe2/core/registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/registry.h -------------------------------------------------------------------------------- /caffe2/core/scope_guard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/scope_guard.h -------------------------------------------------------------------------------- /caffe2/core/stats.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/stats.cc -------------------------------------------------------------------------------- /caffe2/core/stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/stats.h -------------------------------------------------------------------------------- /caffe2/core/stats_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/stats_test.cc -------------------------------------------------------------------------------- /caffe2/core/tensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/tensor.cc -------------------------------------------------------------------------------- /caffe2/core/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/tensor.h -------------------------------------------------------------------------------- /caffe2/core/tensor_int8.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/tensor_int8.cc -------------------------------------------------------------------------------- /caffe2/core/tensor_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/tensor_int8.h -------------------------------------------------------------------------------- /caffe2/core/timer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/timer.h -------------------------------------------------------------------------------- /caffe2/core/timer_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/timer_test.cc -------------------------------------------------------------------------------- /caffe2/core/transform.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/transform.cc -------------------------------------------------------------------------------- /caffe2/core/transform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/transform.h -------------------------------------------------------------------------------- /caffe2/core/typeid.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/typeid.cc -------------------------------------------------------------------------------- /caffe2/core/typeid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/typeid.h -------------------------------------------------------------------------------- /caffe2/core/typeid_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/typeid_test.cc -------------------------------------------------------------------------------- /caffe2/core/types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/types.cc -------------------------------------------------------------------------------- /caffe2/core/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/types.h -------------------------------------------------------------------------------- /caffe2/core/workspace.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/workspace.cc -------------------------------------------------------------------------------- /caffe2/core/workspace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/core/workspace.h -------------------------------------------------------------------------------- /caffe2/db/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/db/create_db_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/create_db_op.cc -------------------------------------------------------------------------------- /caffe2/db/create_db_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/create_db_op.h -------------------------------------------------------------------------------- /caffe2/db/db_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/db_test.cc -------------------------------------------------------------------------------- /caffe2/db/leveldb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/leveldb.cc -------------------------------------------------------------------------------- /caffe2/db/lmdb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/lmdb.cc -------------------------------------------------------------------------------- /caffe2/db/protodb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/protodb.cc -------------------------------------------------------------------------------- /caffe2/db/zmqdb.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/db/zmqdb.cc -------------------------------------------------------------------------------- /caffe2/ideep/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/ideep/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/ideep/ideep_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/ideep/ideep_utils.h -------------------------------------------------------------------------------- /caffe2/image/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/image/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/mkl/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mkl/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/mkl/mkl_operator.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mkl/mkl_operator.cc -------------------------------------------------------------------------------- /caffe2/mkl/mkl_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mkl/mkl_utils.h -------------------------------------------------------------------------------- /caffe2/mobile/contrib/ios/ios_caffe_defines.h: -------------------------------------------------------------------------------- 1 | 2 | #define IOS_CAFFE_EXPORT __attribute__((visibility("default"))) 3 | -------------------------------------------------------------------------------- /caffe2/mobile/contrib/opengl/test/TestGLConvolution.h: -------------------------------------------------------------------------------- 1 | 2 | #pragma once 3 | 4 | void TestGLConvolution(); 5 | -------------------------------------------------------------------------------- /caffe2/mpi/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/mpi/mpi_common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/mpi_common.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/mpi_common.h -------------------------------------------------------------------------------- /caffe2/mpi/mpi_gpu_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/mpi_gpu_test.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/mpi_ops.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/mpi_ops.h -------------------------------------------------------------------------------- /caffe2/mpi/mpi_ops_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/mpi_ops_gpu.cc -------------------------------------------------------------------------------- /caffe2/mpi/mpi_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/mpi/mpi_test.cc -------------------------------------------------------------------------------- /caffe2/observers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/observers/README.md -------------------------------------------------------------------------------- /caffe2/onnx/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/onnx/backend.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/backend.cc -------------------------------------------------------------------------------- /caffe2/onnx/backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/backend.h -------------------------------------------------------------------------------- /caffe2/onnx/backend_rep.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/backend_rep.cc -------------------------------------------------------------------------------- /caffe2/onnx/backend_rep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/backend_rep.h -------------------------------------------------------------------------------- /caffe2/onnx/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/device.cc -------------------------------------------------------------------------------- /caffe2/onnx/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/device.h -------------------------------------------------------------------------------- /caffe2/onnx/helper.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/helper.cc -------------------------------------------------------------------------------- /caffe2/onnx/helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/helper.h -------------------------------------------------------------------------------- /caffe2/onnx/onnx_exporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/onnx_exporter.h -------------------------------------------------------------------------------- /caffe2/onnx/onnxifi_init.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/onnxifi_init.cc -------------------------------------------------------------------------------- /caffe2/onnx/onnxifi_init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/onnxifi_init.h -------------------------------------------------------------------------------- /caffe2/onnx/ssa_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/onnx/ssa_test.cc -------------------------------------------------------------------------------- /caffe2/operators/abs_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/abs_op.cc -------------------------------------------------------------------------------- /caffe2/operators/abs_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/abs_op.cu -------------------------------------------------------------------------------- /caffe2/operators/abs_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/abs_op.h -------------------------------------------------------------------------------- /caffe2/operators/acos_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/acos_op.cc -------------------------------------------------------------------------------- /caffe2/operators/acos_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/acos_op.cu -------------------------------------------------------------------------------- /caffe2/operators/acos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/acos_op.h -------------------------------------------------------------------------------- /caffe2/operators/arg_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/arg_ops.cc -------------------------------------------------------------------------------- /caffe2/operators/arg_ops.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/arg_ops.cu -------------------------------------------------------------------------------- /caffe2/operators/arg_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/arg_ops.h -------------------------------------------------------------------------------- /caffe2/operators/asin_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/asin_op.cc -------------------------------------------------------------------------------- /caffe2/operators/asin_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/asin_op.cu -------------------------------------------------------------------------------- /caffe2/operators/asin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/asin_op.h -------------------------------------------------------------------------------- /caffe2/operators/atan_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/atan_op.cc -------------------------------------------------------------------------------- /caffe2/operators/atan_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/atan_op.cu -------------------------------------------------------------------------------- /caffe2/operators/atan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/atan_op.h -------------------------------------------------------------------------------- /caffe2/operators/cast_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cast_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cast_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cast_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cast_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cast_op.h -------------------------------------------------------------------------------- /caffe2/operators/cbrt_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cbrt_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cbrt_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cbrt_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cbrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cbrt_op.h -------------------------------------------------------------------------------- /caffe2/operators/ceil_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/ceil_op.cc -------------------------------------------------------------------------------- /caffe2/operators/ceil_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/ceil_op.cu -------------------------------------------------------------------------------- /caffe2/operators/ceil_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/ceil_op.h -------------------------------------------------------------------------------- /caffe2/operators/clip_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/clip_op.cc -------------------------------------------------------------------------------- /caffe2/operators/clip_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/clip_op.cu -------------------------------------------------------------------------------- /caffe2/operators/clip_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/clip_op.h -------------------------------------------------------------------------------- /caffe2/operators/conv_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/conv_op.cc -------------------------------------------------------------------------------- /caffe2/operators/conv_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/conv_op.h -------------------------------------------------------------------------------- /caffe2/operators/cos_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cos_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cos_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cos_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cos_op.h -------------------------------------------------------------------------------- /caffe2/operators/cosh_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cosh_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cosh_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cosh_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cosh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cosh_op.h -------------------------------------------------------------------------------- /caffe2/operators/cube_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cube_op.cc -------------------------------------------------------------------------------- /caffe2/operators/cube_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cube_op.cu -------------------------------------------------------------------------------- /caffe2/operators/cube_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/cube_op.h -------------------------------------------------------------------------------- /caffe2/operators/do_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/do_op.cc -------------------------------------------------------------------------------- /caffe2/operators/do_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/do_op.h -------------------------------------------------------------------------------- /caffe2/operators/elu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/elu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/elu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/elu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/elu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/elu_op.h -------------------------------------------------------------------------------- /caffe2/operators/exp_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/exp_op.cc -------------------------------------------------------------------------------- /caffe2/operators/exp_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/exp_op.h -------------------------------------------------------------------------------- /caffe2/operators/find_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/find_op.cc -------------------------------------------------------------------------------- /caffe2/operators/find_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/find_op.cu -------------------------------------------------------------------------------- /caffe2/operators/find_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/find_op.h -------------------------------------------------------------------------------- /caffe2/operators/floor_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/floor_op.h -------------------------------------------------------------------------------- /caffe2/operators/free_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/free_op.cc -------------------------------------------------------------------------------- /caffe2/operators/free_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/free_op.h -------------------------------------------------------------------------------- /caffe2/operators/glu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/glu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/glu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/glu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/glu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/glu_op.h -------------------------------------------------------------------------------- /caffe2/operators/if_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/if_op.cc -------------------------------------------------------------------------------- /caffe2/operators/if_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/if_op.h -------------------------------------------------------------------------------- /caffe2/operators/jsd_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/jsd_op.cc -------------------------------------------------------------------------------- /caffe2/operators/jsd_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/jsd_op.h -------------------------------------------------------------------------------- /caffe2/operators/log_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/log_op.cc -------------------------------------------------------------------------------- /caffe2/operators/log_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/log_op.h -------------------------------------------------------------------------------- /caffe2/operators/logit_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/logit_op.h -------------------------------------------------------------------------------- /caffe2/operators/loss_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/loss_op.cc -------------------------------------------------------------------------------- /caffe2/operators/loss_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/loss_op.cu -------------------------------------------------------------------------------- /caffe2/operators/loss_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/loss_op.h -------------------------------------------------------------------------------- /caffe2/operators/map_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/map_ops.cc -------------------------------------------------------------------------------- /caffe2/operators/map_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/map_ops.h -------------------------------------------------------------------------------- /caffe2/operators/mean_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/mean_op.cc -------------------------------------------------------------------------------- /caffe2/operators/mean_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/mean_op.cu -------------------------------------------------------------------------------- /caffe2/operators/mean_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/mean_op.h -------------------------------------------------------------------------------- /caffe2/operators/mod_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/mod_op.cc -------------------------------------------------------------------------------- /caffe2/operators/mod_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/mod_op.h -------------------------------------------------------------------------------- /caffe2/operators/pad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pad_op.cc -------------------------------------------------------------------------------- /caffe2/operators/pad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pad_op.h -------------------------------------------------------------------------------- /caffe2/operators/pool_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pool_op.cc -------------------------------------------------------------------------------- /caffe2/operators/pool_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pool_op.cu -------------------------------------------------------------------------------- /caffe2/operators/pool_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pool_op.h -------------------------------------------------------------------------------- /caffe2/operators/pow_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pow_op.cc -------------------------------------------------------------------------------- /caffe2/operators/pow_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pow_op.cu -------------------------------------------------------------------------------- /caffe2/operators/pow_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/pow_op.h -------------------------------------------------------------------------------- /caffe2/operators/prelu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/prelu_op.h -------------------------------------------------------------------------------- /caffe2/operators/relu_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/relu_op.cc -------------------------------------------------------------------------------- /caffe2/operators/relu_op.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/relu_op.cu -------------------------------------------------------------------------------- /caffe2/operators/relu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/relu_op.h -------------------------------------------------------------------------------- /caffe2/operators/rsqrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/rsqrt_op.h -------------------------------------------------------------------------------- /caffe2/operators/scale_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/scale_op.h -------------------------------------------------------------------------------- /caffe2/operators/sin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/sin_op.h -------------------------------------------------------------------------------- /caffe2/operators/sqr_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/sqr_op.h -------------------------------------------------------------------------------- /caffe2/operators/tan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/tan_op.h -------------------------------------------------------------------------------- /caffe2/operators/top_k.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/top_k.cc -------------------------------------------------------------------------------- /caffe2/operators/top_k.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/top_k.cu -------------------------------------------------------------------------------- /caffe2/operators/top_k.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/operators/top_k.h -------------------------------------------------------------------------------- /caffe2/opt/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/opt/converter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/converter.cc -------------------------------------------------------------------------------- /caffe2/opt/converter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/converter.h -------------------------------------------------------------------------------- /caffe2/opt/device.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/device.cc -------------------------------------------------------------------------------- /caffe2/opt/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/device.h -------------------------------------------------------------------------------- /caffe2/opt/device_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/device_test.cc -------------------------------------------------------------------------------- /caffe2/opt/fusion.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/fusion.cc -------------------------------------------------------------------------------- /caffe2/opt/fusion.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/fusion.h -------------------------------------------------------------------------------- /caffe2/opt/mobile.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/mobile.cc -------------------------------------------------------------------------------- /caffe2/opt/mobile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/mobile.h -------------------------------------------------------------------------------- /caffe2/opt/mobile_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/mobile_test.cc -------------------------------------------------------------------------------- /caffe2/opt/onnx_convert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/onnx_convert.h -------------------------------------------------------------------------------- /caffe2/opt/optimizer.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/optimizer.cc -------------------------------------------------------------------------------- /caffe2/opt/optimizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/optimizer.h -------------------------------------------------------------------------------- /caffe2/opt/passes.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/passes.cc -------------------------------------------------------------------------------- /caffe2/opt/passes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/passes.h -------------------------------------------------------------------------------- /caffe2/opt/sink.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/sink.cc -------------------------------------------------------------------------------- /caffe2/opt/sink.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/opt/sink.h -------------------------------------------------------------------------------- /caffe2/proto/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/proto/caffe2.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/proto/caffe2.proto -------------------------------------------------------------------------------- /caffe2/proto/hsm.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/proto/hsm.proto -------------------------------------------------------------------------------- /caffe2/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/brew.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/brew.py -------------------------------------------------------------------------------- /caffe2/python/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/build.py -------------------------------------------------------------------------------- /caffe2/python/cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/cnn.py -------------------------------------------------------------------------------- /caffe2/python/context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/context.py -------------------------------------------------------------------------------- /caffe2/python/control.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/control.py -------------------------------------------------------------------------------- /caffe2/python/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/core.py -------------------------------------------------------------------------------- /caffe2/python/crf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/crf.py -------------------------------------------------------------------------------- /caffe2/python/dataio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/dataio.py -------------------------------------------------------------------------------- /caffe2/python/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/dataset.py -------------------------------------------------------------------------------- /caffe2/python/db_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/db_test.py -------------------------------------------------------------------------------- /caffe2/python/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/dlpack.h -------------------------------------------------------------------------------- /caffe2/python/dyndep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/dyndep.py -------------------------------------------------------------------------------- /caffe2/python/gru_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/gru_cell.py -------------------------------------------------------------------------------- /caffe2/python/helpers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/hsm_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/hsm_util.py -------------------------------------------------------------------------------- /caffe2/python/memonger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/memonger.py -------------------------------------------------------------------------------- /caffe2/python/mint/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/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/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/muji.py -------------------------------------------------------------------------------- /caffe2/python/onnx/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/onnx/bin/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/pipeline.py -------------------------------------------------------------------------------- /caffe2/python/predictor/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/rnn_cell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/rnn_cell.py -------------------------------------------------------------------------------- /caffe2/python/schema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/schema.py -------------------------------------------------------------------------------- /caffe2/python/scope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/scope.py -------------------------------------------------------------------------------- /caffe2/python/session.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/session.py -------------------------------------------------------------------------------- /caffe2/python/task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/task.py -------------------------------------------------------------------------------- /caffe2/python/trt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/python/tt_core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/tt_core.py -------------------------------------------------------------------------------- /caffe2/python/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/python/utils.py -------------------------------------------------------------------------------- /caffe2/queue/queue_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/queue/queue_ops.cc -------------------------------------------------------------------------------- /caffe2/queue/queue_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/queue/queue_ops.h -------------------------------------------------------------------------------- /caffe2/release-notes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/release-notes.md -------------------------------------------------------------------------------- /caffe2/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | enum34 3 | -------------------------------------------------------------------------------- /caffe2/sgd/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/CMakeLists.txt -------------------------------------------------------------------------------- /caffe2/sgd/adagrad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/adagrad_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/adagrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/adagrad_op.h -------------------------------------------------------------------------------- /caffe2/sgd/adam_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/adam_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/adam_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/adam_op.h -------------------------------------------------------------------------------- /caffe2/sgd/adam_op_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/adam_op_gpu.cu -------------------------------------------------------------------------------- /caffe2/sgd/ftrl_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/ftrl_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/ftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/ftrl_op.h -------------------------------------------------------------------------------- /caffe2/sgd/gftrl_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/gftrl_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/gftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/gftrl_op.h -------------------------------------------------------------------------------- /caffe2/sgd/iter_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/iter_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/iter_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/iter_op.h -------------------------------------------------------------------------------- /caffe2/sgd/iter_op_gpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/iter_op_gpu.cc -------------------------------------------------------------------------------- /caffe2/sgd/lars_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/lars_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/lars_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/lars_op.h -------------------------------------------------------------------------------- /caffe2/sgd/lars_op_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/lars_op_gpu.cu -------------------------------------------------------------------------------- /caffe2/sgd/rmsprop_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/rmsprop_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/rmsprop_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/rmsprop_op.h -------------------------------------------------------------------------------- /caffe2/sgd/wngrad_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/wngrad_op.cc -------------------------------------------------------------------------------- /caffe2/sgd/wngrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/wngrad_op.h -------------------------------------------------------------------------------- /caffe2/sgd/yellowfin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/sgd/yellowfin_op.h -------------------------------------------------------------------------------- /caffe2/utils/Array.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/utils/Array.h" 2 | -------------------------------------------------------------------------------- /caffe2/utils/Array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/Array.h -------------------------------------------------------------------------------- /caffe2/utils/C++17.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/utils/C++17.h" 2 | -------------------------------------------------------------------------------- /caffe2/utils/C++17.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/C++17.h -------------------------------------------------------------------------------- /caffe2/utils/GpuDefs.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/GpuDefs.cuh -------------------------------------------------------------------------------- /caffe2/utils/IdWrapper.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/utils/IdWrapper.h" 2 | -------------------------------------------------------------------------------- /caffe2/utils/IdWrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/IdWrapper.h -------------------------------------------------------------------------------- /caffe2/utils/Metaprogramming.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/utils/Metaprogramming.h" 2 | -------------------------------------------------------------------------------- /caffe2/utils/Optional.cpp: -------------------------------------------------------------------------------- 1 | #include "Optional.h" 2 | -------------------------------------------------------------------------------- /caffe2/utils/Optional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/Optional.h -------------------------------------------------------------------------------- /caffe2/utils/TypeList.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/utils/TypeList.h" 2 | -------------------------------------------------------------------------------- /caffe2/utils/TypeList.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/TypeList.h -------------------------------------------------------------------------------- /caffe2/utils/TypeTraits.cpp: -------------------------------------------------------------------------------- 1 | #include "caffe2/utils/TypeTraits.h" 2 | -------------------------------------------------------------------------------- /caffe2/utils/TypeTraits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/TypeTraits.h -------------------------------------------------------------------------------- /caffe2/utils/cast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/cast.h -------------------------------------------------------------------------------- /caffe2/utils/cast_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/cast_test.cc -------------------------------------------------------------------------------- /caffe2/utils/cblas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/cblas.h -------------------------------------------------------------------------------- /caffe2/utils/cpu_neon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/cpu_neon.h -------------------------------------------------------------------------------- /caffe2/utils/cpuid.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/cpuid.cc -------------------------------------------------------------------------------- /caffe2/utils/cpuid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/cpuid.h -------------------------------------------------------------------------------- /caffe2/utils/dummy.cpp: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /caffe2/utils/filler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/filler.h -------------------------------------------------------------------------------- /caffe2/utils/map_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/map_utils.h -------------------------------------------------------------------------------- /caffe2/utils/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/math.h -------------------------------------------------------------------------------- /caffe2/utils/math_cpu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/math_cpu.cc -------------------------------------------------------------------------------- /caffe2/utils/math_gpu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/math_gpu.cu -------------------------------------------------------------------------------- /caffe2/utils/math_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/math_test.cc -------------------------------------------------------------------------------- /caffe2/utils/math_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/math_utils.h -------------------------------------------------------------------------------- /caffe2/utils/proto_wrap.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/proto_wrap.h -------------------------------------------------------------------------------- /caffe2/utils/zmq_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/utils/zmq_helper.h -------------------------------------------------------------------------------- /caffe2/video/video_io.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/video/video_io.cc -------------------------------------------------------------------------------- /caffe2/video/video_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/caffe2/video/video_io.h -------------------------------------------------------------------------------- /cmake/Codegen.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/Codegen.cmake -------------------------------------------------------------------------------- /cmake/Dependencies.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/Dependencies.cmake -------------------------------------------------------------------------------- /cmake/External/nccl.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/External/nccl.cmake -------------------------------------------------------------------------------- /cmake/MiscCheck.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/MiscCheck.cmake -------------------------------------------------------------------------------- /cmake/ProtoBuf.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/ProtoBuf.cmake -------------------------------------------------------------------------------- /cmake/ProtoBufPatch.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/ProtoBufPatch.cmake -------------------------------------------------------------------------------- /cmake/Summary.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/Summary.cmake -------------------------------------------------------------------------------- /cmake/Utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/Utils.cmake -------------------------------------------------------------------------------- /cmake/Whitelist.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/Whitelist.cmake -------------------------------------------------------------------------------- /cmake/public/cuda.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/public/cuda.cmake -------------------------------------------------------------------------------- /cmake/public/gflags.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/public/gflags.cmake -------------------------------------------------------------------------------- /cmake/public/glog.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/public/glog.cmake -------------------------------------------------------------------------------- /cmake/public/utils.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/cmake/public/utils.cmake -------------------------------------------------------------------------------- /conda/caffe2/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/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/gpgpu-sim/pytorch-gpgpu-sim/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/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docker/caffe2/readme.md -------------------------------------------------------------------------------- /docker/pytorch/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docker/pytorch/Dockerfile -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/caffe2/.Doxyfile-c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/caffe2/.Doxyfile-c -------------------------------------------------------------------------------- /docs/caffe2/DOXYGEN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/caffe2/DOXYGEN.md -------------------------------------------------------------------------------- /docs/caffe2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/caffe2/README.md -------------------------------------------------------------------------------- /docs/caffe2/footer.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/caffe2/footer.html -------------------------------------------------------------------------------- /docs/caffe2/header.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/caffe2/header.html -------------------------------------------------------------------------------- /docs/caffe2/main.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/caffe2/main.css -------------------------------------------------------------------------------- /docs/caffe2/process.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/caffe2/process.py -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/requirements.txt -------------------------------------------------------------------------------- /docs/source/autograd.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/autograd.rst -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/cuda.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/cuda.rst -------------------------------------------------------------------------------- /docs/source/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/data.rst -------------------------------------------------------------------------------- /docs/source/dlpack.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/dlpack.rst -------------------------------------------------------------------------------- /docs/source/ffi.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/ffi.rst -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source/legacy.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/legacy.rst -------------------------------------------------------------------------------- /docs/source/model_zoo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/model_zoo.rst -------------------------------------------------------------------------------- /docs/source/nn.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/nn.rst -------------------------------------------------------------------------------- /docs/source/notes/faq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/notes/faq.rst -------------------------------------------------------------------------------- /docs/source/onnx.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/onnx.rst -------------------------------------------------------------------------------- /docs/source/optim.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/optim.rst -------------------------------------------------------------------------------- /docs/source/sparse.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/sparse.rst -------------------------------------------------------------------------------- /docs/source/storage.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/storage.rst -------------------------------------------------------------------------------- /docs/source/tensors.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/tensors.rst -------------------------------------------------------------------------------- /docs/source/torch.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/docs/source/torch.rst -------------------------------------------------------------------------------- /modules/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/modules/CMakeLists.txt -------------------------------------------------------------------------------- /mypy-README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/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 | pyyaml 2 | typing 3 | -------------------------------------------------------------------------------- /scripts/apache_header.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/apache_header.txt -------------------------------------------------------------------------------- /scripts/apache_python.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/apache_python.txt -------------------------------------------------------------------------------- /scripts/build_anaconda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_anaconda.sh -------------------------------------------------------------------------------- /scripts/build_android.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_android.sh -------------------------------------------------------------------------------- /scripts/build_ios.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_ios.sh -------------------------------------------------------------------------------- /scripts/build_local.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_local.sh -------------------------------------------------------------------------------- /scripts/build_raspbian.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_raspbian.sh -------------------------------------------------------------------------------- /scripts/build_tegra_x1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_tegra_x1.sh -------------------------------------------------------------------------------- /scripts/build_tizen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_tizen.sh -------------------------------------------------------------------------------- /scripts/build_windows.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/build_windows.bat -------------------------------------------------------------------------------- /scripts/onnx/install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/onnx/install.sh -------------------------------------------------------------------------------- /scripts/onnx/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/onnx/test.sh -------------------------------------------------------------------------------- /scripts/temp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/scripts/temp.sh -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/setup.py -------------------------------------------------------------------------------- /setup_caffe2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/setup_caffe2.py -------------------------------------------------------------------------------- /test/bottleneck/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/bottleneck/test.py -------------------------------------------------------------------------------- /test/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/common.py -------------------------------------------------------------------------------- /test/common_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/common_cuda.py -------------------------------------------------------------------------------- /test/common_nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/common_nn.py -------------------------------------------------------------------------------- /test/cpp/api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/README.md -------------------------------------------------------------------------------- /test/cpp/api/any.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/any.cpp -------------------------------------------------------------------------------- /test/cpp/api/cursor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/cursor.cpp -------------------------------------------------------------------------------- /test/cpp/api/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/main.cpp -------------------------------------------------------------------------------- /test/cpp/api/misc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/misc.cpp -------------------------------------------------------------------------------- /test/cpp/api/module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/module.cpp -------------------------------------------------------------------------------- /test/cpp/api/modules.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/modules.cpp -------------------------------------------------------------------------------- /test/cpp/api/optim.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/optim.cpp -------------------------------------------------------------------------------- /test/cpp/api/rnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/rnn.cpp -------------------------------------------------------------------------------- /test/cpp/api/static.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/static.cpp -------------------------------------------------------------------------------- /test/cpp/api/tensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/tensor.cpp -------------------------------------------------------------------------------- /test/cpp/api/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/cpp/api/util.h -------------------------------------------------------------------------------- /test/cpp_extensions/torch_test_cpp_extension/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /test/data/network1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/data/network1.py -------------------------------------------------------------------------------- /test/data/network2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/data/network2.py -------------------------------------------------------------------------------- /test/expect/TestSparse.test_log1p-uncoalesced.expect: -------------------------------------------------------------------------------- 1 | log1p: in-place on uncoalesced tensors is not supported yet! -------------------------------------------------------------------------------- /test/expect/TestTorch.test_print-default_device.expect: -------------------------------------------------------------------------------- 1 | tensor([123]) -------------------------------------------------------------------------------- /test/expect/TestTorch.test_print-device.expect: -------------------------------------------------------------------------------- 1 | tensor([123], device='cuda:0') -------------------------------------------------------------------------------- /test/expect/TestTorch.test_print-negint.expect: -------------------------------------------------------------------------------- 1 | tensor([ 1, -2]) -------------------------------------------------------------------------------- /test/expect/TestTorch.test_print-posint.expect: -------------------------------------------------------------------------------- 1 | tensor([1, 2]) -------------------------------------------------------------------------------- /test/expect/TestTorch.test_print-requires_grad.expect: -------------------------------------------------------------------------------- 1 | tensor([123.], requires_grad=True) -------------------------------------------------------------------------------- /test/ffi/src/cpu/lib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/ffi/src/cpu/lib.h -------------------------------------------------------------------------------- /test/ffi/src/cpu/lib1.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/ffi/src/cpu/lib1.c -------------------------------------------------------------------------------- /test/ffi/src/cpu/lib2.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/ffi/src/cpu/lib2.c -------------------------------------------------------------------------------- /test/ffi/src/lib.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/ffi/src/lib.h -------------------------------------------------------------------------------- /test/onnx/test_caffe2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/onnx/test_caffe2.py -------------------------------------------------------------------------------- /test/onnx/test_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/onnx/test_models.py -------------------------------------------------------------------------------- /test/onnx/test_verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/onnx/test_verify.py -------------------------------------------------------------------------------- /test/onnx/verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/onnx/verify.py -------------------------------------------------------------------------------- /test/optim/compare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/optim/compare.sh -------------------------------------------------------------------------------- /test/optim/test.lua: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/optim/test.lua -------------------------------------------------------------------------------- /test/optim/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/optim/test.py -------------------------------------------------------------------------------- /test/optim/tests.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/optim/tests.json -------------------------------------------------------------------------------- /test/run_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/run_test.py -------------------------------------------------------------------------------- /test/test_autograd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_autograd.py -------------------------------------------------------------------------------- /test/test_c10d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_c10d.py -------------------------------------------------------------------------------- /test/test_cuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_cuda.py -------------------------------------------------------------------------------- /test/test_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_dataloader.py -------------------------------------------------------------------------------- /test/test_distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_distributed.py -------------------------------------------------------------------------------- /test/test_indexing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_indexing.py -------------------------------------------------------------------------------- /test/test_jit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_jit.py -------------------------------------------------------------------------------- /test/test_legacy_nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_legacy_nn.py -------------------------------------------------------------------------------- /test/test_nccl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_nccl.py -------------------------------------------------------------------------------- /test/test_nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_nn.py -------------------------------------------------------------------------------- /test/test_optim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_optim.py -------------------------------------------------------------------------------- /test/test_sparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_sparse.py -------------------------------------------------------------------------------- /test/test_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_torch.py -------------------------------------------------------------------------------- /test/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/test/test_utils.py -------------------------------------------------------------------------------- /third_party/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/third_party/README.md -------------------------------------------------------------------------------- /third_party/nccl/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/third_party/nccl/Makefile -------------------------------------------------------------------------------- /third_party/nccl/debian/compat: -------------------------------------------------------------------------------- 1 | 9 2 | -------------------------------------------------------------------------------- /third_party/nccl/debian/copyright: -------------------------------------------------------------------------------- 1 | ../LICENSE.txt -------------------------------------------------------------------------------- /third_party/nccl/debian/libnccl-dev.manpages: -------------------------------------------------------------------------------- 1 | debian/nccl.7 2 | -------------------------------------------------------------------------------- /third_party/nccl/debian/source/format: -------------------------------------------------------------------------------- 1 | 3.0 (native) 2 | -------------------------------------------------------------------------------- /tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/aten_mirror.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/aten_mirror.sh -------------------------------------------------------------------------------- /tools/autograd/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/autograd/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/autograd/utils.py -------------------------------------------------------------------------------- /tools/clang_tidy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/clang_tidy.py -------------------------------------------------------------------------------- /tools/convert.vim: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/convert.vim -------------------------------------------------------------------------------- /tools/cwrap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/cwrap/__init__.py -------------------------------------------------------------------------------- /tools/cwrap/cwrap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/cwrap/cwrap.py -------------------------------------------------------------------------------- /tools/download_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/download_mnist.py -------------------------------------------------------------------------------- /tools/gen_onnx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/gen_onnx.sh -------------------------------------------------------------------------------- /tools/jit/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/nnwrap/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/nnwrap/__init__.py -------------------------------------------------------------------------------- /tools/pytorch.version: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/pytorch.version -------------------------------------------------------------------------------- /tools/setup_helpers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tools/shared/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tools/shared/__init__.py -------------------------------------------------------------------------------- /torch/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/CMakeLists.txt -------------------------------------------------------------------------------- /torch/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/README.txt -------------------------------------------------------------------------------- /torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/__init__.py -------------------------------------------------------------------------------- /torch/_six.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_six.py -------------------------------------------------------------------------------- /torch/_storage_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_storage_docs.py -------------------------------------------------------------------------------- /torch/_tensor_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_tensor_docs.py -------------------------------------------------------------------------------- /torch/_tensor_str.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_tensor_str.py -------------------------------------------------------------------------------- /torch/_thnn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_thnn/__init__.py -------------------------------------------------------------------------------- /torch/_thnn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_thnn/utils.py -------------------------------------------------------------------------------- /torch/_torch_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_torch_docs.py -------------------------------------------------------------------------------- /torch/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_utils.py -------------------------------------------------------------------------------- /torch/_utils_internal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/_utils_internal.py -------------------------------------------------------------------------------- /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/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/DataLoader.cpp -------------------------------------------------------------------------------- /torch/csrc/DataLoader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/DataLoader.h -------------------------------------------------------------------------------- /torch/csrc/Device.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Device.cpp -------------------------------------------------------------------------------- /torch/csrc/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Device.h -------------------------------------------------------------------------------- /torch/csrc/Dtype.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Dtype.cpp -------------------------------------------------------------------------------- /torch/csrc/Dtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Dtype.h -------------------------------------------------------------------------------- /torch/csrc/DynamicTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/DynamicTypes.h -------------------------------------------------------------------------------- /torch/csrc/Exceptions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Exceptions.cpp -------------------------------------------------------------------------------- /torch/csrc/Exceptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Exceptions.h -------------------------------------------------------------------------------- /torch/csrc/Generator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Generator.cpp -------------------------------------------------------------------------------- /torch/csrc/Generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Generator.h -------------------------------------------------------------------------------- /torch/csrc/Layout.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Layout.cpp -------------------------------------------------------------------------------- /torch/csrc/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Layout.h -------------------------------------------------------------------------------- /torch/csrc/Module.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Module.cpp -------------------------------------------------------------------------------- /torch/csrc/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Module.h -------------------------------------------------------------------------------- /torch/csrc/PtrWrapper.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/PtrWrapper.cpp -------------------------------------------------------------------------------- /torch/csrc/PtrWrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/PtrWrapper.h -------------------------------------------------------------------------------- /torch/csrc/PythonTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/PythonTypes.h -------------------------------------------------------------------------------- /torch/csrc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/README.md -------------------------------------------------------------------------------- /torch/csrc/Size.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Size.cpp -------------------------------------------------------------------------------- /torch/csrc/Size.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Size.h -------------------------------------------------------------------------------- /torch/csrc/Storage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Storage.cpp -------------------------------------------------------------------------------- /torch/csrc/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Storage.h -------------------------------------------------------------------------------- /torch/csrc/THP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/THP.h -------------------------------------------------------------------------------- /torch/csrc/THP_API.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/THP_API.h -------------------------------------------------------------------------------- /torch/csrc/THP_export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/THP_export.h -------------------------------------------------------------------------------- /torch/csrc/Types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/Types.h -------------------------------------------------------------------------------- /torch/csrc/api/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/api/README.md -------------------------------------------------------------------------------- /torch/csrc/assertions.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/assertions.cpp -------------------------------------------------------------------------------- /torch/csrc/assertions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/assertions.h -------------------------------------------------------------------------------- /torch/csrc/byte_order.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/byte_order.cpp -------------------------------------------------------------------------------- /torch/csrc/byte_order.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/byte_order.h -------------------------------------------------------------------------------- /torch/csrc/copy_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/copy_utils.h -------------------------------------------------------------------------------- /torch/csrc/cuda/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/Module.h -------------------------------------------------------------------------------- /torch/csrc/cuda/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/Storage.h -------------------------------------------------------------------------------- /torch/csrc/cuda/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/Stream.h -------------------------------------------------------------------------------- /torch/csrc/cuda/THCP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/THCP.h -------------------------------------------------------------------------------- /torch/csrc/cuda/comm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/comm.cpp -------------------------------------------------------------------------------- /torch/csrc/cuda/comm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/comm.h -------------------------------------------------------------------------------- /torch/csrc/cuda/nccl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/nccl.cpp -------------------------------------------------------------------------------- /torch/csrc/cuda/nccl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/nccl.h -------------------------------------------------------------------------------- /torch/csrc/cuda/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/utils.cpp -------------------------------------------------------------------------------- /torch/csrc/cuda/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/cuda/utils.h -------------------------------------------------------------------------------- /torch/csrc/dl.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/dl.c -------------------------------------------------------------------------------- /torch/csrc/finalizer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/finalizer.cpp -------------------------------------------------------------------------------- /torch/csrc/finalizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/finalizer.h -------------------------------------------------------------------------------- /torch/csrc/jit/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/README.md -------------------------------------------------------------------------------- /torch/csrc/jit/autodiff.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/autodiff.h -------------------------------------------------------------------------------- /torch/csrc/jit/export.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/export.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/export.h -------------------------------------------------------------------------------- /torch/csrc/jit/import.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/import.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/import.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/import.h -------------------------------------------------------------------------------- /torch/csrc/jit/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/init.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/init.h -------------------------------------------------------------------------------- /torch/csrc/jit/ir.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/ir.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/ir.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/ir.h -------------------------------------------------------------------------------- /torch/csrc/jit/ivalue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/ivalue.h -------------------------------------------------------------------------------- /torch/csrc/jit/operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/operator.h -------------------------------------------------------------------------------- /torch/csrc/jit/pybind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/pybind.h -------------------------------------------------------------------------------- /torch/csrc/jit/stack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/stack.h -------------------------------------------------------------------------------- /torch/csrc/jit/tracer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/tracer.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/tracer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/tracer.h -------------------------------------------------------------------------------- /torch/csrc/jit/type.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/type.cpp -------------------------------------------------------------------------------- /torch/csrc/jit/type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/jit/type.h -------------------------------------------------------------------------------- /torch/csrc/nn/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/csrc/nvrtc.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/nvrtc.cpp -------------------------------------------------------------------------------- /torch/csrc/onnx/init.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/onnx/init.cpp -------------------------------------------------------------------------------- /torch/csrc/onnx/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/onnx/init.h -------------------------------------------------------------------------------- /torch/csrc/onnx/onnx.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/onnx/onnx.cpp -------------------------------------------------------------------------------- /torch/csrc/onnx/onnx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/onnx/onnx.h -------------------------------------------------------------------------------- /torch/csrc/torch.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/torch.cpp -------------------------------------------------------------------------------- /torch/csrc/torch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/torch.h -------------------------------------------------------------------------------- /torch/csrc/utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/utils.cpp -------------------------------------------------------------------------------- /torch/csrc/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/utils.h -------------------------------------------------------------------------------- /torch/csrc/utils/hash.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/utils/hash.h -------------------------------------------------------------------------------- /torch/csrc/utils/memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/utils/memory.h -------------------------------------------------------------------------------- /torch/csrc/utils/pybind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/csrc/utils/pybind.h -------------------------------------------------------------------------------- /torch/cuda/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/__init__.py -------------------------------------------------------------------------------- /torch/cuda/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/comm.py -------------------------------------------------------------------------------- /torch/cuda/error.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/cuda/nccl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/nccl.py -------------------------------------------------------------------------------- /torch/cuda/nvtx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/nvtx.py -------------------------------------------------------------------------------- /torch/cuda/profiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/profiler.py -------------------------------------------------------------------------------- /torch/cuda/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/random.py -------------------------------------------------------------------------------- /torch/cuda/sparse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/sparse.py -------------------------------------------------------------------------------- /torch/cuda/streams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/cuda/streams.py -------------------------------------------------------------------------------- /torch/distributions/kl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/distributions/kl.py -------------------------------------------------------------------------------- /torch/for_onnx/__init__.py: -------------------------------------------------------------------------------- 1 | from .onnx import * 2 | -------------------------------------------------------------------------------- /torch/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/functional.py -------------------------------------------------------------------------------- /torch/jit/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/jit/__init__.py -------------------------------------------------------------------------------- /torch/jit/annotations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/jit/annotations.py -------------------------------------------------------------------------------- /torch/jit/batchop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/jit/batchop.py -------------------------------------------------------------------------------- /torch/jit/frontend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/jit/frontend.py -------------------------------------------------------------------------------- /torch/legacy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/__init__.py -------------------------------------------------------------------------------- /torch/legacy/nn/Abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Abs.py -------------------------------------------------------------------------------- /torch/legacy/nn/Add.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Add.py -------------------------------------------------------------------------------- /torch/legacy/nn/CMul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/CMul.py -------------------------------------------------------------------------------- /torch/legacy/nn/Clamp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Clamp.py -------------------------------------------------------------------------------- /torch/legacy/nn/Concat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Concat.py -------------------------------------------------------------------------------- /torch/legacy/nn/Copy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Copy.py -------------------------------------------------------------------------------- /torch/legacy/nn/Cosine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Cosine.py -------------------------------------------------------------------------------- /torch/legacy/nn/ELU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/ELU.py -------------------------------------------------------------------------------- /torch/legacy/nn/Exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Exp.py -------------------------------------------------------------------------------- /torch/legacy/nn/Index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Index.py -------------------------------------------------------------------------------- /torch/legacy/nn/L1Cost.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/L1Cost.py -------------------------------------------------------------------------------- /torch/legacy/nn/Linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Linear.py -------------------------------------------------------------------------------- /torch/legacy/nn/Log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Log.py -------------------------------------------------------------------------------- /torch/legacy/nn/MM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/MM.py -------------------------------------------------------------------------------- /torch/legacy/nn/MV.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/MV.py -------------------------------------------------------------------------------- /torch/legacy/nn/Max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Max.py -------------------------------------------------------------------------------- /torch/legacy/nn/Mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Mean.py -------------------------------------------------------------------------------- /torch/legacy/nn/Min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Min.py -------------------------------------------------------------------------------- /torch/legacy/nn/Module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Module.py -------------------------------------------------------------------------------- /torch/legacy/nn/Mul.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Mul.py -------------------------------------------------------------------------------- /torch/legacy/nn/Narrow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Narrow.py -------------------------------------------------------------------------------- /torch/legacy/nn/PReLU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/PReLU.py -------------------------------------------------------------------------------- /torch/legacy/nn/Power.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Power.py -------------------------------------------------------------------------------- /torch/legacy/nn/RReLU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/RReLU.py -------------------------------------------------------------------------------- /torch/legacy/nn/ReLU.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/ReLU.py -------------------------------------------------------------------------------- /torch/legacy/nn/ReLU6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/ReLU6.py -------------------------------------------------------------------------------- /torch/legacy/nn/Select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Select.py -------------------------------------------------------------------------------- /torch/legacy/nn/Sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Sqrt.py -------------------------------------------------------------------------------- /torch/legacy/nn/Square.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Square.py -------------------------------------------------------------------------------- /torch/legacy/nn/Sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Sum.py -------------------------------------------------------------------------------- /torch/legacy/nn/Tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/Tanh.py -------------------------------------------------------------------------------- /torch/legacy/nn/View.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/View.py -------------------------------------------------------------------------------- /torch/legacy/nn/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/nn/utils.py -------------------------------------------------------------------------------- /torch/legacy/optim/cg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/optim/cg.py -------------------------------------------------------------------------------- /torch/legacy/optim/nag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/optim/nag.py -------------------------------------------------------------------------------- /torch/legacy/optim/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/legacy/optim/sgd.py -------------------------------------------------------------------------------- /torch/lib/THD/THD.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/THD/THD.h -------------------------------------------------------------------------------- /torch/lib/THD/base/Cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/THD/base/Cuda.h -------------------------------------------------------------------------------- /torch/lib/THD/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/THD/build.sh -------------------------------------------------------------------------------- /torch/lib/THD/master_worker/README.md: -------------------------------------------------------------------------------- 1 | This folder is effectively dead at the moment. 2 | -------------------------------------------------------------------------------- /torch/lib/c10d/Def.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/c10d/Def.hpp -------------------------------------------------------------------------------- /torch/lib/c10d/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/c10d/README.md -------------------------------------------------------------------------------- /torch/lib/c10d/Store.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/c10d/Store.cpp -------------------------------------------------------------------------------- /torch/lib/c10d/Store.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/c10d/Store.hpp -------------------------------------------------------------------------------- /torch/lib/c10d/Types.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/c10d/Types.hpp -------------------------------------------------------------------------------- /torch/lib/c10d/Utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/c10d/Utils.cpp -------------------------------------------------------------------------------- /torch/lib/c10d/Utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/c10d/Utils.hpp -------------------------------------------------------------------------------- /torch/lib/c10d/cmake/Def.hpp.in: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #cmakedefine USE_C10D_NCCL 4 | -------------------------------------------------------------------------------- /torch/lib/libshm/core.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/libshm/core.cpp -------------------------------------------------------------------------------- /torch/lib/libshm/err.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/libshm/err.h -------------------------------------------------------------------------------- /torch/lib/libshm/libshm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/libshm/libshm.h -------------------------------------------------------------------------------- /torch/lib/libshm/socket.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/lib/libshm/socket.h -------------------------------------------------------------------------------- /torch/nn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/__init__.py -------------------------------------------------------------------------------- /torch/nn/_functions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/nn/backends/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/nn/backends/thnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/backends/thnn.py -------------------------------------------------------------------------------- /torch/nn/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/functional.py -------------------------------------------------------------------------------- /torch/nn/grad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/grad.py -------------------------------------------------------------------------------- /torch/nn/init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/init.py -------------------------------------------------------------------------------- /torch/nn/modules/conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/modules/conv.py -------------------------------------------------------------------------------- /torch/nn/modules/fold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/modules/fold.py -------------------------------------------------------------------------------- /torch/nn/modules/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/modules/loss.py -------------------------------------------------------------------------------- /torch/nn/modules/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/modules/rnn.py -------------------------------------------------------------------------------- /torch/nn/modules/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/modules/utils.py -------------------------------------------------------------------------------- /torch/nn/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/parameter.py -------------------------------------------------------------------------------- /torch/nn/utils/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/nn/utils/rnn.py -------------------------------------------------------------------------------- /torch/onnx/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/onnx/__init__.py -------------------------------------------------------------------------------- /torch/onnx/operators.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/onnx/operators.py -------------------------------------------------------------------------------- /torch/onnx/symbolic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/onnx/symbolic.py -------------------------------------------------------------------------------- /torch/onnx/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/onnx/utils.py -------------------------------------------------------------------------------- /torch/optim/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/__init__.py -------------------------------------------------------------------------------- /torch/optim/adadelta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/adadelta.py -------------------------------------------------------------------------------- /torch/optim/adagrad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/adagrad.py -------------------------------------------------------------------------------- /torch/optim/adam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/adam.py -------------------------------------------------------------------------------- /torch/optim/adamax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/adamax.py -------------------------------------------------------------------------------- /torch/optim/asgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/asgd.py -------------------------------------------------------------------------------- /torch/optim/lbfgs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/lbfgs.py -------------------------------------------------------------------------------- /torch/optim/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/optimizer.py -------------------------------------------------------------------------------- /torch/optim/rmsprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/rmsprop.py -------------------------------------------------------------------------------- /torch/optim/rprop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/rprop.py -------------------------------------------------------------------------------- /torch/optim/sgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/optim/sgd.py -------------------------------------------------------------------------------- /torch/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/random.py -------------------------------------------------------------------------------- /torch/serialization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/serialization.py -------------------------------------------------------------------------------- /torch/sparse/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/sparse/__init__.py -------------------------------------------------------------------------------- /torch/storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/storage.py -------------------------------------------------------------------------------- /torch/tensor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/tensor.py -------------------------------------------------------------------------------- /torch/testing/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/testing/__init__.py -------------------------------------------------------------------------------- /torch/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/bottleneck/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /torch/utils/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/utils/checkpoint.py -------------------------------------------------------------------------------- /torch/utils/dlpack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/utils/dlpack.py -------------------------------------------------------------------------------- /torch/utils/file_baton.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/utils/file_baton.py -------------------------------------------------------------------------------- /torch/utils/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/utils/hooks.py -------------------------------------------------------------------------------- /torch/utils/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/torch/utils/model_zoo.py -------------------------------------------------------------------------------- /tox.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gpgpu-sim/pytorch-gpgpu-sim/HEAD/tox.ini --------------------------------------------------------------------------------