pytorch  1.8.2
About: PyTorch provides Tensor computation (like NumPy) with strong GPU acceleration and Deep Neural Networks (in Python) built on a tape-based autograd system. LTS (Long Term Support) release.
  Fossies Dox: pytorch-1.8.2.tar.gz  ("unofficial" and yet experimental doxygen-generated source code documentation)  

std Namespace Reference

STL namespace. More...

Classes

class  allocator
 STL class.
 
class  array
 STL class.
 
class  atomic
 STL class.
 
class  atomic_ref
 STL class.
 
class  auto_ptr
 STL class.
 
class  bad_alloc
 STL class.
 
class  bad_cast
 STL class.
 
class  bad_exception
 STL class.
 
class  bad_typeid
 STL class.
 
class  basic_fstream
 STL class.
 
class  basic_ifstream
 STL class.
 
class  basic_ios
 STL class.
 
class  basic_iostream
 STL class.
 
class  basic_istream
 STL class.
 
class  basic_istringstream
 STL class.
 
class  basic_ofstream
 STL class.
 
class  basic_ostream
 STL class.
 
class  basic_ostringstream
 STL class.
 
class  basic_string
 STL class.
 
class  basic_string_view
 STL class.
 
class  basic_stringstream
 STL class.
 
class  bitset
 STL class.
 
class  complex
 STL class.
 
class  deque
 STL class.
 
class  domain_error
 STL class.
 
class  error_category
 STL class.
 
class  error_code
 STL class.
 
class  error_condition
 STL class.
 
class  exception
 STL class.
 
class  forward_list
 STL class.
 
class  fstream
 STL class.
 
struct  hash< at::RecordScope >
 
struct  hash< c10::cuda::CUDAStream >
 
struct  hash< c10::Device >
 
struct  hash< c10::DeviceType >
 
struct  hash< c10::DispatchKey >
 
struct  hash< c10::hip::HIPStreamMasqueradingAsCUDA >
 
struct  hash< c10::intrusive_ptr< TTarget, NullType > >
 
struct  hash< c10::monostate >
 
struct  hash< c10::optional< T & > >
 
struct  hash< c10::optional< T > >
 
struct  hash< c10::QualifiedName >
 
struct  hash< c10::Stream >
 
struct  hash< c10::Symbol >
 
struct  hash< c10::TensorType >
 
struct  hash< c10::VaryingShape< T > >
 
struct  hash< c10::weak_intrusive_ptr< TTarget, NullType > >
 
struct  hash< caffe2::DeviceOption >
 
struct  hash< caffe2::onnx::DeviceType >
 
struct  hash< torch::autograd::Edge >
 
struct  hash< torch::distributed::rpc::WorkerInfo >
 
struct  hash< torch::jit::ArgumentSpec >
 
struct  hash< torch::jit::CompleteArgumentSpec >
 
struct  hash< torch::jit::Module >
 
struct  hash< torch::jit::tensorexpr::SimplifierHashType >
 
struct  hash<::c10::basic_string_view< CharT > >
 
struct  hash<::c10::OperatorName >
 
class  ifstream
 STL class.
 
class  invalid_argument
 STL class.
 
class  ios
 STL class.
 
class  ios_base
 STL class.
 
class  istream
 STL class.
 
class  istringstream
 STL class.
 
struct  iterator_traits< torch::jit::generic_graph_node_list_iterator< T > >
 
struct  iterator_traits< torch::jit::ListIterator< T > >
 
class  jthread
 STL class.
 
class  length_error
 STL class.
 
class  list
 STL class.
 
class  lock_guard
 STL class.
 
class  logic_error
 STL class.
 
class  map
 STL class.
 
class  multimap
 STL class.
 
class  multiset
 STL class.
 
class  mutex
 STL class.
 
class  numeric_limits< c10::BFloat16 >
 
class  numeric_limits< c10::complex< T > >
 
class  numeric_limits< c10::Half >
 
class  ofstream
 STL class.
 
class  ostream
 STL class.
 
class  ostringstream
 STL class.
 
class  out_of_range
 STL class.
 
class  overflow_error
 STL class.
 
class  priority_queue
 STL class.
 
class  queue
 STL class.
 
class  range_error
 STL class.
 
class  recursive_mutex
 STL class.
 
class  recursive_timed_mutex
 STL class.
 
class  runtime_error
 STL class.
 
class  set
 STL class.
 
class  shared_lock
 STL class.
 
class  shared_mutex
 STL class.
 
class  shared_ptr
 STL class.
 
class  shared_timed_mutex
 STL class.
 
class  smart_ptr
 STL class.
 
class  span
 STL class.
 
class  stack
 STL class.
 
class  string
 STL class.
 
class  string_view
 STL class.
 
class  stringstream
 STL class.
 
class  system_error
 STL class.
 
class  thread
 STL class.
 
class  timed_mutex
 STL class.
 
class  u16string
 STL class.
 
class  u16string_view
 STL class.
 
class  u32string
 STL class.
 
class  u32string_view
 STL class.
 
class  u8string
 STL class.
 
class  u8string_view
 STL class.
 
class  underflow_error
 STL class.
 
class  unique_lock
 STL class.
 
class  unique_ptr
 STL class.
 
class  unordered_map
 STL class.
 
class  unordered_multimap
 STL class.
 
class  unordered_multiset
 STL class.
 
class  unordered_set
 STL class.
 
class  valarray
 STL class.
 
class  vector
 STL class.
 
class  weak_ptr
 STL class.
 
class  wfstream
 STL class.
 
class  wifstream
 STL class.
 
class  wios
 STL class.
 
class  wistream
 STL class.
 
class  wistringstream
 STL class.
 
class  wofstream
 STL class.
 
class  wostream
 STL class.
 
class  wostringstream
 STL class.
 
class  wstring
 STL class.
 
class  wstring_view
 STL class.
 
class  wstringstream
 STL class.
 

Functions

c10::BFloat16 acos (c10::BFloat16 a)
 Used by vec256<c10::BFloat16>::map. More...
 
c10::BFloat16 asin (c10::BFloat16 a)
 
