Home
last modified time | relevance | path

Searched refs:TORCH_API (Results 1 – 25 of 733) sorted by relevance

12345678910>>...30

/external/pytorch/torch/csrc/jit/frontend/
Dtracer.h40 TORCH_API std::atomic<bool>& getTracerStateWarnMode();
42 struct TORCH_API TracingState
112 TORCH_API static void stashIntArrayRefElem(
131 TORCH_API static void stashValue(
155 TORCH_API const std::shared_ptr<TracingState>& getTracingState();
156 TORCH_API void setTracingState(std::shared_ptr<TracingState> state);
163 TORCH_API extern const char* WARN_PYTHON_DATAFLOW;
164 TORCH_API extern const char* WARN_CONSTRUCTOR;
165 TORCH_API extern const char* WARN_RESIZE;
166 TORCH_API extern const char* STRICT_TRACER_MSG;
[all …]
/external/pytorch/aten/src/ATen/
DTensorUtils.h22 struct TORCH_API TensorArg {
40 struct TORCH_API TensorGeometryArg {
71 TORCH_API std::ostream& operator<<(
74 TORCH_API void checkDim(
80 TORCH_API void checkDim(CheckedFrom c, const TensorGeometryArg& t, int64_t dim);
82 TORCH_API void checkDimRange(
87 TORCH_API void checkSameDim(
91 TORCH_API void checkContiguous(CheckedFrom c, const TensorGeometryArg& t);
92 TORCH_API void checkAllContiguous(CheckedFrom c, at::ArrayRef<TensorArg> ts);
93 TORCH_API void checkSize(
[all …]
DNamedTensorUtils.h21 TORCH_API int64_t dimname_to_position(const Tensor& tensor, Dimname dim);
22 TORCH_API std::vector<int64_t> dimnames_to_positions(
35 TORCH_API std::vector<Dimname> unify_from_right(
89 TORCH_API const Tensor& propagate_names_if_nonempty(
96 TORCH_API const Tensor& propagate_names(
102 TORCH_API void propagate_names(const Tensor& result, const Tensor& src);
105 TORCH_API void propagate_names_except(
111 TORCH_API void propagate_names_for_reduction(
117 TORCH_API void propagate_names_for_expand(
121 TORCH_API std::vector<Dimname> compute_cat_outnames(
[all …]
DFunctionalTensorWrapper.h50 struct TORCH_API FunctionalTensorWrapper : public c10::TensorImpl {
291 TORCH_API inline FunctionalTensorWrapper* unsafeGetFunctionalWrapper( in unsafeGetFunctionalWrapper()
299 TORCH_API bool isBaseTensor(const at::Tensor& tensor);
301 TORCH_API bool isFunctionalTensor(const at::Tensor& tensor);
302 TORCH_API bool isFunctionalTensor(const std::optional<Tensor>& t);
303 TORCH_API bool isFunctionalTensor(
305 TORCH_API bool isFunctionalTensor(ITensorListRef list);
307 TORCH_API Tensor to_functional_tensor(const Tensor& tensor);
308 TORCH_API std::optional<Tensor> to_functional_tensor(
310 TORCH_API c10::List<std::optional<Tensor>> to_functional_tensor(
[all …]
DEmptyTensor.h28 TORCH_API size_t computeStorageNbytesContiguous(
32 TORCH_API SymInt computeStorageNbytesContiguous(
36 TORCH_API size_t computeStorageNbytes(
41 TORCH_API SymInt computeStorageNbytes(
47 TORCH_API TensorBase empty_generic(
54 TORCH_API TensorBase empty_generic_symint(
61 TORCH_API TensorBase empty_strided_generic(
68 TORCH_API TensorBase empty_strided_symint_generic(
75 TORCH_API TensorBase empty_cpu(
81 TORCH_API TensorBase empty_cpu(
[all …]
DParallel.h14 TORCH_API void init_num_threads();
17 TORCH_API void set_num_threads(int);
20 TORCH_API int get_num_threads();
24 TORCH_API int get_thread_num();
27 TORCH_API bool in_parallel_region();
40 TORCH_API void set_thread_num(int);
42 class TORCH_API ThreadIdGuard {
130 TORCH_API std::string get_parallel_info();
133 TORCH_API void set_num_interop_threads(int);
136 TORCH_API int get_num_interop_threads();
[all …]
/external/pytorch/torch/csrc/jit/runtime/static/
Dpasses.h5 TORCH_API void FuseInferenceOpsForSparseNN(
8 TORCH_API void EliminateTrivialEquallySplit(
11 TORCH_API void FuseListUnpack(std::shared_ptr<torch::jit::Graph>& graph);
15 TORCH_API void ReplaceWithCopy(
19 TORCH_API void ReplacePermuteWithCopy(
23 TORCH_API void ReplaceWithMaybeCopy(
27 TORCH_API void RemoveImmutableInputDictLookups(
30 TORCH_API bool graphHasOp(std::shared_ptr<Graph>& graph, const char* op_name);
32 TORCH_API bool forwardHasOp(const Module& module, const char* op_name);
34 TORCH_API void FuseSignLog1P(std::shared_ptr<Graph>& graph);
[all …]
/external/pytorch/torch/csrc/lazy/core/
Dshape_inference.h21 TORCH_API std::vector<torch::lazy::Shape> compute_shape__adaptive_avg_pool2d(const at::Tensor & sel…
22 TORCH_API std::vector<torch::lazy::Shape> compute_shape__adaptive_avg_pool2d_backward(const at::Ten…
23 TORCH_API std::vector<torch::lazy::Shape> compute_shape__adaptive_avg_pool3d(const at::Tensor & sel…
24 TORCH_API std::vector<torch::lazy::Shape> compute_shape__adaptive_avg_pool3d_backward(const at::Ten…
25 TORCH_API std::vector<torch::lazy::Shape> compute_shape_abs(const at::Tensor & self);
26 TORCH_API std::vector<torch::lazy::Shape> compute_shape_arange_out(const at::Scalar & start, const …
27 TORCH_API std::vector<torch::lazy::Shape> compute_shape_bernoulli(const at::Tensor & self, ::std::o…
28 TORCH_API std::vector<torch::lazy::Shape> compute_shape_bernoulli(const at::Tensor & self, double p…
29 TORCH_API std::vector<torch::lazy::Shape> compute_shape_binary_cross_entropy(const at::Tensor & sel…
30 TORCH_API std::vector<torch::lazy::Shape> compute_shape_binary_cross_entropy_backward(const at::Ten…
[all …]
/external/pytorch/torch/csrc/jit/passes/quantization/
Dhelper.h26 TORCH_API bool isWeight(Value* v);
30 TORCH_API bool isBiasOfConvOrLinear(Value* v);
32 TORCH_API bool isEmbeddingBagNonInput(Value* v);
41 TORCH_API std::vector<Value*> getPassThroughInputs(Value* v);
44 TORCH_API void cloneMethod(
50 TORCH_API bool isScalar(Value* v);
53 TORCH_API bool hitGraphInput(Value* value);
59 TORCH_API std::string removeTorchMangle(const std::string& orig_name);
62 TORCH_API std::optional<std::string> getModuleName(Value* value);
65 TORCH_API bool isSingleInputGeneralShapeAtenFunction(Node* n);
[all …]
/external/pytorch/torch/csrc/jit/passes/
Dtensorexpr_fuser.h13 TORCH_API void FuseTensorExprs(
19 TORCH_API void setTensorExprFuserEnabled(bool val);
20 TORCH_API bool tensorExprFuserEnabled();
21 TORCH_API void setTensorExprDynamicShapeFusionEnabled(bool val);
22 TORCH_API bool tensorExprDynamicShapeFusionEnabled();
23 TORCH_API bool setTexprReductionsEnabled(bool value);
24 TORCH_API bool texprReductionsEnabled();
26 TORCH_API void RemoveProfileNodesAndSpecializeTypes(
28 TORCH_API bool hasTensorTypeSpecialization(Value* v);
29 TORCH_API void RemoveTensorTypeSpecializations(std::shared_ptr<Graph>& graph);
[all …]
/external/pytorch/torch/csrc/jit/codegen/cuda/
Dinterface.h21 TORCH_API std::atomic<bool>& getCudaFusionGuardMode();
23 TORCH_API bool getSingletonFusion();
24 TORCH_API bool setSingletonFusion(bool value);
25 TORCH_API bool getHorizontalFusion();
26 TORCH_API bool setHorizontalFusion(bool value);
40 TORCH_API CudaFuserInterface* getFuserInterface();
42 TORCH_API void compileFusionGroup(Node* fusion_node);
43 TORCH_API void runFusionGroup(const Node* fusion_node, Stack& stack);
44 TORCH_API void fuseGraph(std::shared_ptr<Graph>&);
45 TORCH_API bool canFuseNode(const Node* node);
[all …]
/external/pytorch/aten/src/ATen/functorch/
DDynamicLayer.h42 struct TORCH_API DynamicLayer {
66 TORCH_API int64_t initAndPushDynamicLayer(
73 TORCH_API DynamicLayer popDynamicLayerAndDeleteMetadata();
74 TORCH_API std::optional<DynamicLayer> maybeCurrentDynamicLayer();
75 TORCH_API const std::vector<DynamicLayer>& getDynamicLayerStack();
76 TORCH_API void setDynamicLayerStack(const std::vector<DynamicLayer>& stack);
77 TORCH_API void setDynamicLayerFrontBackKeysIncluded(bool included);
87 TORCH_API const std::shared_ptr<bool>& getLifeHandleForLevel(int64_t level);
95 TORCH_API bool isInplaceOp(const c10::FunctionSchema& schema);
98 TORCH_API std::optional<size_t> findAliasedOutput(const FunctionSchema& schema, const int64_t immut…
[all …]
/external/pytorch/torch/csrc/utils/
Dbyte_order.h69 TORCH_API THPByteOrder THP_nativeByteOrder();
71 TORCH_API void THP_decodeInt16Buffer(
76 TORCH_API void THP_decodeInt32Buffer(
81 TORCH_API void THP_decodeInt64Buffer(
86 TORCH_API void THP_decodeHalfBuffer(
91 TORCH_API void THP_decodeFloatBuffer(
96 TORCH_API void THP_decodeDoubleBuffer(
101 TORCH_API void THP_decodeBoolBuffer(bool* dst, const uint8_t* src, size_t len);
102 TORCH_API void THP_decodeBFloat16Buffer(
107 TORCH_API void THP_decodeComplexFloatBuffer(
[all …]
/external/pytorch/torch/csrc/jit/testing/
Dfile_check.h18 TORCH_API explicit FileCheck();
19 TORCH_API ~FileCheck();
22 TORCH_API void run(const std::string& test_string);
25 TORCH_API void run(const Graph& graph);
28 TORCH_API void run(
31 TORCH_API void run(
36 TORCH_API FileCheck* check(const std::string& str);
41 TORCH_API FileCheck* check_not(const std::string& str);
44 TORCH_API FileCheck* check_same(const std::string& str);
48 TORCH_API FileCheck* check_next(const std::string& str);
[all …]
/external/pytorch/torch/csrc/api/include/torch/nn/options/
Dactivation.h17 struct TORCH_API ELUOptions {
47 struct TORCH_API SELUOptions {
76 struct TORCH_API GLUOptions {
105 struct TORCH_API GELUOptions {
132 struct TORCH_API HardshrinkOptions {
162 struct TORCH_API HardtanhOptions {
196 struct TORCH_API LeakyReLUOptions {
227 struct TORCH_API SoftmaxOptions {
245 struct TORCH_API SoftmaxFuncOptions {
268 struct TORCH_API SoftminOptions {
[all …]
/external/pytorch/torch/csrc/api/include/torch/nn/
Dinit.h33 TORCH_API double calculate_gain(
39 TORCH_API Tensor constant_(Tensor tensor, Scalar value);
43 TORCH_API Tensor dirac_(Tensor tensor);
47 TORCH_API Tensor eye_(Tensor matrix);
52 TORCH_API Tensor normal_(Tensor tensor, double mean = 0, double std = 1);
56 TORCH_API Tensor ones_(Tensor tensor);
64 TORCH_API Tensor orthogonal_(Tensor tensor, double gain = 1.0);
73 TORCH_API Tensor sparse_(Tensor tensor, double sparsity, double std = 0.01);
78 TORCH_API Tensor uniform_(Tensor tensor, double low = 0, double high = 1);
85 TORCH_API Tensor kaiming_normal_(
[all …]
/external/pytorch/torch/csrc/jit/ir/
Dalias_analysis.h53 TORCH_API explicit AliasDb(
57 TORCH_API ~AliasDb();
71 TORCH_API bool writesToAlias(Node* n, const ValueSet& vs) const;
75 TORCH_API bool mayContainAlias(Value* a, Value* b) const;
77 TORCH_API bool mayContainAlias(Value* a, const at::ArrayRef<Value*> b) const;
81 TORCH_API bool mayContainAlias(
86 TORCH_API bool mayAlias(const Value* a, const Value* b) const;
89 TORCH_API bool mayAlias(const ValueSet& a, const ValueSet& b) const;
92 TORCH_API bool hasInputWriters(const Node* n) const;
95 TORCH_API bool hasOutputWriters(const Node* n) const;
[all …]
/external/pytorch/torch/csrc/jit/mobile/compatibility/
Dmodel_compatibility.h21 TORCH_API uint64_t _get_model_bytecode_version(std::istream& in);
23 TORCH_API uint64_t _get_model_bytecode_version(const std::string& filename);
25 TORCH_API uint64_t _get_model_bytecode_version(
33 TORCH_API uint64_t _get_model_operator_version(std::istream& in);
35 TORCH_API uint64_t _get_model_operator_version(const std::string& filename);
37 TORCH_API uint64_t _get_model_operator_version(
52 TORCH_API std::unordered_map<std::string, OperatorInfo> _get_model_ops_and_info(
55 TORCH_API std::unordered_map<std::string, OperatorInfo> _get_model_ops_and_info(
58 TORCH_API std::unordered_map<std::string, OperatorInfo> _get_model_ops_and_info(
63 TORCH_API std::unordered_set<std::string> _get_mobile_model_contained_types(
[all …]
/external/pytorch/torch/csrc/jit/tensorexpr/
Dexpr.h40 class TORCH_API Expr : public std::enable_shared_from_this<Expr> {
97 class TORCH_API ExprHandle {
160 class TORCH_API Var : public ExprNode<Var> {
189 TORCH_API std::vector<ExprPtr> make_contiguous_strides(
191 TORCH_API std::vector<ExprPtr> make_channels_last_strides(
194 class TORCH_API Buf : public ExprNode<Buf> {
334 class TORCH_API BufHandle : public ExprHandle {
411 class TORCH_API VarHandle : public ExprHandle {
450 TORCH_API ExprHandle sin(const ExprHandle& v);
451 TORCH_API ExprHandle cos(const ExprHandle& v);
[all …]
/external/pytorch/torch/csrc/jit/tensorexpr/operators/
Dquantization.h9 TORCH_API ExprHandle quantizePerTensorQParamFromArg(ArgValue arg);
11 TORCH_API double immQScale(const BufHandle& qx);
13 TORCH_API int64_t immQZero(const BufHandle& qx);
15 TORCH_API ScalarType immQDType(const BufHandle& qx);
17 TORCH_API bool isQuantized(const BufHandle& qx);
19 TORCH_API Tensor computeQuantizePerTensor(
26 TORCH_API Tensor computeQuantizePerTensorExternalCall(
33 TORCH_API Tensor computeQuantizedConv1d(
40 TORCH_API Tensor computeQuantizedConv2dPrepack(
47 TORCH_API Tensor computeQuantizedConv1d(
[all …]
/external/pytorch/torch/csrc/jit/runtime/
Dgraph_executor.h53 struct TORCH_API EnableProfilingGuard {
63 struct TORCH_API GraphExecutor {
101 TORCH_API Node* replaceBlockWithFallbackGraph(
107 TORCH_API void runRequiredPasses(const std::shared_ptr<Graph>& g);
109 TORCH_API void debugSetFusionGroupInlining(bool state);
110 TORCH_API bool getFusionGroupInlining();
112 TORCH_API void debugSetAutodiffSubgraphInlining(bool state);
113 TORCH_API std::shared_ptr<Graph> lastExecutedOptimizedGraph();
115 TORCH_API std::atomic<bool>& getProfilingMode();
116 TORCH_API std::atomic<bool>& getExecutorMode();
[all …]
/external/pytorch/torch/csrc/jit/codegen/fuser/
Dinterface.h18 TORCH_API int64_t registerFusion(const Node* fusion_group);
24 TORCH_API void runFusion(const int64_t key, Stack& stack);
27 TORCH_API bool canFuseOnCPU();
28 TORCH_API bool canFuseOnGPU();
32 TORCH_API void overrideCanFuseOnCPU(bool value);
35 TORCH_API void overrideMustUseLLVMOnCPU(bool value);
38 TORCH_API void overrideCanFuseOnGPU(bool value);
43 TORCH_API std::vector<at::Tensor> debugLaunchGraph(
48 TORCH_API std::string debugGetFusedKernelCode(
52 TORCH_API size_t nCompiledKernels();
/external/pytorch/torch/csrc/jit/serialization/
Dimport.h18 TORCH_API Module import_ir_module(
24 TORCH_API Module import_ir_module(
30 TORCH_API Module import_ir_module(
36 TORCH_API Module import_ir_module(
45 TORCH_API Module import_ir_module(
52 TORCH_API Module import_ir_module(
60 TORCH_API Module import_ir_module(
67 TORCH_API Module import_ir_module(
78 TORCH_API Module load(
83 TORCH_API Module load(
[all …]
/external/pytorch/torch/csrc/profiler/
Dutil.h38 TORCH_API bool softAssertRaises();
39 TORCH_API void setSoftAssertRaises(std::optional<bool> value);
40 TORCH_API void logSoftAssert(
46 TORCH_API inline void logSoftAssert( in logSoftAssert()
54 TORCH_API void logSoftAssert(
73 struct TORCH_API FileLineFunc {
79 TORCH_API std::vector<FileLineFunc> prepareCallstack(
81 TORCH_API std::vector<std::string> callstackStr(
83 TORCH_API std::string stacksToStr(
86 TORCH_API std::vector<std::vector<int64_t>> inputSizes(
[all …]
/external/pytorch/torch/csrc/jit/passes/utils/
Dsubgraph_utils.h22 TORCH_API Node* createSingletonSubgraph(Node* n, Symbol subgraphKind);
26 TORCH_API Node* createSingletonSubgraphAndUpdateAliasing(
36 TORCH_API void mergeNodeIntoSubgraph(
44 TORCH_API void mergeNodeIntoSubgraphAndUpdateAliasing(
49 TORCH_API std::vector<Node*> unmergeAliasedOutputs(
55 TORCH_API void unmergeSubgraph(Node* subgraphNode);
59 TORCH_API void unmergeNode(Node* node_to_unmerge, Node* subgraphNode);
61 TORCH_API bool unmergeOutputsAlisingInputs(Node* subgraphNode);
63 TORCH_API bool unmergeAliasedOutputs(Node* subgraphNode);
68 TORCH_API std::string generateNameForGraph(

12345678910>>...30