├── .gitignore ├── docker-flask ├── app │ └── api │ │ ├── Dockerfile │ │ ├── app.py │ │ ├── docker-compose.yml │ │ ├── models │ │ └── pipeline.pickle │ │ ├── requirements.txt │ │ └── utilities.py └── ml-dev │ └── text-classification.ipynb ├── flask-chatbot ├── app.py ├── chat.py ├── data.pth ├── intents.json ├── model.py ├── nltk_utils.py ├── static │ └── style.css ├── templates │ └── base.html └── train.py ├── google-cloud-run ├── .dockerignore ├── Dockerfile ├── README.md ├── main.py ├── nn.h5 ├── requirements.txt └── test │ ├── eight.png │ ├── load.py │ ├── test.py │ ├── three.png │ └── train.py └── pytorch-ios ├── PyTorch Demo ├── Podfile ├── Podfile.lock ├── Pods │ ├── Headers │ │ ├── Private │ │ │ └── LibTorch │ │ │ │ └── LibTorch.h │ │ └── Public │ │ │ └── LibTorch │ │ │ └── LibTorch.h │ ├── LibTorch │ │ ├── LICENSE │ │ ├── install │ │ │ └── include │ │ │ │ ├── ATen │ │ │ │ ├── ATen.h │ │ │ │ ├── AccumulateType.h │ │ │ │ ├── ArrayRef.h │ │ │ │ ├── Backend.h │ │ │ │ ├── Backtrace.h │ │ │ │ ├── BatchedFallback.h │ │ │ │ ├── BatchedTensorImpl.h │ │ │ │ ├── CPUApplyUtils.h │ │ │ │ ├── CPUFixedAllocator.h │ │ │ │ ├── CPUFunctions.h │ │ │ │ ├── CPUGeneratorImpl.h │ │ │ │ ├── CUDAGeneratorImpl.h │ │ │ │ ├── Config.h │ │ │ │ ├── Context.h │ │ │ │ ├── DLConvertor.h │ │ │ │ ├── Device.h │ │ │ │ ├── DeviceGuard.h │ │ │ │ ├── DimVector.h │ │ │ │ ├── Dimname.h │ │ │ │ ├── Dispatch.h │ │ │ │ ├── DynamicLibrary.h │ │ │ │ ├── ExpandUtils.h │ │ │ │ ├── Formatting.h │ │ │ │ ├── Functions.h │ │ │ │ ├── Generator.h │ │ │ │ ├── InferSize.h │ │ │ │ ├── InitialTensorOptions.h │ │ │ │ ├── Layout.h │ │ │ │ ├── LegacyTHFunctionsCPU.h │ │ │ │ ├── LegacyTHFunctionsCUDA.h │ │ │ │ ├── MatrixRef.h │ │ │ │ ├── MemoryOverlap.h │ │ │ │ ├── MetaFunctions.h │ │ │ │ ├── NamedTensor.h │ │ │ │ ├── NamedTensorUtils.h │ │ │ │ ├── NativeFunctions.h │ │ │ │ ├── NumericUtils.h │ │ │ │ ├── OpaqueTensorImpl.h │ │ │ │ ├── PTThreadPool.h │ │ │ │ ├── Parallel.h │ │ │ │ ├── ParallelNative.h │ │ │ │ ├── ParallelNativeTBB.h │ │ │ │ ├── ParallelOpenMP.h │ │ │ │ ├── RegistrationDeclarations.h │ │ │ │ ├── Scalar.h │ │ │ │ ├── ScalarOps.h │ │ │ │ ├── ScalarType.h │ │ │ │ ├── SequenceNumber.h │ │ │ │ ├── SmallVector.h │ │ │ │ ├── SparseTensorImpl.h │ │ │ │ ├── SparseTensorUtils.h │ │ │ │ ├── Storage.h │ │ │ │ ├── Tensor.h │ │ │ │ ├── TensorAccessor.h │ │ │ │ ├── TensorGeometry.h │ │ │ │ ├── TensorIndexing.h │ │ │ │ ├── TensorIterator.h │ │ │ │ ├── TensorMeta.h │ │ │ │ ├── TensorNames.h │ │ │ │ ├── TensorOperators.h │ │ │ │ ├── TensorOptions.h │ │ │ │ ├── TensorUtils.h │ │ │ │ ├── ThreadLocalState.h │ │ │ │ ├── TracerMode.h │ │ │ │ ├── TypeDefault.h │ │ │ │ ├── Utils.h │ │ │ │ ├── Version.h │ │ │ │ ├── VmapMode.h │ │ │ │ ├── VmapTransforms.h │ │ │ │ ├── WrapDimUtils.h │ │ │ │ ├── WrapDimUtilsMulti.h │ │ │ │ ├── autocast_mode.h │ │ │ │ ├── core │ │ │ │ │ ├── ATenGeneral.h │ │ │ │ │ ├── ATenOpList.h │ │ │ │ │ ├── Array.h │ │ │ │ │ ├── Backtrace.h │ │ │ │ │ ├── DeprecatedTypeProperties.h │ │ │ │ │ ├── DeprecatedTypePropertiesRegistry.h │ │ │ │ │ ├── Dict.h │ │ │ │ │ ├── Dict_inl.h │ │ │ │ │ ├── DimVector.h │ │ │ │ │ ├── Dimname.h │ │ │ │ │ ├── DistributionsHelper.h │ │ │ │ │ ├── Formatting.h │ │ │ │ │ ├── Generator.h │ │ │ │ │ ├── LegacyTypeDispatch.h │ │ │ │ │ ├── List.h │ │ │ │ │ ├── List_inl.h │ │ │ │ │ ├── MT19937RNGEngine.h │ │ │ │ │ ├── Macros.h │ │ │ │ │ ├── NamedTensor.h │ │ │ │ │ ├── PhiloxRNGEngine.h │ │ │ │ │ ├── QuantizerBase.h │ │ │ │ │ ├── Range.h │ │ │ │ │ ├── Reduction.h │ │ │ │ │ ├── Scalar.h │ │ │ │ │ ├── ScalarType.h │ │ │ │ │ ├── Tensor.h │ │ │ │ │ ├── TensorAccessor.h │ │ │ │ │ ├── TensorBody.h │ │ │ │ │ ├── TransformationHelper.h │ │ │ │ │ ├── UndefinedTensorImpl.h │ │ │ │ │ ├── UnsafeFromTH.h │ │ │ │ │ ├── VariableHooksInterface.h │ │ │ │ │ ├── Variadic.h │ │ │ │ │ ├── Vitals.h │ │ │ │ │ ├── alias_info.h │ │ │ │ │ ├── aten_interned_strings.h │ │ │ │ │ ├── blob.h │ │ │ │ │ ├── boxing │ │ │ │ │ │ ├── KernelFunction.h │ │ │ │ │ │ ├── KernelFunction_impl.h │ │ │ │ │ │ └── impl │ │ │ │ │ │ │ ├── WrapFunctionIntoFunctor.h │ │ │ │ │ │ │ ├── WrapFunctionIntoRuntimeFunctor.h │ │ │ │ │ │ │ ├── boxing.h │ │ │ │ │ │ │ ├── make_boxed_from_unboxed_functor.h │ │ │ │ │ │ │ └── test_helpers.h │ │ │ │ │ ├── builtin_function.h │ │ │ │ │ ├── dispatch │ │ │ │ │ │ ├── CppSignature.h │ │ │ │ │ │ ├── DispatchKeyExtractor.h │ │ │ │ │ │ ├── Dispatcher.h │ │ │ │ │ │ ├── ObservedOperators.h │ │ │ │ │ │ ├── OperatorEntry.h │ │ │ │ │ │ ├── OperatorOptions.h │ │ │ │ │ │ └── RegistrationHandleRAII.h │ │ │ │ │ ├── function.h │ │ │ │ │ ├── function_schema.h │ │ │ │ │ ├── function_schema_inl.h │ │ │ │ │ ├── functional.h │ │ │ │ │ ├── grad_mode.h │ │ │ │ │ ├── interned_strings.h │ │ │ │ │ ├── interned_strings_class.h │ │ │ │ │ ├── ivalue.h │ │ │ │ │ ├── ivalue_inl.h │ │ │ │ │ ├── jit_type.h │ │ │ │ │ ├── jit_type_base.h │ │ │ │ │ ├── op_registration │ │ │ │ │ │ ├── hacky_wrapper_for_legacy_signatures.h │ │ │ │ │ │ ├── infer_schema.h │ │ │ │ │ │ ├── op_registration.h │ │ │ │ │ │ └── op_whitelist.h │ │ │ │ │ ├── operator_name.h │ │ │ │ │ ├── qualified_name.h │ │ │ │ │ ├── rref_interface.h │ │ │ │ │ ├── stack.h │ │ │ │ │ └── typeid.h │ │ │ │ ├── cpp_custom_type_hack.h │ │ │ │ ├── cpu │ │ │ │ │ ├── FlushDenormal.h │ │ │ │ │ ├── vec256 │ │ │ │ │ │ ├── functional.h │ │ │ │ │ │ ├── intrinsics.h │ │ │ │ │ │ ├── missing_vld1_neon.h │ │ │ │ │ │ ├── missing_vst1_neon.h │ │ │ │ │ │ ├── vec256.h │ │ │ │ │ │ ├── vec256_base.h │ │ │ │ │ │ ├── vec256_bfloat16.h │ │ │ │ │ │ ├── vec256_complex_double.h │ │ │ │ │ │ ├── vec256_complex_float.h │ │ │ │ │ │ ├── vec256_double.h │ │ │ │ │ │ ├── vec256_float.h │ │ │ │ │ │ ├── vec256_float_neon.h │ │ │ │ │ │ ├── vec256_int.h │ │ │ │ │ │ └── vec256_qint.h │ │ │ │ │ └── vml.h │ │ │ │ ├── detail │ │ │ │ │ ├── CPUGuardImpl.h │ │ │ │ │ ├── CUDAHooksInterface.h │ │ │ │ │ ├── FunctionTraits.h │ │ │ │ │ └── HIPHooksInterface.h │ │ │ │ ├── div_rtn.h │ │ │ │ ├── dlpack.h │ │ │ │ ├── quantized │ │ │ │ │ ├── QTensorImpl.h │ │ │ │ │ └── Quantizer.h │ │ │ │ └── record_function.h │ │ │ │ ├── TH │ │ │ │ ├── TH.h │ │ │ │ ├── THAllocator.h │ │ │ │ ├── THBlas.h │ │ │ │ ├── THGeneral.h │ │ │ │ ├── THGenerateAllTypes.h │ │ │ │ ├── THGenerateBFloat16Type.h │ │ │ │ ├── THGenerateBoolType.h │ │ │ │ ├── THGenerateByteType.h │ │ │ │ ├── THGenerateCharType.h │ │ │ │ ├── THGenerateComplexDoubleType.h │ │ │ │ ├── THGenerateComplexFloatType.h │ │ │ │ ├── THGenerateComplexTypes.h │ │ │ │ ├── THGenerateDoubleType.h │ │ │ │ ├── THGenerateFloatType.h │ │ │ │ ├── THGenerateFloatTypes.h │ │ │ │ ├── THGenerateHalfType.h │ │ │ │ ├── THGenerateIntType.h │ │ │ │ ├── THGenerateIntTypes.h │ │ │ │ ├── THGenerateLongType.h │ │ │ │ ├── THGenerateQInt32Type.h │ │ │ │ ├── THGenerateQInt8Type.h │ │ │ │ ├── THGenerateQTypes.h │ │ │ │ ├── THGenerateQUInt4x2Type.h │ │ │ │ ├── THGenerateQUInt8Type.h │ │ │ │ ├── THGenerateShortType.h │ │ │ │ ├── THHalf.h │ │ │ │ ├── THLapack.h │ │ │ │ ├── THStorage.h │ │ │ │ ├── THStorageFunctions.h │ │ │ │ ├── THStorageFunctions.hpp │ │ │ │ ├── THTensor.h │ │ │ │ ├── THTensor.hpp │ │ │ │ ├── THTensorApply.h │ │ │ │ ├── THTensorDimApply.h │ │ │ │ ├── THVector.h │ │ │ │ ├── generic │ │ │ │ │ ├── THBlas.cpp │ │ │ │ │ ├── THBlas.h │ │ │ │ │ ├── THLapack.cpp │ │ │ │ │ ├── THLapack.h │ │ │ │ │ ├── THStorage.cpp │ │ │ │ │ ├── THStorage.h │ │ │ │ │ ├── THStorageCopy.cpp │ │ │ │ │ ├── THStorageCopy.h │ │ │ │ │ ├── THTensor.cpp │ │ │ │ │ ├── THTensor.h │ │ │ │ │ ├── THTensor.hpp │ │ │ │ │ ├── THTensorLapack.cpp │ │ │ │ │ ├── THTensorLapack.h │ │ │ │ │ ├── THTensorMath.cpp │ │ │ │ │ ├── THTensorMath.h │ │ │ │ │ ├── THTensorRandom.cpp │ │ │ │ │ ├── THTensorRandom.h │ │ │ │ │ ├── THVector.h │ │ │ │ │ └── THVectorDispatch.cpp │ │ │ │ └── vector │ │ │ │ │ ├── AVX.h │ │ │ │ │ └── avx_mathfun.h │ │ │ │ ├── THCUNN │ │ │ │ └── generic │ │ │ │ │ └── THCUNN.h │ │ │ │ ├── c10 │ │ │ │ ├── core │ │ │ │ │ ├── Allocator.h │ │ │ │ │ ├── Backend.h │ │ │ │ │ ├── CPUAllocator.h │ │ │ │ │ ├── CompileTimeFunctionPointer.h │ │ │ │ │ ├── CopyBytes.h │ │ │ │ │ ├── DefaultDtype.h │ │ │ │ │ ├── DefaultTensorOptions.h │ │ │ │ │ ├── Device.h │ │ │ │ │ ├── DeviceGuard.h │ │ │ │ │ ├── DeviceType.h │ │ │ │ │ ├── DispatchKey.h │ │ │ │ │ ├── DispatchKeySet.h │ │ │ │ │ ├── Event.h │ │ │ │ │ ├── GeneratorImpl.h │ │ │ │ │ ├── Layout.h │ │ │ │ │ ├── MemoryFormat.h │ │ │ │ │ ├── QEngine.h │ │ │ │ │ ├── QScheme.h │ │ │ │ │ ├── Scalar.h │ │ │ │ │ ├── ScalarType.h │ │ │ │ │ ├── ScalarTypeToTypeMeta.h │ │ │ │ │ ├── Storage.h │ │ │ │ │ ├── StorageImpl.h │ │ │ │ │ ├── Stream.h │ │ │ │ │ ├── StreamGuard.h │ │ │ │ │ ├── TensorImpl.h │ │ │ │ │ ├── TensorOptions.h │ │ │ │ │ ├── UndefinedTensorImpl.h │ │ │ │ │ ├── WrapDimMinimal.h │ │ │ │ │ ├── impl │ │ │ │ │ │ ├── DeviceGuardImplInterface.h │ │ │ │ │ │ ├── FakeGuardImpl.h │ │ │ │ │ │ ├── InlineDeviceGuard.h │ │ │ │ │ │ ├── InlineEvent.h │ │ │ │ │ │ ├── InlineStreamGuard.h │ │ │ │ │ │ ├── LocalDispatchKeySet.h │ │ │ │ │ │ ├── SizesAndStrides.h │ │ │ │ │ │ └── VirtualGuardImpl.h │ │ │ │ │ └── thread_pool.h │ │ │ │ ├── cuda │ │ │ │ │ ├── CUDACachingAllocator.h │ │ │ │ │ ├── CUDAException.h │ │ │ │ │ ├── CUDAFunctions.h │ │ │ │ │ ├── CUDAGuard.h │ │ │ │ │ ├── CUDAMacros.h │ │ │ │ │ ├── CUDAMathCompat.h │ │ │ │ │ ├── CUDAStream.h │ │ │ │ │ └── impl │ │ │ │ │ │ ├── CUDAGuardImpl.h │ │ │ │ │ │ └── CUDATest.h │ │ │ │ ├── macros │ │ │ │ │ ├── Export.h │ │ │ │ │ ├── Macros.h │ │ │ │ │ └── cmake_macros.h │ │ │ │ ├── mobile │ │ │ │ │ ├── CPUCachingAllocator.h │ │ │ │ │ └── CPUProfilingAllocator.h │ │ │ │ ├── test │ │ │ │ │ └── util │ │ │ │ │ │ ├── Macros.h │ │ │ │ │ │ ├── complex_math_test_common.h │ │ │ │ │ │ └── complex_test_common.h │ │ │ │ └── util │ │ │ │ │ ├── AlignOf.h │ │ │ │ │ ├── Array.h │ │ │ │ │ ├── ArrayRef.h │ │ │ │ │ ├── BFloat16-inl.h │ │ │ │ │ ├── BFloat16-math.h │ │ │ │ │ ├── BFloat16.h │ │ │ │ │ ├── Backtrace.h │ │ │ │ │ ├── Bitset.h │ │ │ │ │ ├── C++17.h │ │ │ │ │ ├── ConstexprCrc.h │ │ │ │ │ ├── Deprecated.h │ │ │ │ │ ├── Exception.h │ │ │ │ │ ├── Flags.h │ │ │ │ │ ├── FunctionRef.h │ │ │ │ │ ├── Half-inl.h │ │ │ │ │ ├── Half.h │ │ │ │ │ ├── IdWrapper.h │ │ │ │ │ ├── LeftRight.h │ │ │ │ │ ├── Logging.h │ │ │ │ │ ├── MathConstants.h │ │ │ │ │ ├── Metaprogramming.h │ │ │ │ │ ├── Optional.h │ │ │ │ │ ├── Registry.h │ │ │ │ │ ├── SmallVector.h │ │ │ │ │ ├── StringUtil.h │ │ │ │ │ ├── ThreadLocalDebugInfo.h │ │ │ │ │ ├── Type.h │ │ │ │ │ ├── TypeCast.h │ │ │ │ │ ├── TypeIndex.h │ │ │ │ │ ├── TypeList.h │ │ │ │ │ ├── TypeTraits.h │ │ │ │ │ ├── Unicode.h │ │ │ │ │ ├── UniqueVoidPtr.h │ │ │ │ │ ├── accumulate.h │ │ │ │ │ ├── complex.h │ │ │ │ │ ├── complex_math.h │ │ │ │ │ ├── complex_utils.h │ │ │ │ │ ├── either.h │ │ │ │ │ ├── flat_hash_map.h │ │ │ │ │ ├── hash.h │ │ │ │ │ ├── in_place.h │ │ │ │ │ ├── intrusive_ptr.h │ │ │ │ │ ├── irange.h │ │ │ │ │ ├── llvmMathExtras.h │ │ │ │ │ ├── logging_is_google_glog.h │ │ │ │ │ ├── logging_is_not_google_glog.h │ │ │ │ │ ├── math_compat.h │ │ │ │ │ ├── numa.h │ │ │ │ │ ├── order_preserving_flat_hash_map.h │ │ │ │ │ ├── python_stub.h │ │ │ │ │ ├── qint32.h │ │ │ │ │ ├── qint8.h │ │ │ │ │ ├── quint4x2.h │ │ │ │ │ ├── quint8.h │ │ │ │ │ ├── reverse_iterator.h │ │ │ │ │ ├── sparse_bitset.h │ │ │ │ │ ├── string_utils.h │ │ │ │ │ ├── string_view.h │ │ │ │ │ ├── tempfile.h │ │ │ │ │ ├── thread_name.h │ │ │ │ │ ├── typeid.h │ │ │ │ │ ├── variant.h │ │ │ │ │ └── win32-headers.h │ │ │ │ ├── caffe2 │ │ │ │ ├── contrib │ │ │ │ │ ├── aten │ │ │ │ │ │ ├── aten_op.h │ │ │ │ │ │ └── aten_op_template.h │ │ │ │ │ ├── fakelowp │ │ │ │ │ │ ├── batch_matmul_fp16_fake_op.h │ │ │ │ │ │ ├── common.h │ │ │ │ │ │ ├── fp16_fc_acc_op.h │ │ │ │ │ │ ├── fp16_fma.h │ │ │ │ │ │ ├── fp16_gemm_utils.h │ │ │ │ │ │ ├── int8_dequantize_op_nnpi.h │ │ │ │ │ │ ├── int8_quantize_op_nnpi.h │ │ │ │ │ │ ├── int8_swish_op_nnpi.h │ │ │ │ │ │ ├── layernorm_fp16_fake_op.h │ │ │ │ │ │ ├── lengths_reducer_fused_4bit_rowwise_fp16_fake_op.h │ │ │ │ │ │ ├── lengths_reducer_fused_8bit_rowwise_fp16_fake_op.h │ │ │ │ │ │ ├── lengths_reducer_ops.h │ │ │ │ │ │ ├── quant_lut_fp16_fake_op.h │ │ │ │ │ │ ├── spatial_batch_norm_fp16_fake_op.h │ │ │ │ │ │ ├── sum_fp16_fake_op.h │ │ │ │ │ │ └── unary_fp16_fake_op.h │ │ │ │ │ ├── gloo │ │ │ │ │ │ ├── allgather_ops.h │ │ │ │ │ │ ├── allreduce_ops.h │ │ │ │ │ │ ├── barrier_ops.h │ │ │ │ │ │ ├── broadcast_ops.h │ │ │ │ │ │ ├── common.h │ │ │ │ │ │ ├── common_world_ops.h │ │ │ │ │ │ ├── context.h │ │ │ │ │ │ ├── reduce_scatter_ops.h │ │ │ │ │ │ └── store_handler.h │ │ │ │ │ ├── nccl │ │ │ │ │ │ └── cuda_nccl_gpu.h │ │ │ │ │ ├── opencl │ │ │ │ │ │ └── context.h │ │ │ │ │ ├── prof │ │ │ │ │ │ └── prof_dag_stats_op.h │ │ │ │ │ ├── shm_mutex │ │ │ │ │ │ └── shm_mutex.h │ │ │ │ │ ├── tensorrt │ │ │ │ │ │ ├── tensorrt_op_trt.h │ │ │ │ │ │ ├── tensorrt_tranformer.h │ │ │ │ │ │ └── trt_utils.h │ │ │ │ │ └── warpctc │ │ │ │ │ │ └── ctc_op.h │ │ │ │ ├── core │ │ │ │ │ ├── allocator.h │ │ │ │ │ ├── blob.h │ │ │ │ │ ├── blob_serialization.h │ │ │ │ │ ├── blob_serializer_base.h │ │ │ │ │ ├── blob_stats.h │ │ │ │ │ ├── common.h │ │ │ │ │ ├── common_cudnn.h │ │ │ │ │ ├── common_gpu.h │ │ │ │ │ ├── common_omp.h │ │ │ │ │ ├── context.h │ │ │ │ │ ├── context_base.h │ │ │ │ │ ├── context_gpu.h │ │ │ │ │ ├── cudnn_wrappers.h │ │ │ │ │ ├── db.h │ │ │ │ │ ├── distributions_stubs.h │ │ │ │ │ ├── event.h │ │ │ │ │ ├── event_cpu.h │ │ │ │ │ ├── export_c10_op_to_caffe2.h │ │ │ │ │ ├── export_caffe2_op_to_c10.h │ │ │ │ │ ├── flags.h │ │ │ │ │ ├── graph.h │ │ │ │ │ ├── hip │ │ │ │ │ │ ├── common_miopen.h │ │ │ │ │ │ └── miopen_wrapper.h │ │ │ │ │ ├── init.h │ │ │ │ │ ├── logging.h │ │ │ │ │ ├── macros.h │ │ │ │ │ ├── memonger.h │ │ │ │ │ ├── module.h │ │ │ │ │ ├── net.h │ │ │ │ │ ├── net_async_base.h │ │ │ │ │ ├── net_async_scheduling.h │ │ │ │ │ ├── net_async_task.h │ │ │ │ │ ├── net_async_task_future.h │ │ │ │ │ ├── net_async_task_graph.h │ │ │ │ │ ├── net_async_tracing.h │ │ │ │ │ ├── net_dag_utils.h │ │ │ │ │ ├── net_parallel.h │ │ │ │ │ ├── net_simple.h │ │ │ │ │ ├── net_simple_refcount.h │ │ │ │ │ ├── nomnigraph │ │ │ │ │ │ ├── include │ │ │ │ │ │ │ └── nomnigraph │ │ │ │ │ │ │ │ ├── Converters │ │ │ │ │ │ │ │ └── Dot.h │ │ │ │ │ │ │ │ ├── Generated │ │ │ │ │ │ │ │ ├── OpClasses.h │ │ │ │ │ │ │ │ ├── OpEnum.h │ │ │ │ │ │ │ │ └── OpNames.h │ │ │ │ │ │ │ │ ├── Graph │ │ │ │ │ │ │ │ ├── Algorithms.h │ │ │ │ │ │ │ │ ├── BinaryMatchImpl.h │ │ │ │ │ │ │ │ ├── Graph.h │ │ │ │ │ │ │ │ ├── TarjansImpl.h │ │ │ │ │ │ │ │ └── TopoSort.h │ │ │ │ │ │ │ │ ├── Representations │ │ │ │ │ │ │ │ ├── Compiler.h │ │ │ │ │ │ │ │ ├── ControlFlow.h │ │ │ │ │ │ │ │ └── NeuralNet.h │ │ │ │ │ │ │ │ ├── Support │ │ │ │ │ │ │ │ ├── Casting.h │ │ │ │ │ │ │ │ ├── Common.h │ │ │ │ │ │ │ │ └── Pointer.h │ │ │ │ │ │ │ │ └── Transformations │ │ │ │ │ │ │ │ ├── Match.h │ │ │ │ │ │ │ │ └── SubgraphMatcher.h │ │ │ │ │ │ └── tests │ │ │ │ │ │ │ └── test_util.h │ │ │ │ │ ├── numa.h │ │ │ │ │ ├── observer.h │ │ │ │ │ ├── operator.h │ │ │ │ │ ├── operator_gradient.h │ │ │ │ │ ├── operator_schema.h │ │ │ │ │ ├── plan_executor.h │ │ │ │ │ ├── prof_dag_counters.h │ │ │ │ │ ├── qtensor.h │ │ │ │ │ ├── qtensor_serialization.h │ │ │ │ │ ├── scope_guard.h │ │ │ │ │ ├── static_tracepoint.h │ │ │ │ │ ├── static_tracepoint_elfx86.h │ │ │ │ │ ├── stats.h │ │ │ │ │ ├── storage.h │ │ │ │ │ ├── tensor.h │ │ │ │ │ ├── tensor_impl.h │ │ │ │ │ ├── tensor_int8.h │ │ │ │ │ ├── test_utils.h │ │ │ │ │ ├── timer.h │ │ │ │ │ ├── transform.h │ │ │ │ │ ├── types.h │ │ │ │ │ └── workspace.h │ │ │ │ ├── cuda_rtc │ │ │ │ │ └── common_rtc.h │ │ │ │ ├── db │ │ │ │ │ └── create_db_op.h │ │ │ │ ├── distributed │ │ │ │ │ ├── file_store_handler.h │ │ │ │ │ ├── file_store_handler_op.h │ │ │ │ │ ├── redis_store_handler.h │ │ │ │ │ ├── redis_store_handler_op.h │ │ │ │ │ ├── store_handler.h │ │ │ │ │ └── store_ops.h │ │ │ │ ├── experiments │ │ │ │ │ └── operators │ │ │ │ │ │ ├── fully_connected_op_decomposition.h │ │ │ │ │ │ ├── fully_connected_op_prune.h │ │ │ │ │ │ ├── fully_connected_op_sparse.h │ │ │ │ │ │ ├── funhash_op.h │ │ │ │ │ │ ├── sparse_funhash_op.h │ │ │ │ │ │ ├── sparse_matrix_reshape_op.h │ │ │ │ │ │ ├── tt_contraction_op.h │ │ │ │ │ │ └── tt_pad_op.h │ │ │ │ ├── ideep │ │ │ │ │ ├── ideep_utils.h │ │ │ │ │ ├── operators │ │ │ │ │ │ ├── conv_pool_base_op.h │ │ │ │ │ │ ├── conv_transpose_unpool_base_op.h │ │ │ │ │ │ └── operator_fallback_ideep.h │ │ │ │ │ └── utils │ │ │ │ │ │ ├── ideep_context.h │ │ │ │ │ │ └── ideep_operator.h │ │ │ │ ├── image │ │ │ │ │ ├── image_input_op.h │ │ │ │ │ └── transform_gpu.h │ │ │ │ ├── mobile │ │ │ │ │ └── contrib │ │ │ │ │ │ ├── ios │ │ │ │ │ │ ├── ios_caffe.h │ │ │ │ │ │ ├── ios_caffe_defines.h │ │ │ │ │ │ ├── ios_caffe_predictor.h │ │ │ │ │ │ └── mpscnn │ │ │ │ │ │ │ ├── mpscnn.h │ │ │ │ │ │ │ ├── mpscnn_context.h │ │ │ │ │ │ │ ├── mpscnn_graph_mask.h │ │ │ │ │ │ │ ├── mpscnn_kernels.h │ │ │ │ │ │ │ └── mpscnn_test.h │ │ │ │ │ │ ├── libopencl-stub │ │ │ │ │ │ └── include │ │ │ │ │ │ │ ├── CL │ │ │ │ │ │ │ ├── cl.h │ │ │ │ │ │ │ ├── cl_ext.h │ │ │ │ │ │ │ ├── cl_gl.h │ │ │ │ │ │ │ ├── cl_gl_ext.h │ │ │ │ │ │ │ ├── cl_platform.h │ │ │ │ │ │ │ └── opencl.h │ │ │ │ │ │ │ └── libopencl.h │ │ │ │ │ │ ├── libvulkan-stub │ │ │ │ │ │ └── include │ │ │ │ │ │ │ ├── libvulkan-stub.h │ │ │ │ │ │ │ └── vulkan │ │ │ │ │ │ │ ├── vk_platform.h │ │ │ │ │ │ │ └── vulkan.h │ │ │ │ │ │ ├── nnapi │ │ │ │ │ │ ├── NeuralNetworks.h │ │ │ │ │ │ ├── dlnnapi.h │ │ │ │ │ │ └── nnapi.h │ │ │ │ │ │ ├── snpe │ │ │ │ │ │ └── snpe_ffi.h │ │ │ │ │ │ └── ulp2 │ │ │ │ │ │ ├── ulp.h │ │ │ │ │ │ └── ulp_neon.h │ │ │ │ ├── mpi │ │ │ │ │ ├── mpi_common.h │ │ │ │ │ └── mpi_ops.h │ │ │ │ ├── observers │ │ │ │ │ ├── operator_attaching_net_observer.h │ │ │ │ │ ├── profile_observer.h │ │ │ │ │ ├── runcnt_observer.h │ │ │ │ │ └── time_observer.h │ │ │ │ ├── onnx │ │ │ │ │ ├── backend.h │ │ │ │ │ ├── backend_rep.h │ │ │ │ │ ├── device.h │ │ │ │ │ ├── helper.h │ │ │ │ │ ├── offline_tensor.h │ │ │ │ │ ├── onnx_exporter.h │ │ │ │ │ ├── onnxifi_graph_info.h │ │ │ │ │ ├── onnxifi_init.h │ │ │ │ │ └── torch_ops │ │ │ │ │ │ ├── constants.h │ │ │ │ │ │ ├── operator_sets.h │ │ │ │ │ │ └── schema.h │ │ │ │ ├── operators │ │ │ │ │ ├── abs_op.h │ │ │ │ │ ├── accumulate_op.h │ │ │ │ │ ├── accuracy_op.h │ │ │ │ │ ├── acos_op.h │ │ │ │ │ ├── activation_ops_cudnn.h │ │ │ │ │ ├── affine_channel_op.h │ │ │ │ │ ├── alias_with_name.h │ │ │ │ │ ├── apmeter_op.h │ │ │ │ │ ├── arg_ops.h │ │ │ │ │ ├── asin_op.h │ │ │ │ │ ├── assert_op.h │ │ │ │ │ ├── async_net_barrier_op.h │ │ │ │ │ ├── atan_op.h │ │ │ │ │ ├── batch_box_cox_op.h │ │ │ │ │ ├── batch_bucketize_op.h │ │ │ │ │ ├── batch_gather_ops.h │ │ │ │ │ ├── batch_matmul_op.h │ │ │ │ │ ├── batch_moments_op.h │ │ │ │ │ ├── batch_permutation_op.h │ │ │ │ │ ├── batch_sparse_to_dense_op.h │ │ │ │ │ ├── bbox_transform_op.h │ │ │ │ │ ├── bisect_percentile_op.h │ │ │ │ │ ├── boolean_mask_ops.h │ │ │ │ │ ├── boolean_unmask_ops.h │ │ │ │ │ ├── box_with_nms_limit_op.h │ │ │ │ │ ├── bucketize_op.h │ │ │ │ │ ├── byte_weight_dequant_op.h │ │ │ │ │ ├── cast_op.h │ │ │ │ │ ├── cbrt_op.h │ │ │ │ │ ├── cc_bmm_bg_op.h │ │ │ │ │ ├── ceil_op.h │ │ │ │ │ ├── channel_backprop_stats_op.h │ │ │ │ │ ├── channel_shuffle_op.h │ │ │ │ │ ├── channel_stats_op.h │ │ │ │ │ ├── clip_op.h │ │ │ │ │ ├── collect_and_distribute_fpn_rpn_proposals_op.h │ │ │ │ │ ├── concat_split_op.h │ │ │ │ │ ├── conditional_op.h │ │ │ │ │ ├── conv_op.h │ │ │ │ │ ├── conv_op_cache_cudnn.h │ │ │ │ │ ├── conv_op_impl.h │ │ │ │ │ ├── conv_op_shared.h │ │ │ │ │ ├── conv_pool_op_base.h │ │ │ │ │ ├── conv_transpose_op.h │ │ │ │ │ ├── conv_transpose_op_impl.h │ │ │ │ │ ├── conv_transpose_op_mobile.h │ │ │ │ │ ├── conv_transpose_op_mobile_impl.h │ │ │ │ │ ├── conv_transpose_unpool_op_base.h │ │ │ │ │ ├── copy_op.h │ │ │ │ │ ├── copy_rows_to_tensor_op.h │ │ │ │ │ ├── cos_op.h │ │ │ │ │ ├── cosh_op.h │ │ │ │ │ ├── cosine_embedding_criterion_op.h │ │ │ │ │ ├── counter_ops.h │ │ │ │ │ ├── create_scope_op.h │ │ │ │ │ ├── cross_entropy_op.h │ │ │ │ │ ├── ctc_beam_search_decoder_op.h │ │ │ │ │ ├── ctc_greedy_decoder_op.h │ │ │ │ │ ├── cube_op.h │ │ │ │ │ ├── data_couple.h │ │ │ │ │ ├── dataset_ops.h │ │ │ │ │ ├── deform_conv_op.h │ │ │ │ │ ├── deform_conv_op_impl.h │ │ │ │ │ ├── dense_vector_to_id_list_op.h │ │ │ │ │ ├── distance_op.h │ │ │ │ │ ├── do_op.h │ │ │ │ │ ├── dropout_op.h │ │ │ │ │ ├── elementwise_add_op.h │ │ │ │ │ ├── elementwise_div_op.h │ │ │ │ │ ├── elementwise_linear_op.h │ │ │ │ │ ├── elementwise_logical_ops.h │ │ │ │ │ ├── elementwise_mul_op.h │ │ │ │ │ ├── elementwise_op_test.h │ │ │ │ │ ├── elementwise_ops.h │ │ │ │ │ ├── elementwise_ops_utils.h │ │ │ │ │ ├── elementwise_sub_op.h │ │ │ │ │ ├── elu_op.h │ │ │ │ │ ├── enforce_finite_op.h │ │ │ │ │ ├── ensure_clipped_op.h │ │ │ │ │ ├── ensure_cpu_output_op.h │ │ │ │ │ ├── erf_op.h │ │ │ │ │ ├── exp_op.h │ │ │ │ │ ├── expand_op.h │ │ │ │ │ ├── expand_squeeze_dims_op.h │ │ │ │ │ ├── fc_inference.h │ │ │ │ │ ├── feature_maps_ops.h │ │ │ │ │ ├── feed_blob_op.h │ │ │ │ │ ├── filler_op.h │ │ │ │ │ ├── find_duplicate_elements_op.h │ │ │ │ │ ├── find_op.h │ │ │ │ │ ├── flatten_op.h │ │ │ │ │ ├── flexible_top_k.h │ │ │ │ │ ├── floor_op.h │ │ │ │ │ ├── free_op.h │ │ │ │ │ ├── fully_connected_op.h │ │ │ │ │ ├── fused_rowwise_8bit_conversion_ops.h │ │ │ │ │ ├── fused_rowwise_nbit_conversion_ops.h │ │ │ │ │ ├── fused_rowwise_nbitfake_conversion_ops.h │ │ │ │ │ ├── fused_rowwise_random_quantization_ops.h │ │ │ │ │ ├── gather_fused_8bit_rowwise_op.h │ │ │ │ │ ├── gather_op.h │ │ │ │ │ ├── gather_ranges_to_dense_op.h │ │ │ │ │ ├── gelu_op.h │ │ │ │ │ ├── generate_proposals_op.h │ │ │ │ │ ├── generate_proposals_op_util_boxes.h │ │ │ │ │ ├── generate_proposals_op_util_nms.h │ │ │ │ │ ├── generate_proposals_op_util_nms_gpu.h │ │ │ │ │ ├── given_tensor_byte_string_to_uint8_fill_op.h │ │ │ │ │ ├── given_tensor_fill_op.h │ │ │ │ │ ├── glu_op.h │ │ │ │ │ ├── group_norm_op.h │ │ │ │ │ ├── gru_unit_op.h │ │ │ │ │ ├── h_softmax_op.h │ │ │ │ │ ├── half_float_ops.h │ │ │ │ │ ├── hard_sigmoid_op.h │ │ │ │ │ ├── heatmap_max_keypoint_op.h │ │ │ │ │ ├── hip │ │ │ │ │ │ └── activation_ops_miopen.h │ │ │ │ │ ├── histogram_op.h │ │ │ │ │ ├── if_op.h │ │ │ │ │ ├── im2col_op.h │ │ │ │ │ ├── index_hash_ops.h │ │ │ │ │ ├── index_ops.h │ │ │ │ │ ├── inference_lstm_op.h │ │ │ │ │ ├── instance_norm_op.h │ │ │ │ │ ├── integral_image_op.h │ │ │ │ │ ├── is_empty_op.h │ │ │ │ │ ├── jsd_op.h │ │ │ │ │ ├── key_split_ops.h │ │ │ │ │ ├── layer_norm_op.h │ │ │ │ │ ├── leaky_relu_op.h │ │ │ │ │ ├── length_split_op.h │ │ │ │ │ ├── lengths_pad_op.h │ │ │ │ │ ├── lengths_reducer_fused_8bit_rowwise_ops.h │ │ │ │ │ ├── lengths_reducer_fused_nbit_rowwise_ops.h │ │ │ │ │ ├── lengths_reducer_ops.h │ │ │ │ │ ├── lengths_reducer_rowwise_8bit_ops.h │ │ │ │ │ ├── lengths_tile_op.h │ │ │ │ │ ├── lengths_top_k_op.h │ │ │ │ │ ├── listwise_l2r_op.h │ │ │ │ │ ├── load_save_op.h │ │ │ │ │ ├── load_save_op_util.h │ │ │ │ │ ├── local_response_normalization_op.h │ │ │ │ │ ├── locally_connected_op.h │ │ │ │ │ ├── locally_connected_op_impl.h │ │ │ │ │ ├── locally_connected_op_util.h │ │ │ │ │ ├── log_op.h │ │ │ │ │ ├── logit_op.h │ │ │ │ │ ├── loss_op.h │ │ │ │ │ ├── lpnorm_op.h │ │ │ │ │ ├── lstm_unit_op.h │ │ │ │ │ ├── lstm_utils.h │ │ │ │ │ ├── map_ops.h │ │ │ │ │ ├── margin_ranking_criterion_op.h │ │ │ │ │ ├── matmul_op.h │ │ │ │ │ ├── max_pool_with_index_gpu.h │ │ │ │ │ ├── mean_op.h │ │ │ │ │ ├── merge_id_lists_op.h │ │ │ │ │ ├── minmax_ops.h │ │ │ │ │ ├── mish_op.h │ │ │ │ │ ├── mod_op.h │ │ │ │ │ ├── moments_op.h │ │ │ │ │ ├── multi_class_accuracy_op.h │ │ │ │ │ ├── negate_gradient_op.h │ │ │ │ │ ├── negative_op.h │ │ │ │ │ ├── ngram_ops.h │ │ │ │ │ ├── no_default_engine_op.h │ │ │ │ │ ├── normalize_l1_op.h │ │ │ │ │ ├── normalize_op.h │ │ │ │ │ ├── numpy_tile_op.h │ │ │ │ │ ├── one_hot_ops.h │ │ │ │ │ ├── onnx_while_op.h │ │ │ │ │ ├── op_utils_cudnn.h │ │ │ │ │ ├── operator_fallback_gpu.h │ │ │ │ │ ├── order_switch_ops.h │ │ │ │ │ ├── pack_rnn_sequence_op.h │ │ │ │ │ ├── pack_segments.h │ │ │ │ │ ├── pad_op.h │ │ │ │ │ ├── partition_ops.h │ │ │ │ │ ├── percentile_op.h │ │ │ │ │ ├── perplexity_op.h │ │ │ │ │ ├── piecewise_linear_transform_op.h │ │ │ │ │ ├── pool_op.h │ │ │ │ │ ├── pool_op_util.h │ │ │ │ │ ├── pow_op.h │ │ │ │ │ ├── prefetch_op.h │ │ │ │ │ ├── prelu_op.h │ │ │ │ │ ├── prepend_dim_op.h │ │ │ │ │ ├── quant_decode_op.h │ │ │ │ │ ├── quantile_op.h │ │ │ │ │ ├── quantized │ │ │ │ │ │ ├── int8_add_op.h │ │ │ │ │ │ ├── int8_average_pool_op.h │ │ │ │ │ │ ├── int8_channel_shuffle_op.h │ │ │ │ │ │ ├── int8_concat_op.h │ │ │ │ │ │ ├── int8_conv_op.h │ │ │ │ │ │ ├── int8_conv_transpose_op.h │ │ │ │ │ │ ├── int8_dequantize_op.h │ │ │ │ │ │ ├── int8_fc_op.h │ │ │ │ │ │ ├── int8_flatten_op.h │ │ │ │ │ │ ├── int8_given_tensor_fill_op.h │ │ │ │ │ │ ├── int8_leaky_relu_op.h │ │ │ │ │ │ ├── int8_max_pool_op.h │ │ │ │ │ │ ├── int8_quantize_op.h │ │ │ │ │ │ ├── int8_relu_op.h │ │ │ │ │ │ ├── int8_reshape_op.h │ │ │ │ │ │ ├── int8_resize_nearest_op.h │ │ │ │ │ │ ├── int8_roi_align_op.h │ │ │ │ │ │ ├── int8_sigmoid_op.h │ │ │ │ │ │ ├── int8_simd.h │ │ │ │ │ │ ├── int8_slice_op.h │ │ │ │ │ │ ├── int8_softmax_op.h │ │ │ │ │ │ ├── int8_test_utils.h │ │ │ │ │ │ ├── int8_transpose_op.h │ │ │ │ │ │ └── int8_utils.h │ │ │ │ │ ├── rank_loss_op.h │ │ │ │ │ ├── reciprocal_op.h │ │ │ │ │ ├── reduce_front_back_max_ops.h │ │ │ │ │ ├── reduce_front_back_sum_mean_ops.h │ │ │ │ │ ├── reduce_ops.h │ │ │ │ │ ├── reducer_functors.h │ │ │ │ │ ├── reduction_ops.h │ │ │ │ │ ├── relu_n_op.h │ │ │ │ │ ├── relu_op.h │ │ │ │ │ ├── remove_data_blocks_op.h │ │ │ │ │ ├── replace_nan_op.h │ │ │ │ │ ├── reshape_op.h │ │ │ │ │ ├── resize_3d_op.h │ │ │ │ │ ├── resize_op.h │ │ │ │ │ ├── reverse_packed_segs_op.h │ │ │ │ │ ├── rmac_regions_op.h │ │ │ │ │ ├── rms_norm_op.h │ │ │ │ │ ├── rnn │ │ │ │ │ │ ├── hip │ │ │ │ │ │ │ └── recurrent_op_miopen.h │ │ │ │ │ │ ├── recurrent_network_blob_fetcher_op.h │ │ │ │ │ │ ├── recurrent_network_executor.h │ │ │ │ │ │ ├── recurrent_network_executor_gpu.h │ │ │ │ │ │ ├── recurrent_network_executor_incl.h │ │ │ │ │ │ ├── recurrent_network_op.h │ │ │ │ │ │ └── recurrent_op_cudnn.h │ │ │ │ │ ├── roi_align_gradient_op.h │ │ │ │ │ ├── roi_align_op.h │ │ │ │ │ ├── roi_align_rotated_gradient_op.h │ │ │ │ │ ├── roi_align_rotated_op.h │ │ │ │ │ ├── roi_pool_op.h │ │ │ │ │ ├── rowmul_op.h │ │ │ │ │ ├── rsqrt_op.h │ │ │ │ │ ├── scale_blobs_op.h │ │ │ │ │ ├── scale_op.h │ │ │ │ │ ├── segment_reduction_op.h │ │ │ │ │ ├── self_binning_histogram_op.h │ │ │ │ │ ├── selu_op.h │ │ │ │ │ ├── sequence_ops.h │ │ │ │ │ ├── shape_op.h │ │ │ │ │ ├── sigmoid_op.h │ │ │ │ │ ├── sin_op.h │ │ │ │ │ ├── sinh_op.h │ │ │ │ │ ├── sinusoid_position_encoding_op.h │ │ │ │ │ ├── slice_op.h │ │ │ │ │ ├── softmax_op.h │ │ │ │ │ ├── softmax_utils.h │ │ │ │ │ ├── softmax_with_loss_op.h │ │ │ │ │ ├── softplus_op.h │ │ │ │ │ ├── softsign_op.h │ │ │ │ │ ├── space_batch_op.h │ │ │ │ │ ├── sparse_dropout_with_replacement_op.h │ │ │ │ │ ├── sparse_lp_regularizer_op.h │ │ │ │ │ ├── sparse_normalize_op.h │ │ │ │ │ ├── sparse_to_dense_mask_op.h │ │ │ │ │ ├── sparse_to_dense_op.h │ │ │ │ │ ├── spatial_batch_norm_op.h │ │ │ │ │ ├── spatial_softmax_with_loss_op.h │ │ │ │ │ ├── sqr_op.h │ │ │ │ │ ├── sqrt_op.h │ │ │ │ │ ├── square_root_divide_op.h │ │ │ │ │ ├── stats_put_ops.h │ │ │ │ │ ├── stop_gradient.h │ │ │ │ │ ├── string_ops.h │ │ │ │ │ ├── stump_func_op.h │ │ │ │ │ ├── summarize_op.h │ │ │ │ │ ├── swish_op.h │ │ │ │ │ ├── tan_op.h │ │ │ │ │ ├── tanh_op.h │ │ │ │ │ ├── tensor_protos_db_input.h │ │ │ │ │ ├── text_file_reader_utils.h │ │ │ │ │ ├── thresholded_relu_op.h │ │ │ │ │ ├── tile_op.h │ │ │ │ │ ├── top_k.h │ │ │ │ │ ├── transpose_op.h │ │ │ │ │ ├── tt_linear_op.h │ │ │ │ │ ├── unique_ops.h │ │ │ │ │ ├── unsafe_coalesce.h │ │ │ │ │ ├── upsample_op.h │ │ │ │ │ ├── utility_ops.h │ │ │ │ │ ├── variable_length_sequence_padding.h │ │ │ │ │ ├── weighted_multi_sampling_op.h │ │ │ │ │ ├── weighted_sample_op.h │ │ │ │ │ ├── while_op.h │ │ │ │ │ └── zero_gradient_op.h │ │ │ │ ├── opt │ │ │ │ │ ├── annotations.h │ │ │ │ │ ├── backend_cutting.h │ │ │ │ │ ├── backend_transformer_base.h │ │ │ │ │ ├── bound_shape_inferencer.h │ │ │ │ │ ├── converter.h │ │ │ │ │ ├── custom │ │ │ │ │ │ ├── cc_amrc.h │ │ │ │ │ │ ├── concat_elim.h │ │ │ │ │ │ ├── freeze_quantization_params.h │ │ │ │ │ │ ├── in_batch_broadcast.h │ │ │ │ │ │ └── pointwise_elim.h │ │ │ │ │ ├── device.h │ │ │ │ │ ├── distributed.h │ │ │ │ │ ├── fakefp16_transform.h │ │ │ │ │ ├── fusion.h │ │ │ │ │ ├── glow_net_transform.h │ │ │ │ │ ├── mobile.h │ │ │ │ │ ├── nql │ │ │ │ │ │ ├── ast.h │ │ │ │ │ │ └── graphmatcher.h │ │ │ │ │ ├── onnx_convert.h │ │ │ │ │ ├── onnxifi_op.h │ │ │ │ │ ├── onnxifi_transformer.h │ │ │ │ │ ├── optimize_ideep.h │ │ │ │ │ ├── optimizer.h │ │ │ │ │ ├── passes.h │ │ │ │ │ ├── shape_info.h │ │ │ │ │ └── tvm_transformer.h │ │ │ │ ├── perfkernels │ │ │ │ │ ├── adagrad.h │ │ │ │ │ ├── common.h │ │ │ │ │ ├── cvtsh_ss_bugfix.h │ │ │ │ │ ├── embedding_lookup.h │ │ │ │ │ ├── embedding_lookup_idx.h │ │ │ │ │ ├── fused_8bit_rowwise_embedding_lookup.h │ │ │ │ │ ├── fused_8bit_rowwise_embedding_lookup_idx.h │ │ │ │ │ ├── fused_nbit_rowwise_conversion.h │ │ │ │ │ ├── lstm_unit_cpu-impl.h │ │ │ │ │ ├── lstm_unit_cpu.h │ │ │ │ │ ├── lstm_unit_cpu_common.h │ │ │ │ │ ├── math.h │ │ │ │ │ └── typed_axpy.h │ │ │ │ ├── predictor │ │ │ │ │ ├── InferenceGraph.h │ │ │ │ │ ├── ThreadLocalPtr.h │ │ │ │ │ ├── emulator │ │ │ │ │ │ ├── benchmark.h │ │ │ │ │ │ ├── data_filler.h │ │ │ │ │ │ ├── emulator.h │ │ │ │ │ │ ├── net_supplier.h │ │ │ │ │ │ ├── output_formatter.h │ │ │ │ │ │ ├── profiler.h │ │ │ │ │ │ ├── std_output_formatter.h │ │ │ │ │ │ ├── time_profiler.h │ │ │ │ │ │ └── utils.h │ │ │ │ │ ├── predictor.h │ │ │ │ │ ├── predictor_config.h │ │ │ │ │ ├── predictor_utils.h │ │ │ │ │ └── transforms.h │ │ │ │ ├── proto │ │ │ │ │ ├── caffe2_pb.h │ │ │ │ │ └── torch_pb.h │ │ │ │ ├── python │ │ │ │ │ ├── dlpack.h │ │ │ │ │ ├── pybind_state.h │ │ │ │ │ ├── pybind_state_dlpack.h │ │ │ │ │ └── pybind_state_registry.h │ │ │ │ ├── quantization │ │ │ │ │ └── server │ │ │ │ │ │ ├── activation_distribution_observer.h │ │ │ │ │ │ ├── batch_matmul_dnnlowp_op.h │ │ │ │ │ │ ├── batch_permutation_dnnlowp_op.h │ │ │ │ │ │ ├── caffe2_dnnlowp_utils.h │ │ │ │ │ │ ├── channel_shuffle_dnnlowp_op.h │ │ │ │ │ │ ├── compute_equalization_scale.h │ │ │ │ │ │ ├── concat_dnnlowp_op.h │ │ │ │ │ │ ├── conv_dnnlowp_acc16_op.h │ │ │ │ │ │ ├── conv_dnnlowp_op.h │ │ │ │ │ │ ├── conv_pool_dnnlowp_op_base.h │ │ │ │ │ │ ├── conv_relu_op.h │ │ │ │ │ │ ├── dequantize_dnnlowp_op.h │ │ │ │ │ │ ├── dnnlowp.h │ │ │ │ │ │ ├── dnnlowp_op.h │ │ │ │ │ │ ├── dnnlowp_partition.h │ │ │ │ │ │ ├── dynamic_histogram.h │ │ │ │ │ │ ├── elementwise_dnnlowp_op.h │ │ │ │ │ │ ├── elementwise_linear_dnnlowp_op.h │ │ │ │ │ │ ├── fb_fc_packed_op.h │ │ │ │ │ │ ├── fbgemm_fp16_pack_op.h │ │ │ │ │ │ ├── fbgemm_pack_blob.h │ │ │ │ │ │ ├── fbgemm_pack_matrix_cache.h │ │ │ │ │ │ ├── fbgemm_pack_op.h │ │ │ │ │ │ ├── fully_connected_dnnlowp_acc16_op.h │ │ │ │ │ │ ├── fully_connected_dnnlowp_op.h │ │ │ │ │ │ ├── fully_connected_fake_lowp_op.h │ │ │ │ │ │ ├── group_norm_dnnlowp_op.h │ │ │ │ │ │ ├── im2col_dnnlowp.h │ │ │ │ │ │ ├── int8_gen_quant_params.h │ │ │ │ │ │ ├── int8_gen_quant_params_min_max.h │ │ │ │ │ │ ├── int8_quant_scheme_blob_fill.h │ │ │ │ │ │ ├── kl_minimization.h │ │ │ │ │ │ ├── l2_minimization.h │ │ │ │ │ │ ├── lstm_unit_dnnlowp_op.h │ │ │ │ │ │ ├── mmio.h │ │ │ │ │ │ ├── op_wrapper.h │ │ │ │ │ │ ├── pool_dnnlowp_op_avx2.h │ │ │ │ │ │ ├── quantization_error_minimization.h │ │ │ │ │ │ ├── quantize_dnnlowp_op.h │ │ │ │ │ │ ├── relu_dnnlowp_op.h │ │ │ │ │ │ ├── resize_nearest_3d_dnnlowp_op.h │ │ │ │ │ │ ├── resize_nearest_dnnlowp_op.h │ │ │ │ │ │ ├── sigmoid.h │ │ │ │ │ │ ├── spatial_batch_norm_dnnlowp_op.h │ │ │ │ │ │ ├── tanh.h │ │ │ │ │ │ ├── transpose.h │ │ │ │ │ │ └── utility_dnnlowp_ops.h │ │ │ │ ├── queue │ │ │ │ │ ├── blobs_queue.h │ │ │ │ │ ├── blobs_queue_db.h │ │ │ │ │ ├── queue_ops.h │ │ │ │ │ ├── rebatching_queue.h │ │ │ │ │ └── rebatching_queue_ops.h │ │ │ │ ├── serialize │ │ │ │ │ ├── crc_alt.h │ │ │ │ │ ├── file_adapter.h │ │ │ │ │ ├── inline_container.h │ │ │ │ │ ├── istream_adapter.h │ │ │ │ │ ├── read_adapter_interface.h │ │ │ │ │ └── versions.h │ │ │ │ ├── sgd │ │ │ │ │ ├── adadelta_op.h │ │ │ │ │ ├── adagrad_fused.h │ │ │ │ │ ├── adagrad_op.h │ │ │ │ │ ├── adam_op.h │ │ │ │ │ ├── clip_tensor_op.h │ │ │ │ │ ├── fp16_momentum_sgd_op.h │ │ │ │ │ ├── fp32_momentum_sgd_op.h │ │ │ │ │ ├── ftrl_op.h │ │ │ │ │ ├── gftrl_op.h │ │ │ │ │ ├── iter_op.h │ │ │ │ │ ├── lars_op.h │ │ │ │ │ ├── learning_rate_adaption_op.h │ │ │ │ │ ├── learning_rate_functors.h │ │ │ │ │ ├── learning_rate_op.h │ │ │ │ │ ├── math_lp.h │ │ │ │ │ ├── momentum_sgd_op.h │ │ │ │ │ ├── rmsprop_op.h │ │ │ │ │ ├── rowwise_adagrad_fused.h │ │ │ │ │ ├── rowwise_counter.h │ │ │ │ │ ├── storm_op.h │ │ │ │ │ ├── weight_scale_op.h │ │ │ │ │ ├── wngrad_op.h │ │ │ │ │ └── yellowfin_op.h │ │ │ │ ├── share │ │ │ │ │ └── contrib │ │ │ │ │ │ └── zstd │ │ │ │ │ │ └── quant_decomp_zstd_op.h │ │ │ │ ├── transforms │ │ │ │ │ ├── common_subexpression_elimination.h │ │ │ │ │ ├── conv_to_nnpack_transform.h │ │ │ │ │ ├── pattern_net_transform.h │ │ │ │ │ └── single_op_transform.h │ │ │ │ ├── utils │ │ │ │ │ ├── bench_utils.h │ │ │ │ │ ├── cast.h │ │ │ │ │ ├── cblas.h │ │ │ │ │ ├── conversions.h │ │ │ │ │ ├── cpu_neon.h │ │ │ │ │ ├── cpuid.h │ │ │ │ │ ├── eigen_utils.h │ │ │ │ │ ├── filler.h │ │ │ │ │ ├── fixed_divisor.h │ │ │ │ │ ├── map_utils.h │ │ │ │ │ ├── math-detail.h │ │ │ │ │ ├── math.h │ │ │ │ │ ├── math │ │ │ │ │ │ ├── broadcast.h │ │ │ │ │ │ ├── elementwise.h │ │ │ │ │ │ ├── half_utils.h │ │ │ │ │ │ ├── reduce.h │ │ │ │ │ │ ├── transpose.h │ │ │ │ │ │ └── utils.h │ │ │ │ │ ├── murmur_hash3.h │ │ │ │ │ ├── proto_convert.h │ │ │ │ │ ├── proto_utils.h │ │ │ │ │ ├── proto_wrap.h │ │ │ │ │ ├── signal_handler.h │ │ │ │ │ ├── simple_queue.h │ │ │ │ │ ├── smart_tensor_printer.h │ │ │ │ │ ├── string_utils.h │ │ │ │ │ ├── threadpool │ │ │ │ │ │ ├── ThreadPool.h │ │ │ │ │ │ ├── ThreadPoolCommon.h │ │ │ │ │ │ ├── WorkersPool.h │ │ │ │ │ │ ├── pthreadpool-cpp.h │ │ │ │ │ │ └── pthreadpool.h │ │ │ │ │ └── zmq_helper.h │ │ │ │ └── video │ │ │ │ │ ├── optical_flow.h │ │ │ │ │ ├── video_decoder.h │ │ │ │ │ ├── video_input_op.h │ │ │ │ │ └── video_io.h │ │ │ │ ├── clog.h │ │ │ │ ├── cpuinfo.h │ │ │ │ ├── fp16.h │ │ │ │ ├── fp16 │ │ │ │ ├── bitcasts.h │ │ │ │ ├── fp16.h │ │ │ │ └── psimd.h │ │ │ │ ├── fxdiv.h │ │ │ │ ├── psimd.h │ │ │ │ ├── pthreadpool.h │ │ │ │ ├── pybind11 │ │ │ │ ├── attr.h │ │ │ │ ├── buffer_info.h │ │ │ │ ├── cast.h │ │ │ │ ├── chrono.h │ │ │ │ ├── common.h │ │ │ │ ├── complex.h │ │ │ │ ├── detail │ │ │ │ │ ├── class.h │ │ │ │ │ ├── common.h │ │ │ │ │ ├── descr.h │ │ │ │ │ ├── init.h │ │ │ │ │ ├── internals.h │ │ │ │ │ └── typeid.h │ │ │ │ ├── eigen.h │ │ │ │ ├── embed.h │ │ │ │ ├── eval.h │ │ │ │ ├── functional.h │ │ │ │ ├── iostream.h │ │ │ │ ├── numpy.h │ │ │ │ ├── operators.h │ │ │ │ ├── options.h │ │ │ │ ├── pybind11.h │ │ │ │ ├── pytypes.h │ │ │ │ ├── stl.h │ │ │ │ └── stl_bind.h │ │ │ │ ├── qnnpack_func.h │ │ │ │ ├── torch │ │ │ │ ├── csrc │ │ │ │ │ ├── CudaIPCTypes.h │ │ │ │ │ ├── DataLoader.h │ │ │ │ │ ├── Device.h │ │ │ │ │ ├── Dtype.h │ │ │ │ │ ├── DynamicTypes.h │ │ │ │ │ ├── Exceptions.h │ │ │ │ │ ├── Generator.h │ │ │ │ │ ├── Layout.h │ │ │ │ │ ├── MemoryFormat.h │ │ │ │ │ ├── Module.h │ │ │ │ │ ├── PythonTypes.h │ │ │ │ │ ├── QScheme.h │ │ │ │ │ ├── Size.h │ │ │ │ │ ├── Storage.h │ │ │ │ │ ├── StorageDefs.h │ │ │ │ │ ├── Stream.h │ │ │ │ │ ├── THP.h │ │ │ │ │ ├── THP_export.h │ │ │ │ │ ├── TypeInfo.h │ │ │ │ │ ├── Types.h │ │ │ │ │ ├── WindowsTorchApiMacro.h │ │ │ │ │ ├── api │ │ │ │ │ │ └── include │ │ │ │ │ │ │ └── torch │ │ │ │ │ │ │ ├── all.h │ │ │ │ │ │ │ ├── arg.h │ │ │ │ │ │ │ ├── autograd.h │ │ │ │ │ │ │ ├── cuda.h │ │ │ │ │ │ │ ├── data.h │ │ │ │ │ │ │ ├── data │ │ │ │ │ │ │ ├── dataloader.h │ │ │ │ │ │ │ ├── dataloader │ │ │ │ │ │ │ │ ├── base.h │ │ │ │ │ │ │ │ ├── stateful.h │ │ │ │ │ │ │ │ └── stateless.h │ │ │ │ │ │ │ ├── dataloader_options.h │ │ │ │ │ │ │ ├── datasets.h │ │ │ │ │ │ │ ├── datasets │ │ │ │ │ │ │ │ ├── base.h │ │ │ │ │ │ │ │ ├── chunk.h │ │ │ │ │ │ │ │ ├── map.h │ │ │ │ │ │ │ │ ├── mnist.h │ │ │ │ │ │ │ │ ├── shared.h │ │ │ │ │ │ │ │ ├── stateful.h │ │ │ │ │ │ │ │ └── tensor.h │ │ │ │ │ │ │ ├── detail │ │ │ │ │ │ │ │ ├── data_shuttle.h │ │ │ │ │ │ │ │ ├── queue.h │ │ │ │ │ │ │ │ └── sequencers.h │ │ │ │ │ │ │ ├── example.h │ │ │ │ │ │ │ ├── iterator.h │ │ │ │ │ │ │ ├── samplers.h │ │ │ │ │ │ │ ├── samplers │ │ │ │ │ │ │ │ ├── base.h │ │ │ │ │ │ │ │ ├── custom_batch_request.h │ │ │ │ │ │ │ │ ├── distributed.h │ │ │ │ │ │ │ │ ├── random.h │ │ │ │ │ │ │ │ ├── sequential.h │ │ │ │ │ │ │ │ ├── serialize.h │ │ │ │ │ │ │ │ └── stream.h │ │ │ │ │ │ │ ├── transforms.h │ │ │ │ │ │ │ ├── transforms │ │ │ │ │ │ │ │ ├── base.h │ │ │ │ │ │ │ │ ├── collate.h │ │ │ │ │ │ │ │ ├── lambda.h │ │ │ │ │ │ │ │ ├── stack.h │ │ │ │ │ │ │ │ └── tensor.h │ │ │ │ │ │ │ └── worker_exception.h │ │ │ │ │ │ │ ├── detail │ │ │ │ │ │ │ ├── TensorDataContainer.h │ │ │ │ │ │ │ └── static.h │ │ │ │ │ │ │ ├── enum.h │ │ │ │ │ │ │ ├── expanding_array.h │ │ │ │ │ │ │ ├── fft.h │ │ │ │ │ │ │ ├── jit.h │ │ │ │ │ │ │ ├── linalg.h │ │ │ │ │ │ │ ├── nn.h │ │ │ │ │ │ │ ├── nn │ │ │ │ │ │ │ ├── cloneable.h │ │ │ │ │ │ │ ├── functional.h │ │ │ │ │ │ │ ├── functional │ │ │ │ │ │ │ │ ├── activation.h │ │ │ │ │ │ │ │ ├── batchnorm.h │ │ │ │ │ │ │ │ ├── conv.h │ │ │ │ │ │ │ │ ├── distance.h │ │ │ │ │ │ │ │ ├── dropout.h │ │ │ │ │ │ │ │ ├── embedding.h │ │ │ │ │ │ │ │ ├── fold.h │ │ │ │ │ │ │ │ ├── instancenorm.h │ │ │ │ │ │ │ │ ├── linear.h │ │ │ │ │ │ │ │ ├── loss.h │ │ │ │ │ │ │ │ ├── normalization.h │ │ │ │ │ │ │ │ ├── padding.h │ │ │ │ │ │ │ │ ├── pixelshuffle.h │ │ │ │ │ │ │ │ ├── pooling.h │ │ │ │ │ │ │ │ ├── upsampling.h │ │ │ │ │ │ │ │ └── vision.h │ │ │ │ │ │ │ ├── init.h │ │ │ │ │ │ │ ├── module.h │ │ │ │ │ │ │ ├── modules.h │ │ │ │ │ │ │ ├── modules │ │ │ │ │ │ │ │ ├── _functions.h │ │ │ │ │ │ │ │ ├── activation.h │ │ │ │ │ │ │ │ ├── adaptive.h │ │ │ │ │ │ │ │ ├── batchnorm.h │ │ │ │ │ │ │ │ ├── common.h │ │ │ │ │ │ │ │ ├── container │ │ │ │ │ │ │ │ │ ├── any.h │ │ │ │ │ │ │ │ │ ├── any_module_holder.h │ │ │ │ │ │ │ │ │ ├── any_value.h │ │ │ │ │ │ │ │ │ ├── functional.h │ │ │ │ │ │ │ │ │ ├── moduledict.h │ │ │ │ │ │ │ │ │ ├── modulelist.h │ │ │ │ │ │ │ │ │ ├── named_any.h │ │ │ │ │ │ │ │ │ ├── parameterdict.h │ │ │ │ │ │ │ │ │ ├── parameterlist.h │ │ │ │ │ │ │ │ │ └── sequential.h │ │ │ │ │ │ │ │ ├── conv.h │ │ │ │ │ │ │ │ ├── distance.h │ │ │ │ │ │ │ │ ├── dropout.h │ │ │ │ │ │ │ │ ├── embedding.h │ │ │ │ │ │ │ │ ├── fold.h │ │ │ │ │ │ │ │ ├── instancenorm.h │ │ │ │ │ │ │ │ ├── linear.h │ │ │ │ │ │ │ │ ├── loss.h │ │ │ │ │ │ │ │ ├── normalization.h │ │ │ │ │ │ │ │ ├── padding.h │ │ │ │ │ │ │ │ ├── pixelshuffle.h │ │ │ │ │ │ │ │ ├── pooling.h │ │ │ │ │ │ │ │ ├── rnn.h │ │ │ │ │ │ │ │ ├── transformer.h │ │ │ │ │ │ │ │ ├── transformercoder.h │ │ │ │ │ │ │ │ ├── transformerlayer.h │ │ │ │ │ │ │ │ ├── upsampling.h │ │ │ │ │ │ │ │ └── utils.h │ │ │ │ │ │ │ ├── options.h │ │ │ │ │ │ │ ├── options │ │ │ │ │ │ │ │ ├── activation.h │ │ │ │ │ │ │ │ ├── adaptive.h │ │ │ │ │ │ │ │ ├── batchnorm.h │ │ │ │ │ │ │ │ ├── conv.h │ │ │ │ │ │ │ │ ├── distance.h │ │ │ │ │ │ │ │ ├── dropout.h │ │ │ │ │ │ │ │ ├── embedding.h │ │ │ │ │ │ │ │ ├── fold.h │ │ │ │ │ │ │ │ ├── instancenorm.h │ │ │ │ │ │ │ │ ├── linear.h │ │ │ │ │ │ │ │ ├── loss.h │ │ │ │ │ │ │ │ ├── normalization.h │ │ │ │ │ │ │ │ ├── padding.h │ │ │ │ │ │ │ │ ├── pixelshuffle.h │ │ │ │ │ │ │ │ ├── pooling.h │ │ │ │ │ │ │ │ ├── rnn.h │ │ │ │ │ │ │ │ ├── transformer.h │ │ │ │ │ │ │ │ ├── transformercoder.h │ │ │ │ │ │ │ │ ├── transformerlayer.h │ │ │ │ │ │ │ │ ├── upsampling.h │ │ │ │ │ │ │ │ └── vision.h │ │ │ │ │ │ │ ├── parallel │ │ │ │ │ │ │ │ └── data_parallel.h │ │ │ │ │ │ │ ├── pimpl-inl.h │ │ │ │ │ │ │ ├── pimpl.h │ │ │ │ │ │ │ ├── utils.h │ │ │ │ │ │ │ └── utils │ │ │ │ │ │ │ │ ├── clip_grad.h │ │ │ │ │ │ │ │ ├── convert_parameters.h │ │ │ │ │ │ │ │ └── rnn.h │ │ │ │ │ │ │ ├── optim.h │ │ │ │ │ │ │ ├── optim │ │ │ │ │ │ │ ├── adagrad.h │ │ │ │ │ │ │ ├── adam.h │ │ │ │ │ │ │ ├── adamw.h │ │ │ │ │ │ │ ├── lbfgs.h │ │ │ │ │ │ │ ├── optimizer.h │ │ │ │ │ │ │ ├── rmsprop.h │ │ │ │ │ │ │ ├── serialize.h │ │ │ │ │ │ │ └── sgd.h │ │ │ │ │ │ │ ├── ordered_dict.h │ │ │ │ │ │ │ ├── python.h │ │ │ │ │ │ │ ├── python │ │ │ │ │ │ │ └── init.h │ │ │ │ │ │ │ ├── serialize.h │ │ │ │ │ │ │ ├── serialize │ │ │ │ │ │ │ ├── archive.h │ │ │ │ │ │ │ ├── input-archive.h │ │ │ │ │ │ │ ├── output-archive.h │ │ │ │ │ │ │ └── tensor.h │ │ │ │ │ │ │ ├── torch.h │ │ │ │ │ │ │ ├── types.h │ │ │ │ │ │ │ ├── utils.h │ │ │ │ │ │ │ └── version.h │ │ │ │ │ ├── autograd │ │ │ │ │ │ ├── FunctionsManual.h │ │ │ │ │ │ ├── VariableTypeUtils.h │ │ │ │ │ │ ├── anomaly_mode.h │ │ │ │ │ │ ├── autograd.h │ │ │ │ │ │ ├── cpp_hook.h │ │ │ │ │ │ ├── custom_function.h │ │ │ │ │ │ ├── edge.h │ │ │ │ │ │ ├── engine.h │ │ │ │ │ │ ├── forward_grad.h │ │ │ │ │ │ ├── function.h │ │ │ │ │ │ ├── function_hook.h │ │ │ │ │ │ ├── functions │ │ │ │ │ │ │ ├── accumulate_grad.h │ │ │ │ │ │ │ ├── basic_ops.h │ │ │ │ │ │ │ ├── comm.h │ │ │ │ │ │ │ ├── pybind.h │ │ │ │ │ │ │ ├── tensor.h │ │ │ │ │ │ │ └── utils.h │ │ │ │ │ │ ├── generated │ │ │ │ │ │ │ ├── Functions.h │ │ │ │ │ │ │ ├── python_functions.h │ │ │ │ │ │ │ └── variable_factories.h │ │ │ │ │ │ ├── grad_mode.h │ │ │ │ │ │ ├── input_buffer.h │ │ │ │ │ │ ├── input_metadata.h │ │ │ │ │ │ ├── profiler.h │ │ │ │ │ │ ├── profiler_kineto.h │ │ │ │ │ │ ├── profiler_legacy.h │ │ │ │ │ │ ├── profiler_utils.h │ │ │ │ │ │ ├── python_anomaly_mode.h │ │ │ │ │ │ ├── python_autograd.h │ │ │ │ │ │ ├── python_cpp_function.h │ │ │ │ │ │ ├── python_engine.h │ │ │ │ │ │ ├── python_fft_functions.h │ │ │ │ │ │ ├── python_function.h │ │ │ │ │ │ ├── python_hook.h │ │ │ │ │ │ ├── python_legacy_variable.h │ │ │ │ │ │ ├── python_linalg_functions.h │ │ │ │ │ │ ├── python_nn_functions.h │ │ │ │ │ │ ├── python_variable.h │ │ │ │ │ │ ├── python_variable_indexing.h │ │ │ │ │ │ ├── record_function_ops.h │ │ │ │ │ │ ├── saved_variable.h │ │ │ │ │ │ ├── symbolic.h │ │ │ │ │ │ ├── utils │ │ │ │ │ │ │ ├── error_messages.h │ │ │ │ │ │ │ ├── grad_layout_contract.h │ │ │ │ │ │ │ ├── lambda_post_hook.h │ │ │ │ │ │ │ ├── python_arg_parsing.h │ │ │ │ │ │ │ └── wrap_outputs.h │ │ │ │ │ │ └── variable.h │ │ │ │ │ ├── copy_utils.h │ │ │ │ │ ├── cuda │ │ │ │ │ │ ├── Event.h │ │ │ │ │ │ ├── Module.h │ │ │ │ │ │ ├── Storage.h │ │ │ │ │ │ ├── Stream.h │ │ │ │ │ │ ├── THCP.h │ │ │ │ │ │ ├── comm.h │ │ │ │ │ │ ├── device_set.h │ │ │ │ │ │ ├── nccl.h │ │ │ │ │ │ ├── override_macros.h │ │ │ │ │ │ ├── python_comm.h │ │ │ │ │ │ ├── python_nccl.h │ │ │ │ │ │ ├── restore_macros.h │ │ │ │ │ │ ├── serialization.h │ │ │ │ │ │ ├── undef_macros.h │ │ │ │ │ │ └── utils.h │ │ │ │ │ ├── deploy │ │ │ │ │ │ └── interpreter │ │ │ │ │ │ │ ├── interpreter.h │ │ │ │ │ │ │ └── interpreter_impl.h │ │ │ │ │ ├── distributed │ │ │ │ │ │ ├── autograd │ │ │ │ │ │ │ ├── autograd.h │ │ │ │ │ │ │ ├── context │ │ │ │ │ │ │ │ ├── container.h │ │ │ │ │ │ │ │ └── context.h │ │ │ │ │ │ │ ├── engine │ │ │ │ │ │ │ │ └── dist_engine.h │ │ │ │ │ │ │ ├── functions │ │ │ │ │ │ │ │ ├── recvrpc_backward.h │ │ │ │ │ │ │ │ └── sendrpc_backward.h │ │ │ │ │ │ │ ├── python_autograd.h │ │ │ │ │ │ │ ├── rpc_messages │ │ │ │ │ │ │ │ ├── autograd_metadata.h │ │ │ │ │ │ │ │ ├── cleanup_autograd_context_req.h │ │ │ │ │ │ │ │ ├── cleanup_autograd_context_resp.h │ │ │ │ │ │ │ │ ├── propagate_gradients_req.h │ │ │ │ │ │ │ │ ├── propagate_gradients_resp.h │ │ │ │ │ │ │ │ ├── rpc_with_autograd.h │ │ │ │ │ │ │ │ ├── rpc_with_profiling_req.h │ │ │ │ │ │ │ │ ├── rpc_with_profiling_resp.h │ │ │ │ │ │ │ │ ├── rref_backward_req.h │ │ │ │ │ │ │ │ └── rref_backward_resp.h │ │ │ │ │ │ │ └── utils.h │ │ │ │ │ │ ├── c10d │ │ │ │ │ │ │ ├── c10d.h │ │ │ │ │ │ │ └── python_comm_hook.h │ │ │ │ │ │ └── rpc │ │ │ │ │ │ │ ├── macros.h │ │ │ │ │ │ │ ├── message.h │ │ │ │ │ │ │ ├── metrics │ │ │ │ │ │ │ └── RpcMetricsHandler.h │ │ │ │ │ │ │ ├── process_group_agent.h │ │ │ │ │ │ │ ├── profiler │ │ │ │ │ │ │ ├── remote_profiler_manager.h │ │ │ │ │ │ │ └── server_process_global_profiler.h │ │ │ │ │ │ │ ├── py_rref.h │ │ │ │ │ │ │ ├── python_call.h │ │ │ │ │ │ │ ├── python_functions.h │ │ │ │ │ │ │ ├── python_remote_call.h │ │ │ │ │ │ │ ├── python_resp.h │ │ │ │ │ │ │ ├── python_rpc_handler.h │ │ │ │ │ │ │ ├── request_callback.h │ │ │ │ │ │ │ ├── request_callback_impl.h │ │ │ │ │ │ │ ├── request_callback_no_python.h │ │ │ │ │ │ │ ├── rpc.h │ │ │ │ │ │ │ ├── rpc_agent.h │ │ │ │ │ │ │ ├── rpc_command_base.h │ │ │ │ │ │ │ ├── rref_context.h │ │ │ │ │ │ │ ├── rref_impl.h │ │ │ │ │ │ │ ├── rref_proto.h │ │ │ │ │ │ │ ├── script_call.h │ │ │ │ │ │ │ ├── script_remote_call.h │ │ │ │ │ │ │ ├── script_resp.h │ │ │ │ │ │ │ ├── tensorpipe_agent.h │ │ │ │ │ │ │ ├── tensorpipe_utils.h │ │ │ │ │ │ │ ├── testing │ │ │ │ │ │ │ ├── faulty_process_group_agent.h │ │ │ │ │ │ │ └── testing.h │ │ │ │ │ │ │ ├── torchscript_functions.h │ │ │ │ │ │ │ ├── types.h │ │ │ │ │ │ │ ├── unpickled_python_call.h │ │ │ │ │ │ │ ├── unpickled_python_remote_call.h │ │ │ │ │ │ │ └── utils.h │ │ │ │ │ ├── generic │ │ │ │ │ │ ├── Storage.h │ │ │ │ │ │ ├── serialization.h │ │ │ │ │ │ └── utils.h │ │ │ │ │ ├── jit │ │ │ │ │ │ ├── api │ │ │ │ │ │ │ ├── compilation_unit.h │ │ │ │ │ │ │ ├── function_impl.h │ │ │ │ │ │ │ ├── method.h │ │ │ │ │ │ │ ├── module.h │ │ │ │ │ │ │ └── object.h │ │ │ │ │ │ ├── backends │ │ │ │ │ │ │ ├── backend.h │ │ │ │ │ │ │ ├── backend_detail.h │ │ │ │ │ │ │ ├── backend_init.h │ │ │ │ │ │ │ ├── backend_interface.h │ │ │ │ │ │ │ └── backend_resolver.h │ │ │ │ │ │ ├── codegen │ │ │ │ │ │ │ ├── cuda │ │ │ │ │ │ │ │ ├── arith.h │ │ │ │ │ │ │ │ ├── codegen.h │ │ │ │ │ │ │ │ ├── compute_at.h │ │ │ │ │ │ │ │ ├── dispatch.h │ │ │ │ │ │ │ │ ├── docs │ │ │ │ │ │ │ │ │ └── documentation.h │ │ │ │ │ │ │ │ ├── executor.h │ │ │ │ │ │ │ │ ├── executor_kernel_arg.h │ │ │ │ │ │ │ │ ├── executor_launch_params.h │ │ │ │ │ │ │ │ ├── executor_utils.h │ │ │ │ │ │ │ │ ├── expr_evaluator.h │ │ │ │ │ │ │ │ ├── fusion.h │ │ │ │ │ │ │ │ ├── index_compute.h │ │ │ │ │ │ │ │ ├── instrumentation.h │ │ │ │ │ │ │ │ ├── interface.h │ │ │ │ │ │ │ │ ├── ir_all_nodes.h │ │ │ │ │ │ │ │ ├── ir_base_nodes.h │ │ │ │ │ │ │ │ ├── ir_cloner.h │ │ │ │ │ │ │ │ ├── ir_graphviz.h │ │ │ │ │ │ │ │ ├── ir_interface_nodes.h │ │ │ │ │ │ │ │ ├── ir_internal_nodes.h │ │ │ │ │ │ │ │ ├── ir_iostream.h │ │ │ │ │ │ │ │ ├── ir_printer.h │ │ │ │ │ │ │ │ ├── ir_utils.h │ │ │ │ │ │ │ │ ├── iter_visitor.h │ │ │ │ │ │ │ │ ├── kernel.h │ │ │ │ │ │ │ │ ├── kernel_cache.h │ │ │ │ │ │ │ │ ├── kernel_ir.h │ │ │ │ │ │ │ │ ├── kernel_ir_builder.h │ │ │ │ │ │ │ │ ├── kernel_ir_printer.h │ │ │ │ │ │ │ │ ├── lower2device.h │ │ │ │ │ │ │ │ ├── lower_alias_memory.h │ │ │ │ │ │ │ │ ├── lower_index.h │ │ │ │ │ │ │ │ ├── lower_insert_syncs.h │ │ │ │ │ │ │ │ ├── lower_loops.h │ │ │ │ │ │ │ │ ├── lower_thread_predicate.h │ │ │ │ │ │ │ │ ├── lower_unroll.h │ │ │ │ │ │ │ │ ├── lower_utils.h │ │ │ │ │ │ │ │ ├── lower_validation.h │ │ │ │ │ │ │ │ ├── manager.h │ │ │ │ │ │ │ │ ├── mutator.h │ │ │ │ │ │ │ │ ├── parser.h │ │ │ │ │ │ │ │ ├── partition.h │ │ │ │ │ │ │ │ ├── predicate_compute.h │ │ │ │ │ │ │ │ ├── scheduler.h │ │ │ │ │ │ │ │ ├── shape_inference.h │ │ │ │ │ │ │ │ ├── transform_iter.h │ │ │ │ │ │ │ │ ├── transform_replay.h │ │ │ │ │ │ │ │ ├── transform_rfactor.h │ │ │ │ │ │ │ │ ├── type.h │ │ │ │ │ │ │ │ └── utils.h │ │ │ │ │ │ │ └── fuser │ │ │ │ │ │ │ │ ├── arg_spec.h │ │ │ │ │ │ │ │ ├── codegen.h │ │ │ │ │ │ │ │ ├── compiler.h │ │ │ │ │ │ │ │ ├── cpu │ │ │ │ │ │ │ │ ├── fused_kernel.h │ │ │ │ │ │ │ │ ├── resource_strings.h │ │ │ │ │ │ │ │ └── temp_file.h │ │ │ │ │ │ │ │ ├── cuda │ │ │ │ │ │ │ │ ├── fused_kernel.h │ │ │ │ │ │ │ │ └── resource_strings.h │ │ │ │ │ │ │ │ ├── executor.h │ │ │ │ │ │ │ │ ├── fallback.h │ │ │ │ │ │ │ │ ├── fused_kernel.h │ │ │ │ │ │ │ │ ├── interface.h │ │ │ │ │ │ │ │ ├── kernel_cache.h │ │ │ │ │ │ │ │ ├── kernel_spec.h │ │ │ │ │ │ │ │ ├── partition_desc.h │ │ │ │ │ │ │ │ ├── tensor_desc.h │ │ │ │ │ │ │ │ └── tensor_info.h │ │ │ │ │ │ ├── cuda │ │ │ │ │ │ │ └── cuda.h │ │ │ │ │ │ ├── frontend │ │ │ │ │ │ │ ├── builtin_functions.h │ │ │ │ │ │ │ ├── canonicalize_modified_loop.h │ │ │ │ │ │ │ ├── code_template.h │ │ │ │ │ │ │ ├── concrete_module_type.h │ │ │ │ │ │ │ ├── convert_to_ssa.h │ │ │ │ │ │ │ ├── edit_distance.h │ │ │ │ │ │ │ ├── error_report.h │ │ │ │ │ │ │ ├── exit_transforms.h │ │ │ │ │ │ │ ├── function_schema_parser.h │ │ │ │ │ │ │ ├── inline_loop_condition.h │ │ │ │ │ │ │ ├── ir_emitter.h │ │ │ │ │ │ │ ├── lexer.h │ │ │ │ │ │ │ ├── mini_environment.h │ │ │ │ │ │ │ ├── name_mangler.h │ │ │ │ │ │ │ ├── parse_string_literal.h │ │ │ │ │ │ │ ├── parser.h │ │ │ │ │ │ │ ├── parser_constants.h │ │ │ │ │ │ │ ├── resolver.h │ │ │ │ │ │ │ ├── schema_matching.h │ │ │ │ │ │ │ ├── schema_type_parser.h │ │ │ │ │ │ │ ├── script_type_parser.h │ │ │ │ │ │ │ ├── source_range.h │ │ │ │ │ │ │ ├── strtod.h │ │ │ │ │ │ │ ├── sugared_value.h │ │ │ │ │ │ │ ├── tracer.h │ │ │ │ │ │ │ ├── tree.h │ │ │ │ │ │ │ ├── tree_views.h │ │ │ │ │ │ │ └── versioned_symbols.h │ │ │ │ │ │ ├── ir │ │ │ │ │ │ │ ├── alias_analysis.h │ │ │ │ │ │ │ ├── attributes.h │ │ │ │ │ │ │ ├── constants.h │ │ │ │ │ │ │ ├── graph_node_list.h │ │ │ │ │ │ │ ├── ir.h │ │ │ │ │ │ │ ├── ir_views.h │ │ │ │ │ │ │ ├── irparser.h │ │ │ │ │ │ │ ├── named_value.h │ │ │ │ │ │ │ ├── node_hashing.h │ │ │ │ │ │ │ ├── scope.h │ │ │ │ │ │ │ ├── subgraph_matcher.h │ │ │ │ │ │ │ └── type_hashing.h │ │ │ │ │ │ ├── jit_log.h │ │ │ │ │ │ ├── jit_opt_limit.h │ │ │ │ │ │ ├── mobile │ │ │ │ │ │ │ ├── export_data.h │ │ │ │ │ │ │ ├── function.h │ │ │ │ │ │ │ ├── import.h │ │ │ │ │ │ │ ├── import_data.h │ │ │ │ │ │ │ ├── interpreter.h │ │ │ │ │ │ │ ├── method.h │ │ │ │ │ │ │ ├── module.h │ │ │ │ │ │ │ ├── observer.h │ │ │ │ │ │ │ ├── optim │ │ │ │ │ │ │ │ └── sgd.h │ │ │ │ │ │ │ ├── sequential.h │ │ │ │ │ │ │ └── type_parser.h │ │ │ │ │ │ ├── passes │ │ │ │ │ │ │ ├── annotate_warns.h │ │ │ │ │ │ │ ├── bailout_graph.h │ │ │ │ │ │ │ ├── batch_mm.h │ │ │ │ │ │ │ ├── canonicalize.h │ │ │ │ │ │ │ ├── canonicalize_graph_fuser_ops.h │ │ │ │ │ │ │ ├── clear_profiling.h │ │ │ │ │ │ │ ├── clear_undefinedness.h │ │ │ │ │ │ │ ├── common_subexpression_elimination.h │ │ │ │ │ │ │ ├── constant_pooling.h │ │ │ │ │ │ │ ├── constant_propagation.h │ │ │ │ │ │ │ ├── create_autodiff_subgraphs.h │ │ │ │ │ │ │ ├── create_functional_graphs.h │ │ │ │ │ │ │ ├── cuda_graph_fuser.h │ │ │ │ │ │ │ ├── dead_code_elimination.h │ │ │ │ │ │ │ ├── decompose_ops.h │ │ │ │ │ │ │ ├── erase_number_types.h │ │ │ │ │ │ │ ├── fixup_trace_scope_blocks.h │ │ │ │ │ │ │ ├── fold_conv_bn.h │ │ │ │ │ │ │ ├── freeze_module.h │ │ │ │ │ │ │ ├── frozen_conv_folding.h │ │ │ │ │ │ │ ├── frozen_graph_optimizations.h │ │ │ │ │ │ │ ├── fuse_linear.h │ │ │ │ │ │ │ ├── fuse_relu.h │ │ │ │ │ │ │ ├── graph_fuser.h │ │ │ │ │ │ │ ├── graph_rewrite_helper.h │ │ │ │ │ │ │ ├── guard_elimination.h │ │ │ │ │ │ │ ├── hoist_conv_packed_params.h │ │ │ │ │ │ │ ├── inline_autodiff_subgraphs.h │ │ │ │ │ │ │ ├── inline_fork_wait.h │ │ │ │ │ │ │ ├── inline_forked_closures.h │ │ │ │ │ │ │ ├── inliner.h │ │ │ │ │ │ │ ├── inplace_check.h │ │ │ │ │ │ │ ├── insert_guards.h │ │ │ │ │ │ │ ├── lift_closures.h │ │ │ │ │ │ │ ├── liveness.h │ │ │ │ │ │ │ ├── loop_unrolling.h │ │ │ │ │ │ │ ├── lower_grad_of.h │ │ │ │ │ │ │ ├── lower_graph.h │ │ │ │ │ │ │ ├── lower_tuples.h │ │ │ │ │ │ │ ├── metal_rewrite.h │ │ │ │ │ │ │ ├── normalize_ops.h │ │ │ │ │ │ │ ├── onnx.h │ │ │ │ │ │ │ ├── onnx │ │ │ │ │ │ │ │ ├── cast_all_constant_to_floating.h │ │ │ │ │ │ │ │ ├── constant_fold.h │ │ │ │ │ │ │ │ ├── eliminate_unused_items.h │ │ │ │ │ │ │ │ ├── eval_peephole.h │ │ │ │ │ │ │ │ ├── fixup_onnx_controlflow.h │ │ │ │ │ │ │ │ ├── fold_if_node.h │ │ │ │ │ │ │ │ ├── function_substitution.h │ │ │ │ │ │ │ │ ├── helper.h │ │ │ │ │ │ │ │ ├── list_model_parameters.h │ │ │ │ │ │ │ │ ├── peephole.h │ │ │ │ │ │ │ │ ├── prepare_division_for_onnx.h │ │ │ │ │ │ │ │ ├── preprocess_for_onnx.h │ │ │ │ │ │ │ │ ├── remove_inplace_ops_for_onnx.h │ │ │ │ │ │ │ │ ├── scalar_type_analysis.h │ │ │ │ │ │ │ │ ├── shape_type_inference.h │ │ │ │ │ │ │ │ └── unpack_quantized_weights.h │ │ │ │ │ │ │ ├── pass_manager.h │ │ │ │ │ │ │ ├── peephole.h │ │ │ │ │ │ │ ├── peephole_alias_sensitive.h │ │ │ │ │ │ │ ├── peephole_list_idioms.h │ │ │ │ │ │ │ ├── prepack_folding.h │ │ │ │ │ │ │ ├── quantization │ │ │ │ │ │ │ │ ├── dedup_module_uses.h │ │ │ │ │ │ │ │ ├── finalize.h │ │ │ │ │ │ │ │ ├── fusion_passes.h │ │ │ │ │ │ │ │ ├── helper.h │ │ │ │ │ │ │ │ ├── insert_observers.h │ │ │ │ │ │ │ │ ├── insert_quant_dequant.h │ │ │ │ │ │ │ │ ├── quantization_patterns.h │ │ │ │ │ │ │ │ └── quantization_type.h │ │ │ │ │ │ │ ├── remove_dropout.h │ │ │ │ │ │ │ ├── remove_expands.h │ │ │ │ │ │ │ ├── remove_inplace_ops.h │ │ │ │ │ │ │ ├── remove_mutation.h │ │ │ │ │ │ │ ├── remove_redundant_profiles.h │ │ │ │ │ │ │ ├── requires_grad_analysis.h │ │ │ │ │ │ │ ├── shape_analysis.h │ │ │ │ │ │ │ ├── specialize_autogradzero.h │ │ │ │ │ │ │ ├── subgraph_rewrite.h │ │ │ │ │ │ │ ├── tensorexpr_fuser.h │ │ │ │ │ │ │ ├── update_differentiable_graph_requires_grad.h │ │ │ │ │ │ │ ├── utils │ │ │ │ │ │ │ │ ├── check_alias_annotation.h │ │ │ │ │ │ │ │ ├── memory_dag.h │ │ │ │ │ │ │ │ └── subgraph_utils.h │ │ │ │ │ │ │ ├── vulkan_rewrite.h │ │ │ │ │ │ │ └── xnnpack_rewrite.h │ │ │ │ │ │ ├── python │ │ │ │ │ │ │ ├── init.h │ │ │ │ │ │ │ ├── module_python.h │ │ │ │ │ │ │ ├── pybind.h │ │ │ │ │ │ │ ├── pybind_utils.h │ │ │ │ │ │ │ ├── python_arg_flatten.h │ │ │ │ │ │ │ ├── python_custom_class.h │ │ │ │ │ │ │ ├── python_ir.h │ │ │ │ │ │ │ ├── python_ivalue.h │ │ │ │ │ │ │ ├── python_sugared_value.h │ │ │ │ │ │ │ ├── python_tracer.h │ │ │ │ │ │ │ ├── python_tree_views.h │ │ │ │ │ │ │ ├── script_init.h │ │ │ │ │ │ │ └── update_graph_executor_opt.h │ │ │ │ │ │ ├── resource_guard.h │ │ │ │ │ │ ├── runtime │ │ │ │ │ │ │ ├── argument_spec.h │ │ │ │ │ │ │ ├── autodiff.h │ │ │ │ │ │ │ ├── custom_operator.h │ │ │ │ │ │ │ ├── exception_message.h │ │ │ │ │ │ │ ├── graph_executor.h │ │ │ │ │ │ │ ├── graph_executor_impl.h │ │ │ │ │ │ │ ├── instruction.h │ │ │ │ │ │ │ ├── interpreter.h │ │ │ │ │ │ │ ├── jit_exception.h │ │ │ │ │ │ │ ├── logging.h │ │ │ │ │ │ │ ├── operator.h │ │ │ │ │ │ │ ├── operator_options.h │ │ │ │ │ │ │ ├── print_handler.h │ │ │ │ │ │ │ ├── profiling_graph_executor_impl.h │ │ │ │ │ │ │ ├── profiling_record.h │ │ │ │ │ │ │ ├── register_ops_utils.h │ │ │ │ │ │ │ ├── slice_indices_adjust.h │ │ │ │ │ │ │ ├── static │ │ │ │ │ │ │ │ ├── fusion.h │ │ │ │ │ │ │ │ ├── impl.h │ │ │ │ │ │ │ │ ├── init.h │ │ │ │ │ │ │ │ ├── ops.h │ │ │ │ │ │ │ │ └── passes.h │ │ │ │ │ │ │ ├── symbolic_script.h │ │ │ │ │ │ │ ├── vararg_functions.h │ │ │ │ │ │ │ └── variable_tensor_list.h │ │ │ │ │ │ ├── serialization │ │ │ │ │ │ │ ├── export.h │ │ │ │ │ │ │ ├── import.h │ │ │ │ │ │ │ ├── import_export_constants.h │ │ │ │ │ │ │ ├── import_export_functions.h │ │ │ │ │ │ │ ├── import_export_helpers.h │ │ │ │ │ │ │ ├── import_legacy.h │ │ │ │ │ │ │ ├── import_source.h │ │ │ │ │ │ │ ├── onnx.h │ │ │ │ │ │ │ ├── pickle.h │ │ │ │ │ │ │ ├── pickler.h │ │ │ │ │ │ │ ├── python_print.h │ │ │ │ │ │ │ ├── source_range_serialization.h │ │ │ │ │ │ │ ├── source_range_serialization_impl.h │ │ │ │ │ │ │ ├── type_name_uniquer.h │ │ │ │ │ │ │ └── unpickler.h │ │ │ │ │ │ ├── tensorexpr │ │ │ │ │ │ │ ├── analysis.h │ │ │ │ │ │ │ ├── block_codegen.h │ │ │ │ │ │ │ ├── bounds_inference.h │ │ │ │ │ │ │ ├── bounds_overlap.h │ │ │ │ │ │ │ ├── codegen.h │ │ │ │ │ │ │ ├── cpp_codegen.h │ │ │ │ │ │ │ ├── cuda_codegen.h │ │ │ │ │ │ │ ├── cuda_random.h │ │ │ │ │ │ │ ├── dim_arg.h │ │ │ │ │ │ │ ├── eval.h │ │ │ │ │ │ │ ├── exceptions.h │ │ │ │ │ │ │ ├── execution_counter.h │ │ │ │ │ │ │ ├── expr.h │ │ │ │ │ │ │ ├── external_functions.h │ │ │ │ │ │ │ ├── external_functions_registry.h │ │ │ │ │ │ │ ├── half_support.h │ │ │ │ │ │ │ ├── hash_provider.h │ │ │ │ │ │ │ ├── intrinsic_symbols.h │ │ │ │ │ │ │ ├── ir.h │ │ │ │ │ │ │ ├── ir_mutator.h │ │ │ │ │ │ │ ├── ir_printer.h │ │ │ │ │ │ │ ├── ir_simplifier.h │ │ │ │ │ │ │ ├── ir_visitor.h │ │ │ │ │ │ │ ├── kernel.h │ │ │ │ │ │ │ ├── llvm_codegen.h │ │ │ │ │ │ │ ├── llvm_jit.h │ │ │ │ │ │ │ ├── loopnest.h │ │ │ │ │ │ │ ├── mem_arena.h │ │ │ │ │ │ │ ├── mem_dependency_checker.h │ │ │ │ │ │ │ ├── reduction.h │ │ │ │ │ │ │ ├── registerizer.h │ │ │ │ │ │ │ ├── stmt.h │ │ │ │ │ │ │ ├── tensor.h │ │ │ │ │ │ │ ├── tensorexpr_init.h │ │ │ │ │ │ │ ├── types.h │ │ │ │ │ │ │ ├── unique_name_manager.h │ │ │ │ │ │ │ └── var_substitutor.h │ │ │ │ │ │ └── testing │ │ │ │ │ │ │ ├── file_check.h │ │ │ │ │ │ │ └── hooks_for_testing.h │ │ │ │ │ ├── multiprocessing │ │ │ │ │ │ └── init.h │ │ │ │ │ ├── onnx │ │ │ │ │ │ ├── init.h │ │ │ │ │ │ └── onnx.h │ │ │ │ │ ├── python_dimname.h │ │ │ │ │ ├── python_headers.h │ │ │ │ │ ├── serialization.h │ │ │ │ │ ├── tensor │ │ │ │ │ │ └── python_tensor.h │ │ │ │ │ ├── utils.h │ │ │ │ │ └── utils │ │ │ │ │ │ ├── auto_gil.h │ │ │ │ │ │ ├── byte_order.h │ │ │ │ │ │ ├── cuda_enabled.h │ │ │ │ │ │ ├── cuda_lazy_init.h │ │ │ │ │ │ ├── disable_torch_function.h │ │ │ │ │ │ ├── disallow_copy.h │ │ │ │ │ │ ├── future.h │ │ │ │ │ │ ├── init.h │ │ │ │ │ │ ├── invalid_arguments.h │ │ │ │ │ │ ├── memory.h │ │ │ │ │ │ ├── numpy_stub.h │ │ │ │ │ │ ├── object_ptr.h │ │ │ │ │ │ ├── out_types.h │ │ │ │ │ │ ├── pybind.h │ │ │ │ │ │ ├── pycfunction_helpers.h │ │ │ │ │ │ ├── python_arg_parser.h │ │ │ │ │ │ ├── python_compat.h │ │ │ │ │ │ ├── python_dispatch.h │ │ │ │ │ │ ├── python_numbers.h │ │ │ │ │ │ ├── python_scalars.h │ │ │ │ │ │ ├── python_strings.h │ │ │ │ │ │ ├── python_stub.h │ │ │ │ │ │ ├── python_tuples.h │ │ │ │ │ │ ├── six.h │ │ │ │ │ │ ├── structseq.h │ │ │ │ │ │ ├── tensor_apply.h │ │ │ │ │ │ ├── tensor_dtypes.h │ │ │ │ │ │ ├── tensor_flatten.h │ │ │ │ │ │ ├── tensor_layouts.h │ │ │ │ │ │ ├── tensor_list.h │ │ │ │ │ │ ├── tensor_memoryformats.h │ │ │ │ │ │ ├── tensor_new.h │ │ │ │ │ │ ├── tensor_numpy.h │ │ │ │ │ │ ├── tensor_qschemes.h │ │ │ │ │ │ ├── tensor_types.h │ │ │ │ │ │ ├── throughput_benchmark-inl.h │ │ │ │ │ │ ├── throughput_benchmark.h │ │ │ │ │ │ └── variadic.h │ │ │ │ ├── custom_class.h │ │ │ │ ├── custom_class_detail.h │ │ │ │ ├── extension.h │ │ │ │ ├── library.h │ │ │ │ └── script.h │ │ │ │ └── xnnpack.h │ │ └── src │ │ │ └── LibTorch.h │ ├── Manifest.lock │ ├── Pods.xcodeproj │ │ ├── project.pbxproj │ │ └── xcuserdata │ │ │ └── kchromik.xcuserdatad │ │ │ └── xcschemes │ │ │ ├── LibTorch.xcscheme │ │ │ ├── Pods-PyTorch Demo.xcscheme │ │ │ └── xcschememanagement.plist │ └── Target Support Files │ │ ├── LibTorch │ │ ├── LibTorch.debug.xcconfig │ │ └── LibTorch.release.xcconfig │ │ └── Pods-PyTorch Demo │ │ ├── Pods-PyTorch Demo-Info.plist │ │ ├── Pods-PyTorch Demo-acknowledgements.markdown │ │ ├── Pods-PyTorch Demo-acknowledgements.plist │ │ ├── Pods-PyTorch Demo-dummy.m │ │ ├── Pods-PyTorch Demo-umbrella.h │ │ ├── Pods-PyTorch Demo.debug.xcconfig │ │ ├── Pods-PyTorch Demo.modulemap │ │ └── Pods-PyTorch Demo.release.xcconfig ├── PyTorch Demo.xcodeproj │ ├── project.pbxproj │ ├── project.xcworkspace │ │ ├── contents.xcworkspacedata │ │ ├── xcshareddata │ │ │ └── IDEWorkspaceChecks.plist │ │ └── xcuserdata │ │ │ └── kchromik.xcuserdatad │ │ │ └── UserInterfaceState.xcuserstate │ └── xcuserdata │ │ └── kchromik.xcuserdatad │ │ └── xcschemes │ │ └── xcschememanagement.plist ├── PyTorch Demo.xcworkspace │ ├── contents.xcworkspacedata │ ├── xcshareddata │ │ └── IDEWorkspaceChecks.plist │ └── xcuserdata │ │ └── kchromik.xcuserdatad │ │ └── UserInterfaceState.xcuserstate └── PyTorch Demo │ ├── AppDelegate.swift │ ├── Assets.xcassets │ ├── AccentColor.colorset │ │ └── Contents.json │ ├── AppIcon.appiconset │ │ └── Contents.json │ └── Contents.json │ ├── Base.lproj │ ├── LaunchScreen.storyboard │ └── Main.storyboard │ ├── CVPixelBuffer+Helper.swift │ ├── Info.plist │ ├── Model │ ├── model.pt │ └── words.txt │ ├── Predictor.swift │ ├── SceneDelegate.swift │ ├── TorchModule │ ├── PyTorch-Demo-Bridging-Header.h │ ├── TorchModule.h │ └── TorchModule.mm │ └── ViewController.swift ├── README.md ├── model.pt ├── test.py └── train.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/.gitignore -------------------------------------------------------------------------------- /docker-flask/app/api/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/docker-flask/app/api/Dockerfile -------------------------------------------------------------------------------- /docker-flask/app/api/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/docker-flask/app/api/app.py -------------------------------------------------------------------------------- /docker-flask/app/api/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/docker-flask/app/api/docker-compose.yml -------------------------------------------------------------------------------- /docker-flask/app/api/models/pipeline.pickle: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/docker-flask/app/api/models/pipeline.pickle -------------------------------------------------------------------------------- /docker-flask/app/api/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/docker-flask/app/api/requirements.txt -------------------------------------------------------------------------------- /docker-flask/app/api/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/docker-flask/app/api/utilities.py -------------------------------------------------------------------------------- /docker-flask/ml-dev/text-classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/docker-flask/ml-dev/text-classification.ipynb -------------------------------------------------------------------------------- /flask-chatbot/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/app.py -------------------------------------------------------------------------------- /flask-chatbot/chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/chat.py -------------------------------------------------------------------------------- /flask-chatbot/data.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/data.pth -------------------------------------------------------------------------------- /flask-chatbot/intents.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/intents.json -------------------------------------------------------------------------------- /flask-chatbot/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/model.py -------------------------------------------------------------------------------- /flask-chatbot/nltk_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/nltk_utils.py -------------------------------------------------------------------------------- /flask-chatbot/static/style.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/static/style.css -------------------------------------------------------------------------------- /flask-chatbot/templates/base.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/templates/base.html -------------------------------------------------------------------------------- /flask-chatbot/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/flask-chatbot/train.py -------------------------------------------------------------------------------- /google-cloud-run/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/.dockerignore -------------------------------------------------------------------------------- /google-cloud-run/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/Dockerfile -------------------------------------------------------------------------------- /google-cloud-run/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/README.md -------------------------------------------------------------------------------- /google-cloud-run/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/main.py -------------------------------------------------------------------------------- /google-cloud-run/nn.h5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/nn.h5 -------------------------------------------------------------------------------- /google-cloud-run/requirements.txt: -------------------------------------------------------------------------------- 1 | Flask 2 | gunicorn 3 | tensorflow 4 | numpy 5 | pillow -------------------------------------------------------------------------------- /google-cloud-run/test/eight.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/test/eight.png -------------------------------------------------------------------------------- /google-cloud-run/test/load.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/test/load.py -------------------------------------------------------------------------------- /google-cloud-run/test/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/test/test.py -------------------------------------------------------------------------------- /google-cloud-run/test/three.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/test/three.png -------------------------------------------------------------------------------- /google-cloud-run/test/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/google-cloud-run/test/train.py -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Podfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Podfile -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Podfile.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Podfile.lock -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/Headers/Private/LibTorch/LibTorch.h: -------------------------------------------------------------------------------- 1 | ../../../LibTorch/src/LibTorch.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/Headers/Public/LibTorch/LibTorch.h: -------------------------------------------------------------------------------- 1 | ../../../LibTorch/src/LibTorch.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/LICENSE -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ATen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ATen.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/AccumulateType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/AccumulateType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ArrayRef.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Backend.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Backtrace.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/BatchedFallback.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/BatchedFallback.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/BatchedTensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/BatchedTensorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUApplyUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUApplyUtils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUFixedAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUFixedAllocator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUFunctions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUGeneratorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CPUGeneratorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CUDAGeneratorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/CUDAGeneratorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Config.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Context.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/DLConvertor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/DLConvertor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Device.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/DeviceGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/DeviceGuard.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/DimVector.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Dimname.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Dispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Dispatch.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/DynamicLibrary.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/DynamicLibrary.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ExpandUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ExpandUtils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Formatting.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Functions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Functions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Generator.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/InferSize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/InferSize.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/InitialTensorOptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/InitialTensorOptions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Layout.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/LegacyTHFunctionsCPU.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/LegacyTHFunctionsCPU.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/LegacyTHFunctionsCUDA.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/LegacyTHFunctionsCUDA.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/MatrixRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/MatrixRef.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/MemoryOverlap.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/MemoryOverlap.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/MetaFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/MetaFunctions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/NamedTensor.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/NamedTensorUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/NamedTensorUtils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/NativeFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/NativeFunctions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/NumericUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/NumericUtils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/OpaqueTensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/OpaqueTensorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/PTThreadPool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/PTThreadPool.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Parallel.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ParallelNative.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ParallelNative.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ParallelNativeTBB.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ParallelNativeTBB.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ParallelOpenMP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ParallelOpenMP.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Scalar.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ScalarOps.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ScalarOps.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ScalarType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ScalarType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/SequenceNumber.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/SequenceNumber.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/SmallVector.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/SparseTensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/SparseTensorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/SparseTensorUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/SparseTensorUtils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Storage.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Tensor.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorAccessor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorAccessor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorGeometry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorGeometry.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorIndexing.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorIndexing.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorIterator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorIterator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorMeta.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorMeta.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorNames.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorNames.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorOperators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorOperators.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorOptions.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | #include 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TensorUtils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ThreadLocalState.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/ThreadLocalState.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TracerMode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TracerMode.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TypeDefault.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/TypeDefault.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/Version.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/VmapMode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/VmapMode.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/VmapTransforms.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/VmapTransforms.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/WrapDimUtils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/WrapDimUtils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/WrapDimUtilsMulti.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/WrapDimUtilsMulti.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/autocast_mode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/autocast_mode.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ATenGeneral.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ATenGeneral.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ATenOpList.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ATenOpList.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Array.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Backtrace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Backtrace.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Dict.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Dict.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Dict_inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Dict_inl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/DimVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/DimVector.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Dimname.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Dimname.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Formatting.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Formatting.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Generator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/LegacyTypeDispatch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/LegacyTypeDispatch.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/List.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/List.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/List_inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/List_inl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/MT19937RNGEngine.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/MT19937RNGEngine.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Macros.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/NamedTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/NamedTensor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/PhiloxRNGEngine.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/PhiloxRNGEngine.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/QuantizerBase.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/QuantizerBase.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Range.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Range.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Reduction.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Scalar.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ScalarType.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Tensor.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/TensorAccessor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/TensorAccessor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/TensorBody.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/TensorBody.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/UndefinedTensorImpl.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/UnsafeFromTH.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/UnsafeFromTH.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Variadic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Variadic.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Vitals.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/Vitals.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/alias_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/alias_info.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/blob.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/boxing/impl/boxing.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/boxing/impl/boxing.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/builtin_function.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/builtin_function.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/function.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/function.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/function_schema.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/function_schema.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/functional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/functional.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/grad_mode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/grad_mode.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/interned_strings.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/interned_strings.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ivalue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ivalue.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ivalue_inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/ivalue_inl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/jit_type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/jit_type.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/jit_type_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/jit_type_base.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/operator_name.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/operator_name.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/qualified_name.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/qualified_name.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/rref_interface.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/rref_interface.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/stack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/stack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/core/typeid.h: -------------------------------------------------------------------------------- 1 | #include 2 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpp_custom_type_hack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpp_custom_type_hack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/FlushDenormal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/FlushDenormal.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/functional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/functional.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/intrinsics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/intrinsics.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_base.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_float.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_float.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_int.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_int.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_qint.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vec256/vec256_qint.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vml.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/cpu/vml.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/detail/CPUGuardImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/detail/CPUGuardImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/detail/FunctionTraits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/detail/FunctionTraits.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/div_rtn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/div_rtn.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/dlpack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/quantized/QTensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/quantized/QTensorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/quantized/Quantizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/quantized/Quantizer.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/record_function.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/ATen/record_function.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/TH.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/TH.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THAllocator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THBlas.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGeneral.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGeneral.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateAllTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateAllTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateBFloat16Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateBFloat16Type.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateBoolType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateBoolType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateByteType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateByteType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateCharType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateCharType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateComplexTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateComplexTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateDoubleType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateDoubleType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateFloatType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateFloatType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateFloatTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateFloatTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateHalfType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateHalfType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateIntType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateIntType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateIntTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateIntTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateLongType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateLongType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQInt32Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQInt32Type.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQInt8Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQInt8Type.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQUInt4x2Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQUInt4x2Type.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQUInt8Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateQUInt8Type.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateShortType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THGenerateShortType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THHalf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THHalf.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THLapack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THLapack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THStorage.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THStorageFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THStorageFunctions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THStorageFunctions.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THStorageFunctions.hpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensor.hpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensorApply.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensorApply.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensorDimApply.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THTensorDimApply.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/THVector.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THBlas.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THBlas.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THBlas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THBlas.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THLapack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THLapack.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THLapack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THLapack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorage.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorage.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorage.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorageCopy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorageCopy.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorageCopy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THStorageCopy.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensor.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensor.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensor.hpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorLapack.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorLapack.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorLapack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorLapack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorMath.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorMath.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorMath.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorMath.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorRandom.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorRandom.cpp -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorRandom.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THTensorRandom.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/generic/THVector.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/vector/AVX.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/vector/AVX.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/vector/avx_mathfun.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/TH/vector/avx_mathfun.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/THCUNN/generic/THCUNN.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/THCUNN/generic/THCUNN.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Allocator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Backend.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/CPUAllocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/CPUAllocator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/CopyBytes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/CopyBytes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DefaultDtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DefaultDtype.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Device.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DeviceGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DeviceGuard.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DeviceType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DeviceType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DispatchKey.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DispatchKey.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DispatchKeySet.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/DispatchKeySet.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Event.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/GeneratorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/GeneratorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Layout.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/MemoryFormat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/MemoryFormat.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/QEngine.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/QEngine.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/QScheme.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/QScheme.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Scalar.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Scalar.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/ScalarType.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/ScalarType.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Storage.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/StorageImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/StorageImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/Stream.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/StreamGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/StreamGuard.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/TensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/TensorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/TensorOptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/TensorOptions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/UndefinedTensorImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/UndefinedTensorImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/WrapDimMinimal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/WrapDimMinimal.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/impl/FakeGuardImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/impl/FakeGuardImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/impl/InlineEvent.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/impl/InlineEvent.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/thread_pool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/core/thread_pool.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAException.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAException.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAFunctions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAFunctions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAGuard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAGuard.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAMacros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAMacros.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAMathCompat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAMathCompat.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAStream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/CUDAStream.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/impl/CUDAGuardImpl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/impl/CUDAGuardImpl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/impl/CUDATest.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/cuda/impl/CUDATest.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/macros/Export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/macros/Export.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/macros/Macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/macros/Macros.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/macros/cmake_macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/macros/cmake_macros.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/test/util/Macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/test/util/Macros.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/AlignOf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/AlignOf.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Array.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/ArrayRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/ArrayRef.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/BFloat16-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/BFloat16-inl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/BFloat16-math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/BFloat16-math.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/BFloat16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/BFloat16.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Backtrace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Backtrace.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Bitset.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Bitset.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/C++17.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/C++17.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/ConstexprCrc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/ConstexprCrc.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Deprecated.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Deprecated.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Exception.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Exception.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Flags.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/FunctionRef.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/FunctionRef.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Half-inl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Half-inl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Half.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Half.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/IdWrapper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/IdWrapper.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/LeftRight.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/LeftRight.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Logging.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/MathConstants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/MathConstants.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Metaprogramming.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Metaprogramming.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Optional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Optional.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Registry.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Registry.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/SmallVector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/SmallVector.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/StringUtil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/StringUtil.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Type.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeCast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeCast.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeIndex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeIndex.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeList.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeList.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeTraits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/TypeTraits.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Unicode.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/Unicode.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/UniqueVoidPtr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/UniqueVoidPtr.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/accumulate.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/accumulate.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/complex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/complex.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/complex_math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/complex_math.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/complex_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/complex_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/either.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/either.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/flat_hash_map.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/flat_hash_map.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/hash.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/hash.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/in_place.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/in_place.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/intrusive_ptr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/intrusive_ptr.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/irange.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/irange.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/llvmMathExtras.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/llvmMathExtras.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/math_compat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/math_compat.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/numa.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/numa.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/python_stub.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/python_stub.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/qint32.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/qint32.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/qint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/qint8.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/quint4x2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/quint4x2.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/quint8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/quint8.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/reverse_iterator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/reverse_iterator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/sparse_bitset.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/sparse_bitset.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/string_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/string_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/string_view.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/string_view.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/tempfile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/tempfile.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/thread_name.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/thread_name.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/typeid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/typeid.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/variant.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/variant.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/win32-headers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/c10/util/win32-headers.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/contrib/aten/aten_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/contrib/aten/aten_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/contrib/gloo/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/contrib/gloo/common.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/contrib/gloo/context.h: -------------------------------------------------------------------------------- 1 | #pragma once 2 | 3 | #include 4 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/allocator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/blob.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/blob_stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/blob_stats.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common_cudnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common_cudnn.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common_gpu.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common_omp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/common_omp.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/context.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/context_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/context_base.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/context_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/context_gpu.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/cudnn_wrappers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/cudnn_wrappers.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/db.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/db.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/event.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/event_cpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/event_cpu.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/flags.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/graph.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/init.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/logging.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/macros.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/macros.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/memonger.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/memonger.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/module.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_async_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_async_base.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_async_task.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_async_task.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_dag_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_dag_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_parallel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_parallel.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_simple.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/net_simple.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/numa.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/numa.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/observer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/observer.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/operator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/operator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/operator_schema.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/operator_schema.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/plan_executor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/plan_executor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/qtensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/qtensor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/scope_guard.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/scope_guard.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/stats.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/stats.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/storage.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/tensor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/tensor_impl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/tensor_impl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/tensor_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/tensor_int8.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/test_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/test_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/timer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/timer.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/transform.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/transform.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/types.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/workspace.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/core/workspace.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/cuda_rtc/common_rtc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/cuda_rtc/common_rtc.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/db/create_db_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/db/create_db_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/distributed/store_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/distributed/store_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/ideep/ideep_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/ideep/ideep_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/image/image_input_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/image/image_input_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/image/transform_gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/image/transform_gpu.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/mobile/contrib/ios/ios_caffe_defines.h: -------------------------------------------------------------------------------- 1 | 2 | #define IOS_CAFFE_EXPORT __attribute__((visibility("default"))) 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/mpi/mpi_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/mpi/mpi_common.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/mpi/mpi_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/mpi/mpi_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/backend.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/backend_rep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/backend_rep.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/device.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/helper.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/offline_tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/offline_tensor.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/onnx_exporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/onnx_exporter.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/onnxifi_init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/onnxifi_init.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/torch_ops/schema.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/onnx/torch_ops/schema.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/abs_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/abs_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/accuracy_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/accuracy_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/acos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/acos_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/apmeter_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/apmeter_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/arg_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/arg_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/asin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/asin_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/assert_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/assert_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/atan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/atan_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cast_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cast_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cbrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cbrt_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/ceil_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/ceil_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/clip_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/clip_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/conv_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/conv_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/copy_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/copy_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cos_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cos_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cosh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cosh_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/counter_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/counter_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cube_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/cube_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/data_couple.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/data_couple.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/dataset_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/dataset_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/distance_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/distance_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/do_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/do_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/dropout_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/dropout_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/elu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/elu_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/erf_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/erf_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/exp_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/exp_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/expand_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/expand_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/filler_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/filler_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/find_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/find_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/flatten_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/flatten_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/floor_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/floor_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/free_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/free_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/gather_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/gather_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/gelu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/gelu_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/glu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/glu_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/gru_unit_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/gru_unit_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/if_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/if_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/im2col_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/im2col_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/index_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/index_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/is_empty_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/is_empty_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/jsd_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/jsd_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/log_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/log_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/logit_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/logit_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/loss_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/loss_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/lpnorm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/lpnorm_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/lstm_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/lstm_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/map_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/map_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/matmul_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/matmul_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/mean_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/mean_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/minmax_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/minmax_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/mish_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/mish_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/mod_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/mod_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/moments_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/moments_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/negative_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/negative_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/ngram_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/ngram_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/one_hot_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/one_hot_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/pad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/pad_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/pool_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/pool_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/pow_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/pow_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/prefetch_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/prefetch_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/prelu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/prelu_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/quantile_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/quantile_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/reduce_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/reduce_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/relu_n_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/relu_n_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/relu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/relu_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/reshape_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/reshape_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/resize_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/resize_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/rms_norm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/rms_norm_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/roi_pool_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/roi_pool_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/rowmul_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/rowmul_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/rsqrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/rsqrt_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/scale_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/scale_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/selu_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/selu_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/shape_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/shape_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sigmoid_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sigmoid_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sin_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sinh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sinh_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/slice_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/slice_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/softmax_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/softmax_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/softplus_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/softplus_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/softsign_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/softsign_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sqr_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sqr_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sqrt_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/sqrt_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/string_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/string_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/swish_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/swish_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/tan_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/tan_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/tanh_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/tanh_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/tile_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/tile_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/top_k.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/top_k.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/unique_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/unique_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/upsample_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/upsample_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/utility_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/utility_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/while_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/operators/while_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/annotations.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/annotations.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/backend_cutting.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/backend_cutting.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/converter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/converter.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/custom/cc_amrc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/custom/cc_amrc.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/device.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/distributed.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/distributed.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/fusion.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/fusion.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/mobile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/mobile.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/nql/ast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/nql/ast.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/nql/graphmatcher.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/nql/graphmatcher.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/onnx_convert.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/onnx_convert.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/onnxifi_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/onnxifi_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/optimize_ideep.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/optimize_ideep.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/optimizer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/optimizer.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/passes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/passes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/shape_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/shape_info.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/tvm_transformer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/opt/tvm_transformer.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/perfkernels/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/perfkernels/common.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/perfkernels/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/perfkernels/math.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/proto/caffe2_pb.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/proto/caffe2_pb.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/proto/torch_pb.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/proto/torch_pb.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/python/dlpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/python/dlpack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/queue/blobs_queue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/queue/blobs_queue.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/queue/queue_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/queue/queue_ops.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/serialize/crc_alt.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/serialize/crc_alt.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/serialize/versions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/serialize/versions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adadelta_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adadelta_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adagrad_fused.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adagrad_fused.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adagrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adagrad_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adam_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/adam_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/clip_tensor_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/clip_tensor_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/ftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/ftrl_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/gftrl_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/gftrl_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/iter_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/iter_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/lars_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/lars_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/math_lp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/math_lp.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/rmsprop_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/rmsprop_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/storm_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/storm_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/wngrad_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/wngrad_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/yellowfin_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/sgd/yellowfin_op.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/bench_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/bench_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cast.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cblas.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cblas.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/conversions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/conversions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cpu_neon.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cpu_neon.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cpuid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/cpuid.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/eigen_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/eigen_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/filler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/filler.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/map_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/map_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math-detail.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math-detail.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math/reduce.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math/reduce.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/math/utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/murmur_hash3.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/murmur_hash3.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/proto_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/proto_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/proto_wrap.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/proto_wrap.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/simple_queue.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/simple_queue.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/string_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/string_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/zmq_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/utils/zmq_helper.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/video/optical_flow.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/video/optical_flow.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/video/video_io.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/caffe2/video/video_io.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/clog.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/clog.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/cpuinfo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/cpuinfo.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16/bitcasts.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16/bitcasts.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16/fp16.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16/fp16.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16/psimd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fp16/psimd.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fxdiv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/fxdiv.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/psimd.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/psimd.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pthreadpool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pthreadpool.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/attr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/attr.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/buffer_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/buffer_info.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/cast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/cast.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/chrono.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/chrono.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/common.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/complex.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/complex.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/class.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/class.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/common.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/descr.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/descr.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/init.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/internals.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/internals.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/typeid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/detail/typeid.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/eigen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/eigen.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/embed.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/embed.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/eval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/eval.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/functional.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/functional.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/iostream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/iostream.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/numpy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/numpy.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/operators.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/operators.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/options.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/options.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/pybind11.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/pybind11.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/pytypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/pytypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/stl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/stl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/stl_bind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/pybind11/stl_bind.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/qnnpack_func.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/qnnpack_func.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/CudaIPCTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/CudaIPCTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/DataLoader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/DataLoader.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Device.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Device.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Dtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Dtype.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/DynamicTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/DynamicTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Exceptions.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Exceptions.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Generator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Generator.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Layout.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/MemoryFormat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/MemoryFormat.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Module.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/PythonTypes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/PythonTypes.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/QScheme.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/QScheme.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Size.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Size.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Storage.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/StorageDefs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/StorageDefs.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Stream.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/THP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/THP.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/THP_export.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/THP_export.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/TypeInfo.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/TypeInfo.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/Types.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/autograd/edge.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/autograd/edge.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/copy_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/copy_utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Event.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Event.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Module.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Storage.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Storage.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Stream.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/Stream.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/THCP.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/THCP.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/comm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/comm.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/nccl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/nccl.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/cuda/utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/generic/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/generic/utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/api/method.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/api/method.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/api/module.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/api/module.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/api/object.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/api/object.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/cuda/cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/cuda/cuda.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/ir/ir.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/ir/ir.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/ir/scope.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/ir/scope.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/jit_log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/jit/jit_log.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/onnx/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/onnx/init.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/onnx/onnx.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/onnx/onnx.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/python_dimname.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/python_dimname.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/python_headers.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/python_headers.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/serialization.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/serialization.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/auto_gil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/auto_gil.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/future.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/future.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/init.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/memory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/memory.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/pybind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/pybind.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/six.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/six.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/variadic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/csrc/utils/variadic.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/custom_class.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/custom_class.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/custom_class_detail.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/custom_class_detail.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/extension.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/extension.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/library.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/library.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/script.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/torch/script.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/xnnpack.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/install/include/xnnpack.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/LibTorch/src/LibTorch.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/LibTorch/src/LibTorch.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/Manifest.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/Manifest.lock -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/Pods/Pods.xcodeproj/project.pbxproj: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/Pods/Pods.xcodeproj/project.pbxproj -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo.xcodeproj/project.pbxproj: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo.xcodeproj/project.pbxproj -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo.xcworkspace/contents.xcworkspacedata: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo.xcworkspace/contents.xcworkspacedata -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/AppDelegate.swift: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/AppDelegate.swift -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/Assets.xcassets/Contents.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/Assets.xcassets/Contents.json -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/Base.lproj/LaunchScreen.storyboard: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/Base.lproj/LaunchScreen.storyboard -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/Base.lproj/Main.storyboard: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/Base.lproj/Main.storyboard -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/CVPixelBuffer+Helper.swift: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/CVPixelBuffer+Helper.swift -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/Info.plist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/Info.plist -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/Model/model.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/Model/model.pt -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/Model/words.txt: -------------------------------------------------------------------------------- 1 | cat 2 | dog 3 | -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/Predictor.swift: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/Predictor.swift -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/SceneDelegate.swift: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/SceneDelegate.swift -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/TorchModule/PyTorch-Demo-Bridging-Header.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/TorchModule/PyTorch-Demo-Bridging-Header.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/TorchModule/TorchModule.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/TorchModule/TorchModule.h -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/TorchModule/TorchModule.mm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/TorchModule/TorchModule.mm -------------------------------------------------------------------------------- /pytorch-ios/PyTorch Demo/PyTorch Demo/ViewController.swift: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/PyTorch Demo/PyTorch Demo/ViewController.swift -------------------------------------------------------------------------------- /pytorch-ios/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/README.md -------------------------------------------------------------------------------- /pytorch-ios/model.pt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/model.pt -------------------------------------------------------------------------------- /pytorch-ios/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/test.py -------------------------------------------------------------------------------- /pytorch-ios/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/patrickloeber/ml-deployment/HEAD/pytorch-ios/train.py --------------------------------------------------------------------------------