c10::BFloat16 atan (c10::BFloat16 a)
 
c10::BFloat16 erf (c10::BFloat16 a)
 
c10::BFloat16 erfc (c10::BFloat16 a)
 
c10::BFloat16 exp (c10::BFloat16 a)
 
c10::BFloat16 expm1 (c10::BFloat16 a)
 
c10::BFloat16 log (c10::BFloat16 a)
 
c10::BFloat16 log10 (c10::BFloat16 a)
 
c10::BFloat16 log1p (c10::BFloat16 a)
 
c10::BFloat16 log2 (c10::BFloat16 a)
 
c10::BFloat16 ceil (c10::BFloat16 a)
 
c10::BFloat16 cos (c10::BFloat16 a)
 
c10::BFloat16 floor (c10::BFloat16 a)
 
c10::BFloat16 nearbyint (c10::BFloat16 a)
 
c10::BFloat16 sin (c10::BFloat16 a)
 
c10::BFloat16 tan (c10::BFloat16 a)
 
c10::BFloat16 tanh (c10::BFloat16 a)
 
c10::BFloat16 trunc (c10::BFloat16 a)
 
c10::BFloat16 lgamma (c10::BFloat16 a)
 
c10::BFloat16 sqrt (c10::BFloat16 a)
 
c10::BFloat16 rsqrt (c10::BFloat16 a)
 
c10::BFloat16 abs (c10::BFloat16 a)
 
c10::BFloat16 min (c10::BFloat16 a, c10::BFloat16 b)
 
c10::BFloat16 max (c10::BFloat16 a, c10::BFloat16 b)
 
c10::BFloat16 pow (c10::BFloat16 a, double b)
 
c10::BFloat16 pow (c10::BFloat16 a, c10::BFloat16 b)
 
c10::BFloat16 fmod (c10::BFloat16 a, c10::BFloat16 b)
 
std::string to_string (c10::guts::detail::DummyClassForToString)
 
template<typename T >
constexpr T real (const c10::complex< T > &z)
 
template<typename T >
constexpr T imag (const c10::complex< T > &z)
 
template<typename T >
C10_HOST_DEVICEabs (const c10::complex< T > &z)
 
template<typename T >
C10_HOST_DEVICEarg (const c10::complex< T > &z)
 
template<typename T >
constexpr T norm (const c10::complex< T > &z)
 
template<typename T >
constexpr c10::complex< T > conj (const c10::complex< T > &z)
 
template<class First , class Second >
std::ostream & operator<< (std::ostream &out, const std::pair< First, Second > &p)
 
template<class... Types>
std::ostream & operator<< (std::ostream &out, const std::vector< Types... > &seq)
 
template<class... Types>
std::ostream & operator<< (std::ostream &out, const std::map< Types... > &seq)
 
template<class... Types>
std::ostream & operator<< (std::ostream &out, const std::set< Types... > &seq)
 
std::ostream & operator<< (std::ostream &out, const std::nullptr_t &)
 
template<typename T >
void swap (c10::SmallVectorImpl< T > &LHS, c10::SmallVectorImpl< T > &RHS)
 Implement std::swap in terms of SmallVector swap. More...
 
template<typename T , unsigned N>
void swap (c10::SmallVector< T, N > &LHS, c10::SmallVector< T, N > &RHS)
 Implement std::swap in terms of SmallVector swap. More...
 
TORCH_API std::string to_string (const torch::jit::tensorexpr::Expr *)
 
TORCH_API std::string to_string (const torch::jit::tensorexpr::Stmt *)
 
std::string to_string (const Tensor *t)
 
std::string to_string (const Dtype &dtype)
 
std::string to_string (const ScalarType &type)
 

Detailed Description

STL namespace.

Function Documentation

◆ abs() [1/2]

c10::BFloat16 std::abs ( c10::BFloat16  a)
inline

Definition at line 31 of file BFloat16-math.h.

References caffe2.contrib.aten.docs.sample::a, and abs().

Referenced by at::native::_linalg_cond_check_ord(), at::native::_linalg_norm_matrix_out(), at::native::_linalg_norm_vector_out(), torch::optim::_strong_wolfe(), abs(), at::native::abs_if_complex(), abs_impl(), at::native::apply_diag(), caffe2::blob(), calc_erfinv(), calc_i0(), caffe2::FixedDivisor< std::int32_t >::CalcSignedMagic(), quant_utils::ChooseQuantizationParams(), caffe2::compare(), dnnlowp::Tanh< T >::Compute(), torch::jit::tensorexpr::SimpleIREvaluatorImpl::compute_intrinsics(), caffe2::ProfDAGStats::computeMoments(), caffe2::opt::concatAddMulNaNClipElim(), caffe2::QuantileOp< Context >::CountLowerEq(), at::native::diag_embed(), caffe2::QuantileOp< Context >::DoRunWithType(), caffe2::TemplatePutOp< T >::DoRunWithType(), caffe2::filterNormalizationL1(), caffe2::ftrl_compute(), torch::jit::gcd(), caffe2::FullyConnectedDNNLowPOp< T, ReluFused >::GetQuantizationParameters_(), caffe2::QuantileOp< Context >::GetRangeFromInputs(), at::native::linalg_cond(), torch::jit::tensorexpr::polyGCD(), caffe2::GroupNormDNNLowPOp< T >::QuantizeBeta(), caffe2::ConvDNNLowPOp< T, ReluFused >::QuantizeBias_(), caffe2::QuantizeConvBias(), at::native::AbsMinOps< scalar_t, acc_t >::reduce(), at::native::AbsMaxOps< scalar_t, acc_t >::reduce(), at::native::NormOps< scalar_t, acc_t >::reduce(), at::native::NormOneOps< scalar_t, acc_t >::reduce(), caffe2::relativeError(), c10::IValue::repr(), at::native::rot90(), caffe2::HeatmapMaxKeypointOp< T, Context >::RunOnDevice(), caffe2::RMACRegionsOp< Context >::RunOnDevice(), caffe2::PairWiseLossOp< T, Context >::RunOnDevice(), caffe2::PairWiseLossGradientOp< T, Context >::RunOnDevice(), caffe2::ComputeEqualizationScaleOp::RunOnDevice(), caffe2::PoolOp< T, Context, Functor >::RunOnDeviceWithOrderNCHW(), caffe2::PoolGradientOp< T, Context, Functor >::RunOnDeviceWithOrderNCHW(), caffe2::PoolOp< T, Context, Functor >::RunOnDeviceWithOrderNHWC(), caffe2::PoolGradientOp< T, Context, Functor >::RunOnDeviceWithOrderNHWC(), torch::optim::LBFGS::step(), caffe2::OutputColumnMaxHistogramObserver::Stop(), caffe2::TEST(), at::native::templates::update_from(), at::native::templates::update_to(), and zeta().

