Home
last modified time | relevance | path

Searched full:nn (Results 1 – 25 of 6209) sorted by relevance

12345678910>>...249

/aosp_15_r20/external/pytorch/torch/_functorch/
H A Dtop_operators_github_usage.py266 ("nn.functional.softmax", 10522),
267 ("nn.functional.relu", 8572),
268 ("nn.functional.interpolate", 7277),
269 ("nn.functional.pad", 5207),
270 ("nn.functional.log_softmax", 4699),
271 ("nn.functional.normalize", 2338),
272 ("nn.functional.cross_entropy", 2083),
273 ("nn.functional.grid_sample", 1970),
274 ("nn.functional.one_hot", 1967),
275 ("nn.functional.mse_loss", 1920),
[all …]
/aosp_15_r20/external/pytorch/docs/source/
H A Dnn.rst4 torch.nn
6 .. automodule:: torch.nn
7 .. automodule:: torch.nn.modules
11 .. contents:: torch.nn
17 .. currentmodule:: torch.nn
47 .. currentmodule:: torch.nn.modules.module
71 nn.Conv1d
72 nn.Conv2d
73 nn.Conv3d
74 nn.ConvTranspose1d
[all …]
/aosp_15_r20/external/pytorch/test/cpp_api_parity/
H A Dparity-tracker.md3 ## torch::nn
6 torch::nn::Sequential|Yes|No
7 torch::nn::ModuleList|Yes|No
8 torch::nn::ModuleDict|No|No
9 torch::nn::ParameterList|No|No
10 torch::nn::ParameterDict|No|No
11 torch::nn::Conv1d|Yes|No
12 torch::nn::Conv2d|Yes|No
13 torch::nn::Conv3d|Yes|No
14 torch::nn::ConvTranspose1d|Yes|No
[all …]
/aosp_15_r20/external/pytorch/test/mobile/model_test/
H A Dnn_ops.py2 import torch.nn as nn namespace
3 import torch.nn.functional as F
6 # https://pytorch.org/docs/stable/nn.html
7 class NNConvolutionModule(torch.nn.Module):
13 self.module1d = nn.ModuleList(
15 nn.Conv1d(4, 33, 3),
16 nn.ConvTranspose1d(4, 33, 3),
17 nn.Fold(output_size=(5, 10), kernel_size=(2, 2)),
20 self.module2d = nn.ModuleList(
22 nn.Conv2d(4, 33, 3),
[all …]
/aosp_15_r20/out/soong/.intermediates/packages/modules/NeuralNetworks/common/types/neuralnetworks_types/android_arm64_armv8-2a_cortex-a55_static_apex30_sabi/obj/packages/modules/NeuralNetworks/common/types/src/
DSharedMemory.sdump87 "name" : "android::nn::DeviceType::UNKNOWN"
91 "name" : "android::nn::DeviceType::OTHER"
95 "name" : "android::nn::DeviceType::CPU"
99 "name" : "android::nn::DeviceType::GPU"
103 "name" : "android::nn::DeviceType::ACCELERATOR"
107 "name" : "android::nn::DeviceType",
118 "name" : "android::nn::ErrorStatus::NONE"
122 "name" : "android::nn::ErrorStatus::DEVICE_UNAVAILABLE"
126 "name" : "android::nn::ErrorStatus::GENERAL_FAILURE"
130 "name" : "android::nn::ErrorStatus::OUTPUT_INSUFFICIENT_SIZE"
[all …]
DTypeUtils.sdump137 "name" : "android::nn::DeviceType::UNKNOWN"
141 "name" : "android::nn::DeviceType::OTHER"
145 "name" : "android::nn::DeviceType::CPU"
149 "name" : "android::nn::DeviceType::GPU"
153 "name" : "android::nn::DeviceType::ACCELERATOR"
157 "name" : "android::nn::DeviceType",
168 "name" : "android::nn::ErrorStatus::NONE"
172 "name" : "android::nn::ErrorStatus::DEVICE_UNAVAILABLE"
176 "name" : "android::nn::ErrorStatus::GENERAL_FAILURE"
180 "name" : "android::nn::ErrorStatus::OUTPUT_INSUFFICIENT_SIZE"
[all …]
/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dcommon_pruning.py6 import torch.nn.functional as F
7 from torch import nn
13 def update_mask(self, module: nn.Module, tensor_name: str, **kwargs: Dict[str, Any]) -> None:
19 class MockSparseLinear(nn.Linear):
26 def from_dense(cls, mod: nn.Linear) -> 'MockSparseLinear':
50 class SimpleLinear(nn.Module):
56 self.seq = nn.Sequential(
57 nn.Linear(7, 5, bias=False),
58 nn.Linear(5, 6, bias=False),
59 nn.Linear(6, 4, bias=False),
[all …]
/aosp_15_r20/hardware/interfaces/neuralnetworks/aidl/utils/include/nnapi/hal/aidl/
H A DConversions.h61 namespace android::nn {
144 } // namespace android::nn
148 namespace nn = ::android::nn; variable
150 nn::GeneralResult<std::vector<uint8_t>> unvalidatedConvert(const nn::CacheToken& cacheToken);
151 nn::GeneralResult<BufferDesc> unvalidatedConvert(const nn::BufferDesc& bufferDesc);
152 nn::GeneralResult<BufferRole> unvalidatedConvert(const nn::BufferRole& bufferRole);
153 nn::GeneralResult<DeviceType> unvalidatedConvert(const nn::DeviceType& deviceType);
154 nn::GeneralResult<bool> unvalidatedConvert(const nn::MeasureTiming& measureTiming);
155 nn::GeneralResult<Memory> unvalidatedConvert(const nn::SharedMemory& memory);
156 nn::GeneralResult<OutputShape> unvalidatedConvert(const nn::OutputShape& outputShape);
[all …]
/aosp_15_r20/out/soong/.intermediates/packages/modules/NeuralNetworks/common/libneuralnetworks_common/android_arm64_armv8-2a_cortex-a55_static_apex30_sabi/obj/packages/modules/NeuralNetworks/common/
DLegacyHalUtils.sdump14 "name" : "const android::nn::OperationRegistration *[106]",
1077 "name" : "android::nn::DeviceType::UNKNOWN"
1081 "name" : "android::nn::DeviceType::OTHER"
1085 "name" : "android::nn::DeviceType::CPU"
1089 "name" : "android::nn::DeviceType::GPU"
1093 "name" : "android::nn::DeviceType::ACCELERATOR"
1097 "name" : "android::nn::DeviceType",
1108 "name" : "android::nn::FenceState::ACTIVE"
1112 "name" : "android::nn::FenceState::SIGNALED"
1116 "name" : "android::nn::FenceState::ERROR"
[all …]
DIndexedShapeWrapper.sdump7 "name" : "const android::nn::OperationRegistration *[106]",
111 "name" : "android::nn::DeviceType::UNKNOWN"
115 "name" : "android::nn::DeviceType::OTHER"
119 "name" : "android::nn::DeviceType::CPU"
123 "name" : "android::nn::DeviceType::GPU"
127 "name" : "android::nn::DeviceType::ACCELERATOR"
131 "name" : "android::nn::DeviceType",
142 "name" : "android::nn::FenceState::ACTIVE"
146 "name" : "android::nn::FenceState::SIGNALED"
150 "name" : "android::nn::FenceState::ERROR"
[all …]
DGraphDump.sdump7 "name" : "const android::nn::OperationRegistration *[106]",
111 "name" : "android::nn::DeviceType::UNKNOWN"
115 "name" : "android::nn::DeviceType::OTHER"
119 "name" : "android::nn::DeviceType::CPU"
123 "name" : "android::nn::DeviceType::GPU"
127 "name" : "android::nn::DeviceType::ACCELERATOR"
131 "name" : "android::nn::DeviceType",
142 "name" : "android::nn::FenceState::ACTIVE"
146 "name" : "android::nn::FenceState::SIGNALED"
150 "name" : "android::nn::FenceState::ERROR"
[all …]
/aosp_15_r20/external/executorch/backends/qualcomm/tests/
H A Dmodels.py11 class Add(torch.nn.Module):
19 class AddConstantFloat(torch.nn.Module):
27 class AddConstantLong(torch.nn.Module):
35 class Arange(torch.nn.Module):
44 class AvgPoolModule(torch.nn.Module):
47 self.avgPool = torch.nn.AvgPool2d(
58 class BatchNorm(torch.nn.Module):
61 self.native_batchnorm = torch.nn.BatchNorm2d(n_features)
68 class Bmm(torch.nn.Module):
76 class Cast(torch.nn.Module):
[all …]
/aosp_15_r20/external/pytorch/test/nn/
H A Dtest_lazy_modules.py1 # Owner(s): ["module: nn"]
6 import torch.nn as nn namespace
7 from torch.nn import Buffer, Parameter
8 from torch.nn.parameter import UninitializedBuffer, UninitializedParameter
18 class LazyModule(torch.nn.modules.lazy.LazyModuleMixin, torch.nn.Module):
33 new_module.register_parameter("test_param", nn.Parameter(torch.ones(5, 5)))
38 new_module.register_parameter("test_param", nn.Parameter(torch.ones(5, 5)))
116 module = nn.LazyLinear(10)
121 self.assertIsInstance(module, nn.Linear)
122 self.assertNotIsInstance(module, nn.LazyLinear)
[all …]
/aosp_15_r20/external/pytorch/functorch/op_analysis/
H A Dpublic_api102 nn.functional.celu
103 nn.functional.elu
104 nn.functional.hardsigmoid
105 nn.functional.logsigmoid
106 nn.functional.mish
107 nn.functional.rrelu
108 nn.functional.selu
109 nn.functional.silu
110 nn.functional.softsign
111 nn.functional.tanhshrink
[all …]
/aosp_15_r20/external/pytorch/torch/ao/ns/fx/
H A Dmappings.py5 import torch.ao.nn.intrinsic as nni
6 import torch.ao.nn.intrinsic.qat as nniqat
7 import torch.ao.nn.intrinsic.quantized as nniq
8 import torch.ao.nn.intrinsic.quantized.dynamic as nniqd
9 import torch.ao.nn.qat as nnqat
10 import torch.ao.nn.qat.dynamic as nnqatd
11 import torch.ao.nn.quantized as nnq
12 import torch.ao.nn.quantized.dynamic as nnqd
15 import torch.nn as nn namespace
16 import torch.nn.functional as F
[all …]
/aosp_15_r20/external/pytorch/torch/ao/pruning/_experimental/pruner/
H A Dbase_structured_sparsifier.py7 import torch.nn.functional as F
8 from torch import nn
11 from torch.nn.utils import parametrize
32 nn.Linear,
33 nn.Conv2d,
34 nn.LSTM,
68 nn.ReLU,
69 nn.RReLU,
70 nn.Hardtanh,
71 nn.ReLU6,
[all …]
/aosp_15_r20/hardware/interfaces/neuralnetworks/aidl/utils/src/
H A DPreparedModel.cpp45 nn::GeneralResult<std::pair<std::vector<nn::OutputShape>, nn::Timing>> convertExecutionResults( in convertExecutionResults()
47 return std::make_pair(NN_TRY(nn::convert(outputShapes)), NN_TRY(nn::convert(timing))); in convertExecutionResults()
50 nn::GeneralResult<std::pair<nn::Timing, nn::Timing>> convertFencedExecutionResults( in convertFencedExecutionResults()
54 return std::make_pair(NN_TRY(nn::convert(timingLaunched)), NN_TRY(nn::convert(timingFenced))); in convertFencedExecutionResults()
57 nn::ExecutionResult<std::pair<std::vector<nn::OutputShape>, nn::Timing>> handleExecutionResult( in handleExecutionResult()
61 nn::convert(result.outputShapes).value_or(std::vector<nn::OutputShape>{}); in handleExecutionResult()
62 return NN_ERROR(nn::ErrorStatus::OUTPUT_INSUFFICIENT_SIZE, std::move(canonicalOutputShapes)) in handleExecutionResult()
63 << "execution failed with " << nn::ErrorStatus::OUTPUT_INSUFFICIENT_SIZE; in handleExecutionResult()
74 nn::GeneralResult<std::pair<nn::SyncFence, nn::ExecuteFencedInfoCallback>>
77 auto resultSyncFence = nn::SyncFence::createAsSignaled(); in handleFencedExecutionResult()
[all …]
H A DConversions.cpp65 namespace android::nn { namespace
81 canonical.push_back(NN_TRY(nn::unvalidatedConvert(argument))); in unvalidatedConvertVec()
94 auto canonical = NN_TRY(nn::unvalidatedConvert(halObject)); in validatedConvert()
444 return nn::Duration(static_cast<uint64_t>(halTiming)); in unvalidatedConvert()
633 } // namespace android::nn
649 nn::GeneralResult<common::NativeHandle> aidlHandleFromNativeHandle( in aidlHandleFromNativeHandle()
660 nn::GeneralResult<Memory> unvalidatedConvert(const nn::Memory::Ashmem& memory) { in unvalidatedConvert()
667 operator nn::GeneralResult<Memory>(); in unvalidatedConvert()
671 auto fd = NN_TRY(nn::dupFd(memory.fd)); in unvalidatedConvert()
679 nn::GeneralResult<Memory> unvalidatedConvert(const nn::Memory::Fd& memory) { in unvalidatedConvert()
[all …]
/aosp_15_r20/external/pytorch/torch/ao/quantization/
H A Dquantization_mappings.py5 import torch.ao.nn as ao_nn
6 import torch.ao.nn.intrinsic as nni
7 import torch.ao.nn.intrinsic.qat as nniqat
8 import torch.ao.nn.intrinsic.quantized as nniq
9 import torch.ao.nn.intrinsic.quantized.dynamic as nniqd
10 import torch.ao.nn.qat as nnqat
11 import torch.ao.nn.qat.dynamic as nnqatd
12 import torch.ao.nn.quantized as nnq
13 import torch.ao.nn.quantized.dynamic as nnqd
14 import torch.ao.nn.quantized.reference as nnqr
[all …]
/aosp_15_r20/hardware/interfaces/neuralnetworks/1.3/utils/include/nnapi/hal/1.3/
H A DConversions.h26 namespace android::nn {
65 } // namespace android::nn
69 nn::GeneralResult<OperandType> unvalidatedConvert(const nn::OperandType& operandType);
70 nn::GeneralResult<OperationType> unvalidatedConvert(const nn::OperationType& operationType);
71 nn::GeneralResult<Priority> unvalidatedConvert(const nn::Priority& priority);
72 nn::GeneralResult<Capabilities> unvalidatedConvert(const nn::Capabilities& capabilities);
73 nn::GeneralResult<Capabilities::OperandPerformance> unvalidatedConvert(
74 const nn::Capabilities::OperandPerformance& operandPerformance);
75 nn::GeneralResult<Operation> unvalidatedConvert(const nn::Operation& operation);
76 nn::GeneralResult<OperandLifeTime> unvalidatedConvert(const nn::Operand::LifeTime& operandLifeTime);
[all …]
/aosp_15_r20/hardware/interfaces/neuralnetworks/1.3/utils/src/
H A DConversions.cpp68 namespace android::nn { namespace
83 canonical.push_back(NN_TRY(nn::unvalidatedConvert(argument))); in unvalidatedConvert()
90 auto canonical = NN_TRY(nn::unvalidatedConvert(halObject)); in validatedConvert()
127 return NN_ERROR(nn::ErrorStatus::GENERAL_FAILURE) in unvalidatedConvert()
216 return NN_ERROR(nn::ErrorStatus::GENERAL_FAILURE) in unvalidatedConvert()
264 return NN_ERROR(nn::ErrorStatus::GENERAL_FAILURE) in unvalidatedConvert()
289 nn::TimePoint bootTimePoint; in unvalidatedConvert()
291 constexpr auto kMaxTime = nn::TimePoint::max(); in unvalidatedConvert()
298 constexpr auto kZeroTime = nn::TimePoint{}; in unvalidatedConvert()
302 return NN_ERROR(nn::ErrorStatus::GENERAL_FAILURE) in unvalidatedConvert()
[all …]
/aosp_15_r20/out/soong/.intermediates/packages/modules/NeuralNetworks/common/libneuralnetworks_common/android_arm64_armv8-2a_cortex-a55_static_apex30_sabi/obj/packages/modules/NeuralNetworks/common/cpu_operations/
DExpandDims.sdump7 "name" : "const android::nn::OperationRegistration *[106]",
111 "name" : "android::nn::DeviceType::UNKNOWN"
115 "name" : "android::nn::DeviceType::OTHER"
119 "name" : "android::nn::DeviceType::CPU"
123 "name" : "android::nn::DeviceType::GPU"
127 "name" : "android::nn::DeviceType::ACCELERATOR"
131 "name" : "android::nn::DeviceType",
142 "name" : "android::nn::FenceState::ACTIVE"
146 "name" : "android::nn::FenceState::SIGNALED"
150 "name" : "android::nn::FenceState::ERROR"
[all …]
DPow.sdump94 "name" : "android::nn::DeviceType::UNKNOWN"
98 "name" : "android::nn::DeviceType::OTHER"
102 "name" : "android::nn::DeviceType::CPU"
106 "name" : "android::nn::DeviceType::GPU"
110 "name" : "android::nn::DeviceType::ACCELERATOR"
114 "name" : "android::nn::DeviceType",
125 "name" : "android::nn::ErrorStatus::NONE"
129 "name" : "android::nn::ErrorStatus::DEVICE_UNAVAILABLE"
133 "name" : "android::nn::ErrorStatus::GENERAL_FAILURE"
137 "name" : "android::nn::ErrorStatus::OUTPUT_INSUFFICIENT_SIZE"
[all …]
DTile.sdump87 "name" : "android::nn::DeviceType::UNKNOWN"
91 "name" : "android::nn::DeviceType::OTHER"
95 "name" : "android::nn::DeviceType::CPU"
99 "name" : "android::nn::DeviceType::GPU"
103 "name" : "android::nn::DeviceType::ACCELERATOR"
107 "name" : "android::nn::DeviceType",
118 "name" : "android::nn::ErrorStatus::NONE"
122 "name" : "android::nn::ErrorStatus::DEVICE_UNAVAILABLE"
126 "name" : "android::nn::ErrorStatus::GENERAL_FAILURE"
130 "name" : "android::nn::ErrorStatus::OUTPUT_INSUFFICIENT_SIZE"
[all …]
DCast.sdump228 "name" : "android::nn::DeviceType::UNKNOWN"
232 "name" : "android::nn::DeviceType::OTHER"
236 "name" : "android::nn::DeviceType::CPU"
240 "name" : "android::nn::DeviceType::GPU"
244 "name" : "android::nn::DeviceType::ACCELERATOR"
248 "name" : "android::nn::DeviceType",
259 "name" : "android::nn::ErrorStatus::NONE"
263 "name" : "android::nn::ErrorStatus::DEVICE_UNAVAILABLE"
267 "name" : "android::nn::ErrorStatus::GENERAL_FAILURE"
271 "name" : "android::nn::ErrorStatus::OUTPUT_INSUFFICIENT_SIZE"
[all …]

12345678910>>...249