◆ abs() [2/2]

template<typename T >
C10_HOST_DEVICE T std::abs ( const c10::complex< T > &  z)

Definition at line 508 of file complex.h.

References abs(), and at::native::metal::mpscnn::z.

Referenced by abs().

◆ acos()

c10::BFloat16 std::acos ( c10::BFloat16  a)
inline

Used by vec256<c10::BFloat16>::map.

Definition at line 9 of file BFloat16-math.h.

References caffe2.contrib.aten.docs.sample::a, and acos().

Referenced by acos(), c10_complex_math::acos(), and torch::jit::tensorexpr::SimpleIREvaluatorImpl::compute_intrinsics().

◆ arg()

◆ asin()

◆ atan()

◆ ceil()

◆ conj()

template<typename T >
constexpr c10::complex<T> std::conj ( const c10::complex< T > &  z)
constexpr

Definition at line 542 of file complex.h.

References at::native::metal::mpscnn::z.

Referenced by c10::Scalar::conj().

◆ cos()

◆ erf()

◆ erfc()

◆ exp()

◆ expm1()

◆ floor()

◆ fmod()

◆ imag()

template<typename T >
constexpr T std::imag ( const c10::complex< T > &  z)
constexpr

◆ lgamma()

◆ log()

◆ log10()

◆ log1p()

◆ log2()

◆ max()

c10::BFloat16 std::max ( c10::BFloat16  a,
c10::BFloat16  b 
)
inline

Definition at line 33 of file BFloat16-math.h.

References caffe2.contrib.aten.docs.sample::a, at::native::metal::mpscnn::b, and max().

Referenced by torch::optim::_cubic_interpolate(), at::native::_get_zero_point_from_tensor(), at::_max_dim_tensors(), at::native::_s_dirichlet_cpu(), torch::optim::_strong_wolfe(), llvm::AbsoluteDifference(), dnnlowp::DynamicHistogram::Add(), dnnlowp::Histogram::Add(), at::native::addmm_impl_cpu_(), caffe2::BackendTransformerBase::annotateOpIndex(), at::native::apply_bag_size(), at::native::apply_svd(), at::native::apply_syevd(), at::native::apply_symeig(), at::native::apply_triu_tril_single(), torch::autograd::generated::details::as_strided_backward(), caffe2::DivFunctor< Context >::Backward(), caffe2::MulFunctor< Context >::Backward(), caffe2::biassetq(), caffe2::blob(), caffe2::BatchBoxCoxOp< Context >::BoxCoxNaive(), caffe2::CAFFE_GET_BLOCKS(), caffe2::CAFFE_GET_BLOCKS_2D(), at::internal::calc_num_tasks_and_chunk_size(), at::native::calculate_quant_loss(), torch::jit::PythonPrintImpl::checkVersion(), dnnlowp::KLDivergenceMinimization::ChooseQuantizationParams(), dnnlowp::NormMinimization::ChooseQuantizationParams(), quant_utils::ChooseQuantizationParams(), at::native::clip_coordinates(), caffe2::MaxReduceDimsOp< T, Context, FIRSTDIMS >::Compute(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::compute_max_lookups(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::compute_max_lookups(), caffe2::elementwise_ops_utils::ComputeBinaryBroadcastBackwardAxes(), caffe2::elementwise_ops_utils::ComputeBinaryBroadcastBackwardDims(), caffe2::elementwise_ops_utils::ComputeBinaryBroadcastForwardDims(), at::native::computeLRWorkDim(), at::native::conv_tbc(), at::native::conv_tbc_backward(), torch::jit::MemoryPlanner::deallocate(), at::native::diag_embed(), at::native::diagonal(), caffe2::NormalizeGradientOp< T, Context >::DoNormalize(), caffe2::NormalizeOp< T, Context >::DoNormalize(), caffe2::BatchMatMulFP16FakeOp< Context, Engine, USE_ACC_FP16, USE_TMP_ACCUMULATOR, USE_CUSTOM_ACC32 >::DoRunWithType(), caffe2::BatchBoxCoxOp< Context >::DoRunWithType(), caffe2::BatchMatMulOp< Context, Engine >::DoRunWithType(), caffe2::ExpandOp< InputTypes, Context >::DoRunWithType(), caffe2::GatherRangesToDenseOp< Context >::DoRunWithType(), caffe2::SelfBinningHistogramOp< Context >::DoRunWithType(), caffe2::SumReluOp< Context >::DoRunWithType(), caffe2::PackSegmentsOp< Context >::DoRunWithType2(), caffe2::AbstractUnsortedSegmentOp< T, SIndex, Context, Reducer, SparseFused, InputAccessor >::DoRunWithValue(), caffe2::editDistanceHelper(), at::native::einsum(), caffe2::internal::ElementWiseSumAVX2(), c10::TensorImpl::Extend(), caffe2::FloatToFloat16_ref(), caffe2::FloatToFusedNBitRowwiseQuantizedSBHalf__base(), c10::AllocationPlanner::formulate_plan(), caffe2::math::Gemm< float, CPUContext >(), caffe2::math::GemmBatched< float, CPUContext >(), caffe2::math::GemmStridedBatched< float, CPUContext >(), caffe2::Get1DPartitionOf2D(), dnnlowp::GetNorm(), caffe2::OpWrapper< OpType, T >::GetOutputQuantizationParams(), dnnlowp::GetPassRegionEnd_(), caffe2::AddDNNLowPOp< T >::GetQuantizationParameters_(), caffe2::LSTMUnitDNNLowPOp< T >::GetQuantizationParameters_(), caffe2::SumDNNLowPOp< T, ReluFused >::GetQuantizationParameters_(), at::native::grid_sampler_2d_backward_cpu(), at::native::grid_sampler_2d_cpu(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::grow(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::grow(), c10::irange(), caffe2::math::utils::IsBothEndsBroadcastBinaryOp(), caffe2::math::utils::IsRowwiseBroadcastBinaryOp(), at::native::kron_out(), dnnlowp::internal::L2MinimizationKernelAVX2(), caffe2::LambdaRankNdcgOp< T, Context >::LambdaRankNdcgSession(), at::native::lerp_cpu_tensor(), at::native::lerp_cpu_tensor_(), at::native::lerp_cpu_tensor_out(), at::native::linalg_matrix_rank_out(), torch::jit::NameMangler::mangle(), max(), at::max_dim(), caffe2::ConvPoolDNNLowPOpBase< T, FP32_OP >::MeasureQuantizationError_(), caffe2::DNNLowPOp< T, FP32_OP >::MeasureQuantizationError_(), caffe2::MergeOpticalFlow(), torch::jit::mergeRanges(), ska::fibonacci_hash_policy::next_size_over(), ska_ordered::fibonacci_hash_policy::next_size_over(), dnnlowp::NormMinimization::NonlinearQuantizationParamsSearch(), caffe2::LogSumExpRangeReducer< T, CPUContext >::operator()(), caffe2::LogMeanExpRangeReducer< T, CPUContext >::operator()(), caffe2::MaxRangeReducer< T, CPUContext >::operator()(), caffe2::HillLearningRate< T >::operator()(), caffe2::SlopeLearningRate< T >::operator()(), caffe2::CyclicalLearningRate< T >::operator()(), torch::jit::tensorexpr::polyGCD(), caffe2::HSoftmaxSearchOp< T, Context >::pruning(), at::native::quantize_val_arm(), at::native::quantize_val_float_qparams(), caffe2::QuantizeConvBias(), caffe2::int8::QuantizeUint8(), caffe2::RegisterQuantizationParamsWithHistogramNetObserver::RegisterQuantizationParamsWithHistogramNetObserver(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::rehash(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::rehash(), caffe2::internal::ReluAVX2< uint16_t >(), caffe2::internal::ReluAVX2< uint8_t >(), caffe2::LambdaRankNdcgOp< T, Context >::ResizeInvLogITensor(), caffe2::HSoftmaxGradientOp< T, Context >::RunBackwardSingle(), caffe2::HSoftmaxOp< T, Context >::RunForwardSingle(), caffe2::APMeterOp< T, Context >::RunOnDevice(), caffe2::CosineEmbeddingCriterionOp< Context >::RunOnDevice(), caffe2::LabelCrossEntropyOp< T, Context >::RunOnDevice(), caffe2::LabelCrossEntropyGradientOp< T, Context >::RunOnDevice(), caffe2::CosineSimilarityOp< T, Context >::RunOnDevice(), caffe2::CosineSimilarityGradientOp< T, Context >::RunOnDevice(), caffe2::DotProductWithPaddingOp< T, Context >::RunOnDevice(), caffe2::HeatmapMaxKeypointOp< T, Context >::RunOnDevice(), caffe2::MarginRankingCriterionOp< Context >::RunOnDevice(), caffe2::RMACRegionsOp< Context >::RunOnDevice(), caffe2::SpatialSoftmaxWithLossOp< T, Context >::RunOnDevice(), caffe2::SummarizeOp< T, Context >::RunOnDevice(), caffe2::DotProductWithPaddingGradientOp< T, Context >::RunOnDevice(), caffe2::FloatToFusedNBitRowwiseQuantizedOp< BIT_RATE, T, convert, GREEDY >::RunOnDevice(), caffe2::FloatToFusedNBitFakeRowwiseQuantizedOp< BIT_RATE, T, convert, GREEDY >::RunOnDevice(), caffe2::BatchMatMulDNNLowPOp< T >::RunOnDevice(), caffe2::ComputeEqualizationScaleOp::RunOnDevice(), caffe2::FullyConnectedDNNLowPOp< T, ReluFused >::RunOnDevice(), caffe2::ReluDNNLowPOp< T >::RunOnDevice(), caffe2::SumDNNLowPOp< T, ReluFused >::RunOnDevice(), caffe2::ConvDNNLowPOp< T, ReluFused >::RunOnDeviceEpilogueNCHW_(), caffe2::ConvDNNLowPOp< T, ReluFused >::RunOnDeviceEpilogueNHWC_(), caffe2::ConvReluOp< T, Context >::RunOnDeviceWithOrderNCHW(), caffe2::InstanceNormOp< T, Context >::RunOnDeviceWithOrderNCHW(), caffe2::RoIAlignOp< T, Context >::RunOnDeviceWithOrderNCHW(), caffe2::ConvReluOp< T, Context >::RunOnDeviceWithOrderNHWC(), caffe2::RoIAlignOp< T, Context >::RunOnDeviceWithOrderNHWC(), caffe2::TensorSerializer::SerializeWithChunkSize(), at::native::FilterDescriptor::set(), at::native::TensorDescriptor::set(), caffe2::serialize::PyTorchStreamWriter::setMinVersion(), caffe2::setq(), torch::autograd::Engine::start_device_threads(), caffe2::OutputMinMaxObserver::Stop(), caffe2::TEST(), TEST(), at::native::templates::uniform_impl_(), at::unify_from_right(), caffe2::OutputMinMaxObserver::TensorInfo::Update(), and c10d::tcputil::waitSocketConnected().

◆ min()

c10::BFloat16 std::min ( c10::BFloat16  a,
c10::BFloat16  b 
)
inline

Definition at line 32 of file BFloat16-math.h.

References caffe2.contrib.aten.docs.sample::a, at::native::metal::mpscnn::b, and min().

Referenced by at::native::_compute_geometry_for_Q(), at::native::_create_U_S_VT(), torch::optim::_cubic_interpolate(), caffe2::CUDARecurrentNetworkExecutor::_ExecRange(), at::native::_get_zero_point_from_tensor(), at::native::_linalg_qr_helper_cpu(), at::native::_lu_with_info_cpu(), at::native::_s_dirichlet_cpu(), torch::optim::_strong_wolfe(), at::native::_svd_helper_cpu(), llvm::AbsoluteDifference(), dnnlowp::DynamicHistogram::Add(), dnnlowp::Histogram::Add(), torch::data::datasets::detail::BatchDataBuffer< UnwrappedBatch, ExampleSampler >::add_chunk_data(), torch::jit::IterableTree::addChild(), caffe2::dataset_ops::TreeIterator::advance(), caffe2::YellowFinOp< T, Context >::AfterApply(), at::native::apply_diag(), at::native::apply_svd(), at::native::apply_triu_tril_single(), torch::autograd::generated::details::as_strided_backward(), at::native::baddbmm_cpu_kernel(), caffe2::biassetq(), torch::cuda::broadcast_coalesced(), caffe2::CAFFE_GET_BLOCKS(), caffe2::CAFFE_GET_BLOCKS_2D(), dnnlowp::KLDivergenceMinimization::ChooseQuantizationParams(), dnnlowp::NormMinimization::ChooseQuantizationParams(), quant_utils::ChooseQuantizationParams(), at::native::clip_coordinates(), torch::jit::ComputeEditDistance(), at::native::computeLRWorkDim(), nom::algorithm::Tarjans< T, U >::connect(), at::native::conv_tbc(), at::native::conv_tbc_backward(), caffe2::ConvTest2b1b(), at::native::vulkan::ops::copy_(), caffe2::custom_fp16_gemm(), caffe2::VideoInputOp< Context >::DecodeAndTransform(), at::native::diag_embed(), at::native::diagonal(), torch::nn::init::dirac_(), caffe2::BatchBoxCoxOp< Context >::DoRunWithType(), caffe2::SelfBinningHistogramOp< Context >::DoRunWithType(), caffe2::editDistanceHelper(), caffe2::internal::ElementWiseSumAVX2(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::erase(), at::native::fill_diagonal_(), caffe2::FloatToFloat16_ref(), caffe2::dataset_ops::TreeWalker::gatherSizeLimits(), caffe2::Get1DPartition(), caffe2::Get1DPartitionOf2D(), dnnlowp::GetNorm(), caffe2::AddDNNLowPOp< T >::GetQuantizationParameters_(), caffe2::LSTMUnitDNNLowPOp< T >::GetQuantizationParameters_(), caffe2::SumDNNLowPOp< T, ReluFused >::GetQuantizationParameters_(), caffe2::math::utils::IsBothEndsBroadcastBinaryOp(), caffe2::math::utils::IsColwiseBroadcastBinaryOp(), dnnlowp::internal::L2MinimizationKernelAVX2(), torch::jit::fuser::cuda::FusedKernelCUDA::launch_raw(), torch::serialize::InputArchive::load_from(), at::DimCounter::max_2d_step(), at::max_iterate_size(), torch::jit::maxList(), caffe2::MergeOpticalFlow(), torch::jit::mergeRanges(), c10::MessageLogger::MessageLogger(), min(), torch::jit::minList(), at::native::mul_out_sparse_cpu(), torch::data::samplers::RandomSampler::next(), torch::data::samplers::SequentialSampler::next(), torch::jit::mobile::SequentialSampler::next(), dnnlowp::NormMinimization::NonlinearQuantizationParamsSearch(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::num_buckets_for_reserve(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::num_buckets_for_reserve(), torch::jit::tensorexpr::polyGCD(), caffe2::TensorPrinter::Print(), at::native::quantize_val_arm(), at::native::quantize_val_float_qparams(), caffe2::QuantizeConvBias(), caffe2::int8::QuantizeUint8(), torch::jit::readArchiveAndTensors(), caffe2::RegisterQuantizationParamsWithHistogramNetObserver::RegisterQuantizationParamsWithHistogramNetObserver(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::rehash_for_other_container(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::rehash_for_other_container(), dnnlowp::RemapHistograms(), c10::impl::SizesAndStrides::resizeSlowPath(), caffe2::DotProductWithPaddingOp< T, Context >::RunOnDevice(), caffe2::RMACRegionsOp< Context >::RunOnDevice(), caffe2::SummarizeOp< T, Context >::RunOnDevice(), caffe2::DotProductWithPaddingGradientOp< T, Context >::RunOnDevice(), caffe2::LengthsTopKGradientOp< T, Context >::RunOnDevice(), caffe2::int8::Int8ResizeNearestOp::RunOnDevice(), caffe2::BatchMatMulDNNLowPOp< T >::RunOnDevice(), caffe2::ResizeNearest3DDNNLowPOp< T >::RunOnDevice(), caffe2::ResizeNearestDNNLowPOp< T >::RunOnDevice(), caffe2::ConvDNNLowPOp< T, ReluFused >::RunOnDeviceEpilogueNHWC_(), caffe2::ResizeNearest3DGradientOp< T, Context >::RunOnDeviceWithOrderNCHW(), caffe2::ResizeNearestOp< T, Context >::RunOnDeviceWithOrderNCHW(), caffe2::ResizeNearestGradientOp< T, Context >::RunOnDeviceWithOrderNCHW(), caffe2::ResizeNearestOp< T, Context >::RunOnDeviceWithOrderNHWC(), caffe2::ResizeNearestGradientOp< T, Context >::RunOnDeviceWithOrderNHWC(), caffe2::ThreadPool::setNumThreads(), caffe2::setq(), c10::setThreadName(), caffe2::TensorFiller::SparseLengths(), caffe2::SparseToDenseMaskBase< Context >::SparseToDenseMaskBase(), torch::optim::LBFGS::step(), caffe2::OutputMinMaxObserver::Stop(), c10d::Reducer::sync_bucket_indices(), caffe2::TEST(), at::native::trace_cpu(), at::native::templates::uniform_impl_(), torch::jit::unpickle(), caffe2::OutputMinMaxObserver::TensorInfo::Update(), torch::distributed::rpc::wireDeserialize(), and c10::MessageLogger::~MessageLogger().

◆ nearbyint()

◆ norm()

template<typename T >
constexpr T std::norm ( const c10::complex< T > &  z)
constexpr

Definition at line 530 of file complex.h.

References at::native::metal::mpscnn::z.

◆ operator<<() [1/5]

template<class... Types>
std::ostream& std::operator<< ( std::ostream &  out,
const std::map< Types... > &  seq 
)

Definition at line 221 of file logging_is_not_google_glog.h.

◆ operator<<() [2/5]

std::ostream& std::operator<< ( std::ostream &  out,
const std::nullptr_t &   
)
inline

Definition at line 233 of file logging_is_not_google_glog.h.

References out.

◆ operator<<() [3/5]

template<class First , class Second >
std::ostream & std::operator<< ( std::ostream &  out,
const std::pair< First, Second > &  p 
)
inline

Definition at line 226 of file logging_is_not_google_glog.h.

References out, and diagnose_protobuf::p.

◆ operator<<() [4/5]

template<class... Types>
std::ostream& std::operator<< ( std::ostream &  out,
const std::set< Types... > &  seq 
)

Definition at line 222 of file logging_is_not_google_glog.h.

◆ operator<<() [5/5]

template<class... Types>
std::ostream& std::operator<< ( std::ostream &  out,
const std::vector< Types... > &  seq 
)

Definition at line 220 of file logging_is_not_google_glog.h.

◆ pow() [1/2]

c10::BFloat16 std::pow ( c10::BFloat16  a,
c10::BFloat16  b 
)
inline

◆ pow() [2/2]

◆ real()

template<typename T >
constexpr T std::real ( const c10::complex< T > &  z)
constexpr

Definition at line 498 of file complex.h.

References at::native::metal::mpscnn::z.

Referenced by arg().

◆ rsqrt()

c10::BFloat16 std::rsqrt ( c10::BFloat16  a)
inline

Definition at line 30 of file BFloat16-math.h.

References caffe2.contrib.aten.docs.sample::a, and sqrt().

◆ sin()

◆ sqrt()

c10::BFloat16 std::sqrt ( c10::BFloat16  a)
inline

Definition at line 29 of file BFloat16-math.h.

References caffe2.contrib.aten.docs.sample::a, and sqrt().

Referenced by torch::optim::_cubic_interpolate(), _igam_helper_asymptotic_series(), _igam_helper_fac(), caffe2::adagrad_fp16_update_prefetch__avx2_fma(), caffe2::adagrad_update__avx2_fma(), caffe2::internal::adagrad_update_base_inlined(), caffe2::adagrad_update_output_effective_lr(), caffe2::adagrad_update_output_effective_lr_and_update(), caffe2::adam_compute(), caffe2::adam_compute_output_grad(), caffe2::adam_update(), at::native::batch_norm_backward_cpu_template(), at::native::batch_norm_cpu_inference_collect_linear_and_constant_terms(), at::native::batch_norm_cpu_transform_input_template(), calc_erfinv(), calc_i0(), calc_igamma(), calc_igammac(), caffe2::LayerNormUtils::calcMeanStd(), torch::nn::init::calculate_gain(), at::native::calculate_quant_loss(), caffe2::RowWiseSparseAdagradFusedWithSparseLengthsWeightedSumGradientOp< Tdata, T, TLengths, rowWiseAdagradT >::compute(), caffe2::RowWiseSparseAdagradFusedWithSparseLengthsSumGradientOp< Tdata, T, TLengths, rowWiseAdagradT, is_mean >::compute(), torch::jit::tensorexpr::SimpleIREvaluatorImpl::compute_intrinsics(), caffe2::ProfDAGStats::computeMoments(), caffe2::RMSNormOp< Context >::DoRunWithType(), caffe2::LengthsToWeightsOp< Context >::DoRunWithType(), caffe2::SparseAdadeltaOp< Context >::DoRunWithType(), caffe2::SparseAdagradOp::DoRunWithType(), caffe2::RowWiseSparseAdagradOp< Context >::DoRunWithType(), caffe2::SparseAdamOp< T, Context >::DoRunWithType(), caffe2::RowWiseSparseAdamOp< T, Context >::DoRunWithType(), caffe2::RowWiseSparseAdagradFusedWithSparseLengthsWeightedSumGradientApproxOp< Tdata, T, TLengths, rowWiseAdagradT >::DoRunWithType(), caffe2::SquareRootDivideOp< Context >::DoRunWithType2(), caffe2::XavierFillOp< T, Context >::Fill(), caffe2::MSRAFillOp< T, Context >::Fill(), caffe2::opt::fuseConvBNHelper(), caffe2::emulator::StdOutputFormatter::get_stdev(), caffe2::gftrl_compute(), torch::nn::init::kaiming_uniform_(), caffe2::lr_update(), at::native::templates::normal_impl_(), caffe2::rowwise_adagrad_update_inlined::operator()(), at::native::InvStd< T >::operator()(), caffe2::OpticalFlowExtractor(), print_runtime_stats(), caffe2::radam_compute(), caffe2::radam_compute_output_grad(), caffe2::radam_update(), caffe2::RandomSizedCropping(), dnnlowp::ReportQuantizationError(), torch::nn::ConvNdImpl< D, Derived >::reset_parameters(), torch::nn::LinearImpl::reset_parameters(), torch::nn::BilinearImpl::reset_parameters(), torch::nn::detail::RNNImplBase< Derived >::reset_parameters(), torch::nn::detail::RNNCellImplBase< Derived >::reset_parameters(), rsqrt(), caffe2::CosineSimilarityOp< T, Context >::RunOnDevice(), caffe2::CosineSimilarityGradientOp< T, Context >::RunOnDevice(), caffe2::SummarizeOp< T, Context >::RunOnDevice(), caffe2::ComputeEqualizationScaleOp::RunOnDevice(), caffe2::AdamOp< T, Context >::RunOnDevice(), caffe2::InstanceNormOp< T, Context >::RunOnDeviceWithOrderNCHW(), sqrt(), c10_complex_math::sqrt(), TEST(), caffe2::TEST(), ValidateFunc(), torch::nn::init::xavier_normal_(), and torch::nn::init::xavier_uniform_().

◆ swap() [1/2]

template<typename T , unsigned N>
void std::swap ( c10::SmallVector< T, N > &  LHS,
c10::SmallVector< T, N > &  RHS 
)
inline

Implement std::swap in terms of SmallVector swap.

Definition at line 1080 of file SmallVector.h.

◆ swap() [2/2]

template<typename T >
void std::swap ( c10::SmallVectorImpl< T > &  LHS,
c10::SmallVectorImpl< T > &  RHS 
)
inline

Implement std::swap in terms of SmallVector swap.

Definition at line 1074 of file SmallVector.h.

Referenced by at::native::_convolution_double_backward(), at::native::_linalg_norm_matrix_out(), at::native::_pack_padded_sequence_backward(), at::native::addmm_impl_cpu_(), torch::jit::tensorexpr::analysis::MemDependencyChecker::allowLoopExecutionOrderAnalysis(), caffe2::BlobsQueue::blockingRead(), torch::jit::differentiate(), caffe2::BlobsQueue::doWrite(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::emplace_new_key(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::emplace_new_key(), caffe2::TensorFiller::Fill(), at::cuda::blas::gemv< at::Half >(), at::infer_dense_strides(), at::native::linalg_pinv(), at::cuda::CUDAEvent::moveHelper(), c10d::NCCLComm::NCCLComm(), c10::numelements_between_dim(), c10::detail_::impl< Ts >::swapper::operator()(), at::native::propagate_transposed_names(), torch::jit::Unpickler::readInstruction(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::rehash(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::rehash(), at::TensorIteratorBase::reorder_dimensions(), torch::utils::reorder_tensors_like(), torch::jit::tensorexpr::LoopNest::reorderAxis(), caffe2::NumpyTileOp< Context >::RunOnDevice(), c10::StorageImpl::set_data_ptr(), caffe2::utils::soft_nms_cpu_rotated(), caffe2::utils::soft_nms_cpu_upright(), at::native::sparse_transpose_(), torch::jit::tensorexpr::analysis::Bound::swap(), caffe2::Blob::swap(), c10::detail_::impl< Ts >::swap(), c10::impl::InlineEvent< T >::swap(), c10::IValue::swap(), torch::distributed::rpc::Message::swap(), c10::optional< T & >::swap(), c10::optional< T >::swap(), at::native::swap(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::swap(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::swap(), c10::SmallVectorImpl< T >::swap(), ska::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::swap_pointers(), ska_ordered::detailv3::sherwood_v3_table< T, FindKey, ArgumentHash, Hasher, ArgumentEqual, Equal, ArgumentAlloc, EntryAlloc >::swap_pointers(), torch::utils::take_tensors(), at::native::transpose(), at::native::vulkan::detail::transpose(), at::TensorGeometry::transpose(), and at::native::transpose_().

◆ tan()

◆ tanh()

◆ to_string() [1/6]

std::string std::to_string ( c10::guts::detail::DummyClassForToString  )
inline

Definition at line 326 of file C++17.h.

Referenced by __newHandle(), c10d::HashStore::add(), caffe2::python::addGlobalMethods(), c10d::TCPStoreDaemon::addHandler(), c10d::FileStore::addHelper(), c10d::ProcessGroupGloo::allgather(), c10d::ProcessGroupGloo::allgather_coalesced(), torch::nn::ParameterListImpl::append(), torch::autograd::CppNode< T >::apply(), torch::autograd::PyNode::apply(), c10d::assertLayoutMatch(), c10d::assertRootRank(), c10d::assertRootTensor(), c10d::assertSizesMatch(), c10d::assertTypeMatch(), torch::nn::ParameterListImpl::at(), torch::jit::tensorexpr::TensorExprKernel::bindInput(), caffe2::BlobsQueue::BlobsQueue(), c10d::ProcessGroupNCCL::broadcastUniqueNCCLID(), caffe2::OnnxifiTransformer::buildOnnxifiOp(), torch::jit::tensorexpr::registerizer::RegisterizerReplacer::buildReplacements(), torch::jit::tensorexpr::Dtype::byte_size(), caffe2::CastHelper< std::string, SrcType >::call(), c10::guts::detail::to_string_< T, void_t< decltype(std::to_string(std::declval< T >()))> >::call(), torch::jit::checkDoubleInRange(), caffe2::CollectAndDistributeFpnRpnProposalsOp< Context >::CollectAndDistributeFpnRpnProposalsOp(), caffe2::CollectRpnProposalsOp< Context >::CollectRpnProposalsOp(), torch::jit::fuser::compileKernel(), torch::jit::tensorexpr::CudaCodeGen::CompileToNVRTC(), torch::jit::tensorexpr::SimpleIREvaluatorImpl::compute_intrinsics(), torch::jit::tensorexpr::LoopNest::computeAt(), nom::nql::computeDedupRenameMap(), c10d::tcputil::connect(), caffe2::CostInferenceForSparseLengths(), torch::jit::SliceExpr::createInt(), torch::jit::to_ir::createTempName(), torch::jit::TemplateEnv::d(), caffe2::emulator::DataRandomFiller::DataRandomFiller(), caffe2::RunCountNetObserver::debugInfo(), torch::jit::Value::debugName(), torch::jit::tensorexpr::TensorExprKernel::dimsFromSizes(), caffe2::DistributeFpnProposalsOp< Context >::DistributeFpnProposalsOp(), caffe2::DoOp< Context >::DoOp(), caffe2::SparseLengthsFusedNBitRowwiseOp< BIT_RATE, Context, with_weights, is_mean >::DoRunWithType(), caffe2::SparseLengthsNBitRowwiseSparseOp< BIT_RATE, with_weights, is_mean >::DoRunWithType(), caffe2::WeightedSumOp< Context >::DoRunWithType(), caffe2::opt::DumpGraph(), torch::jit::fuser::encodeRHS(), caffe2::RecurrentNetworkExecutorBase::EnsureTimestepInitialized(), torch::jit::evilDeprecatedBadCreateStackDoNotUse(), caffe2::HSoftmaxSearchOp< T, Context >::extractNodes(), at::TensorIteratorBase::fast_set_up(), caffe2::ATenOp< Context >::findImplementation(), caffe2::emulator::StdOutputFormatter::format(), torch::jit::tensorexpr::Intrinsics::func_name(), caffe2::opt::fuseConvBNHelper(), torch::jit::fuser::cuda::FusedKernelCUDA::FusedKernelCUDA(), torch::jit::fuser::generateKernel(), torch::jit::tensorexpr::TensorExprKernel::generateStmt(), torch::jit::PythonPrintImpl::genNameImpl(), torch::jit::tensorexpr::UniqueNameManager::get_unique_name(), at::getATenDevice(), torch::jit::tensorexpr::TensorExprKernel::getCodeGenName(), torch::distributed::rpc::RRefContext::getDebugInfo(), caffe2::VideoInputOp< Context >::GetImageAndLabelsFromDBValue(), torch::distributed::rpc::ProcessGroupAgent::getMetrics(), caffe2::BackendTransformerBase::getModelId(), c10d::getNcclVersion(), torch::GetNewRefCountedSentData(), torch::jit::to_ir::getNodeKind(), at::cuda::detail::_stubs::getNVRTCLibrary(), caffe2::PerfNetObserver::getObserverName(), torch::jit::to_ir::getOperatorOverload(), caffe2::ProfDAGReport::GetPerOperatorCost(), torch::jit::tensorexpr::BlockCodeGen::GetUniqueFuncName(), torch::jit::tensorexpr::CudaCodeGen::GetUniqueFuncName(), caffe2::HandleExecutorThreadExceptionsGuard::HandleExecutorThreadExceptionsGuard(), torch::jit::hoistConvPackedParams(), caffe2::serialize::PyTorchStreamReader::init(), torch::jit::tensorexpr::CudaCodeGen::Initialize(), torch::jit::initJitScriptBindings(), torch::nn::ModuleListImpl::insert(), c10d::tcputil::listen(), torch::load(), logBenchmarkResult(), torch::jit::NameMangler::mangle(), caffe2::my_to_string(), c10d::ProcessGroupNCCL::ncclCommWatchdogInternal(), c10d::DistributedC10d::newProcessGroupHelper(), torch::jit::fuser::cuda::executor_utils::nvrtcCompile(), caffe2::OnnxifiOp< Context >::OnnxifiOp(), caffe2::ONNXWhileOp< Context >::ONNXWhileOp(), torch::jit::tensorexpr::Intrinsics::OpArgCount(), torch::autograd::CppFunctionPreHook::operator()(), torch::jit::tensorexpr::operator<<(), caffe2::memonger::optimize_inference_net(), caffe2::memonger::ComputeBlobRecyclingForDag::OptimizeNet(), caffe2::tracing::Tracer::opTraceName(), dnnlowp::OutputArgumentIdxString_(), caffe2::AsyncNetBase::pool(), caffe2::ParallelNet::Pool(), caffe2::ImageInputOp< Context >::Prefetch(), torch::jit::PrePackingOpsFolder(), torch::jit::tensorexpr::print(), c10d::ProcessGroupGloo::ProcessGroupGloo(), torch::nn::ModuleListImpl::push_back(), torch::nn::SequentialImpl::push_back(), torch::jit::Pickler::pushStorageOfTensor(), PYBIND11_MODULE(), register_conv_params(), caffe2::NetObserverReporterPrint::report(), c10d::TCPStoreDaemon::run(), caffe2::FloatToFusedNBitRowwiseQuantizedOp< BIT_RATE, T, convert, GREEDY >::RunOnDevice(), caffe2::RecurrentNetworkBlobFetcherOp< Context >::RunOnDevice(), caffe2::TextFileReaderReadOp::RunOnDevice(), caffe2::SafeEnqueueBlobsOp< Context >::RunOnDevice(), torch::save(), torch::jit::fuser::scalarValue(), torch::optim::detail::serialize(), torch::optim::serialize(), caffe2::Split(), caffe2::tracing::startIter(), caffe2::OutputColumnMaxHistogramObserver::Stop(), c10::Device::str(), caffe2::AsyncNetBase::stream(), caffe2::OnnxifiTransformer::SubnetToOnnxifiOpViaC2(), c10d::ProcessGroupNCCL::WorkNCCL::synchronizeInternal(), TEST(), caffe2::SimpleNet::TEST_Benchmark(), caffe2::emulator::TestDataRandomFiller::TestDataRandomFiller(), THPSize_repr(), at::toScalarType(), caffe2::tracing::Tracer::Tracer(), caffe2::PatternNetTransform::TransformBlobWrapper(), torch::jit::SubgraphUtils::truncateStrWithHash(), torch::jit::fuser::valueName(), torch::jit::tensorexpr::CudaAnalysis::visit(), torch::jit::tensorexpr::IRPrinter::visit(), torch::distributed::rpc::wireSerialize(), torch::jit::ScriptModuleSerializer::writeArchive(), torch::jit::writeArchiveAndTensors(), caffe2::serialize::PyTorchStreamWriter::writeEndOfFile(), and writeTextOutput().

◆ to_string() [2/6]

std::string std::to_string ( const Dtype dtype)

Definition at line 149 of file types.cpp.

References caffe2::dtype.

◆ to_string() [3/6]

std::string std::to_string ( const ScalarType &  type)

Definition at line 155 of file types.cpp.

References type.

◆ to_string() [4/6]

◆ to_string() [5/6]

TORCH_API std::string std::to_string ( const torch::jit::tensorexpr::Expr )

Definition at line 606 of file ir_printer.cpp.

◆ to_string() [6/6]

TORCH_API std::string std::to_string ( const torch::jit::tensorexpr::Stmt )

Definition at line 612 of file ir_printer.cpp.

◆ trunc()