├── .gitignore ├── CMakeLists.txt ├── CONTRIBUTING.md ├── GNUmakefile ├── LICENSE ├── NOTICE.md ├── doc ├── build │ ├── README.md │ ├── build.md │ ├── build_distributed.md │ ├── build_windows.md │ └── quick_build_tools.md ├── contributing │ ├── add_function.md │ └── add_solver.md ├── developer-guide.toc ├── implements.rst ├── installation.toc └── user-guide.toc ├── docker ├── .gitignore ├── README.md ├── development │ ├── .entrypoint-hpcx.sh │ ├── Dockerfile.build-mpi │ ├── Dockerfile.build-mpi-ppc64le │ └── Dockerfile.cuda-cudnn-lib-in-wheel-test ├── release │ ├── .bashrc │ ├── .entrypoint-cuda-mpi.sh │ ├── .entrypoint-cuda.sh │ ├── 20-nvidia-cuda-compat.sh │ ├── Dockerfile.cuda │ ├── Dockerfile.cuda-mpi │ ├── cudalibcheck │ ├── hpcx-init.patch │ ├── hpcx-ompi-etc.patch │ └── shinit_v2 ├── runtime │ ├── Dockerfile.runtime │ ├── Dockerfile.runtime-mpi │ └── Dockerfile.runtime-ppc64le └── tutorial │ ├── Dockerfile │ └── run-nnabla-examples.ipynb ├── examples └── cpp │ ├── CMakeLists.txt │ ├── mnist_collection │ ├── CMakeLists.txt │ ├── GNUmakefile │ ├── README.md │ ├── train_dcgan_cuda.cpp │ ├── train_lenet_classifier_cuda.cpp │ ├── train_resnet_classifier_cuda.cpp │ ├── train_siamese_cuda.cpp │ ├── train_vae_cuda.cpp │ └── train_vat_cuda.cpp │ ├── mnist_training │ ├── CMakeLists.txt │ ├── GNUmakefile │ ├── README.md │ └── main.cpp │ └── semantic_infer │ ├── CMakeLists.txt │ ├── GNUmakefile │ ├── README.md │ └── semantic.cpp ├── include └── nbla │ └── cuda │ ├── array │ ├── cuda_array.cuh │ ├── cuda_array.hpp │ └── cuda_dlpack_array.hpp │ ├── common.hpp │ ├── communicator │ ├── data_parallel_communicator.hpp │ ├── dl_mpi.h.tmpl │ ├── dl_nccl.h.tmpl │ ├── multi_process_data_parallel_communicator.hpp │ ├── nccl_utils.hpp │ └── watch_dog.hpp │ ├── cublas.hpp │ ├── cuda.hpp │ ├── cudnn │ ├── cudnn.hpp │ ├── function │ │ ├── add2.hpp │ │ ├── affine_grid.hpp │ │ ├── average_pooling.hpp │ │ ├── batch_normalization.hpp │ │ ├── convolution.hpp │ │ ├── deconvolution.hpp │ │ ├── function_impl.hpp.tmpl │ │ ├── fused_batch_normalization.hpp │ │ ├── group_normalization.hpp │ │ ├── gru.hpp │ │ ├── instance_normalization.hpp │ │ ├── layer_normalization.hpp │ │ ├── log_softmax.hpp │ │ ├── lstm.hpp │ │ ├── max_pooling.hpp │ │ ├── mean.hpp │ │ ├── prod.hpp │ │ ├── relu.hpp │ │ ├── rnn.hpp │ │ ├── sigmoid.hpp │ │ ├── softmax.hpp │ │ ├── sum.hpp │ │ ├── sum_pooling.hpp │ │ ├── sync_batch_normalization.hpp │ │ ├── tanh.hpp │ │ ├── tensor_normalization.hpp │ │ ├── utils │ │ │ └── base_pooling.hpp │ │ ├── warp_by_grid.hpp │ │ └── weight_standardization.hpp │ └── init.hpp │ ├── cusolver.hpp │ ├── defs.hpp │ ├── event.hpp │ ├── function │ ├── abs.hpp │ ├── absolute_error.hpp │ ├── acos.hpp │ ├── acosh.hpp │ ├── adaptive_separable_convolution.hpp │ ├── add2.hpp │ ├── add_n.hpp │ ├── add_scalar.hpp │ ├── affine.hpp │ ├── affine_grid.hpp │ ├── arange.hpp │ ├── asin.hpp │ ├── asinh.hpp │ ├── assign.hpp │ ├── atan.hpp │ ├── atan2.hpp │ ├── atanh.hpp │ ├── batch_cholesky.hpp │ ├── batch_det.hpp │ ├── batch_inv.hpp │ ├── batch_logdet.hpp │ ├── batch_matmul.hpp │ ├── batch_normalization.hpp │ ├── bc_add2.hpp │ ├── binary_connect_affine.hpp │ ├── binary_connect_convolution.hpp │ ├── binary_cross_entropy.hpp │ ├── binary_error.hpp │ ├── binary_sigmoid.hpp │ ├── binary_tanh.hpp │ ├── binary_weight_affine.hpp │ ├── binary_weight_convolution.hpp │ ├── bool_fill.hpp │ ├── bool_gather.hpp │ ├── bool_scatter.hpp │ ├── broadcast.hpp │ ├── categorical_cross_entropy.hpp │ ├── ceil.hpp │ ├── celu.hpp │ ├── clip_grad_by_norm.hpp │ ├── clip_grad_by_value.hpp │ ├── concatenate.hpp │ ├── convolution.hpp │ ├── cos.hpp │ ├── cosh.hpp │ ├── crelu.hpp │ ├── cumprod.hpp │ ├── cumsum.hpp │ ├── deconvolution.hpp │ ├── deformable_convolution.hpp │ ├── depthwise_convolution.hpp │ ├── depthwise_deconvolution.hpp │ ├── dequantize_linear.hpp │ ├── div2.hpp │ ├── dropout.hpp │ ├── einsum.hpp │ ├── elu.hpp │ ├── embed.hpp │ ├── epsilon_insensitive_loss.hpp │ ├── equal.hpp │ ├── equal_scalar.hpp │ ├── erf.hpp │ ├── exp.hpp │ ├── fft.hpp │ ├── fixed_point_quantize.hpp │ ├── flip.hpp │ ├── floor.hpp │ ├── function_impl.hpp.tmpl │ ├── fused_batch_normalization.hpp │ ├── gather.hpp │ ├── gather_nd.hpp │ ├── gelu.hpp │ ├── greater.hpp │ ├── greater_equal.hpp │ ├── greater_equal_scalar.hpp │ ├── greater_scalar.hpp │ ├── group_normalization.hpp │ ├── hard_sigmoid.hpp │ ├── hard_tanh.hpp │ ├── huber_loss.hpp │ ├── identity.hpp │ ├── ifft.hpp │ ├── image_augmentation.hpp │ ├── inq_affine.hpp │ ├── inq_convolution.hpp │ ├── instance_normalization.hpp │ ├── interpolate.hpp │ ├── isinf.hpp │ ├── isnan.hpp │ ├── istft.hpp │ ├── kernel │ │ ├── batch_normalization.cuh │ │ ├── cumprod.cuh │ │ ├── group_normalization.cuh │ │ ├── instance_normalization.cuh │ │ ├── istft.cuh │ │ ├── layer_normalization.cuh │ │ ├── normalization.cuh │ │ ├── sync_batch_normalization.cuh │ │ └── transpose.cuh │ ├── layer_normalization.hpp │ ├── leaky_relu.hpp │ ├── less.hpp │ ├── less_equal.hpp │ ├── less_equal_scalar.hpp │ ├── less_scalar.hpp │ ├── linspace.hpp │ ├── log.hpp │ ├── log_sigmoid.hpp │ ├── logical_and.hpp │ ├── logical_and_scalar.hpp │ ├── logical_not.hpp │ ├── logical_or.hpp │ ├── logical_or_scalar.hpp │ ├── logical_xor.hpp │ ├── logical_xor_scalar.hpp │ ├── matrix_diag.hpp │ ├── matrix_diag_part.hpp │ ├── max.hpp │ ├── max_pooling_backward.hpp │ ├── maximum2.hpp │ ├── maximum_scalar.hpp │ ├── mean.hpp │ ├── mean_subtraction.hpp │ ├── meshgrid.hpp │ ├── min.hpp │ ├── min_max_quantize.hpp │ ├── minimum2.hpp │ ├── minimum_scalar.hpp │ ├── mish.hpp │ ├── mul2.hpp │ ├── mul_n.hpp │ ├── mul_scalar.hpp │ ├── my_cuda_memset.hpp │ ├── norm.hpp │ ├── norm_normalization.hpp │ ├── not_equal.hpp │ ├── not_equal_scalar.hpp │ ├── one_hot.hpp │ ├── pack_padded_sequence.hpp │ ├── pad.hpp │ ├── pad_packed_sequence.hpp │ ├── patch_correlation.hpp │ ├── pow2.hpp │ ├── pow2_quantize.hpp │ ├── pow_scalar.hpp │ ├── prelu.hpp │ ├── prod.hpp │ ├── prune.hpp │ ├── quantize_linear.hpp │ ├── r_div_scalar.hpp │ ├── r_pow_scalar.hpp │ ├── r_sub_scalar.hpp │ ├── rand.hpp │ ├── randint.hpp │ ├── randn.hpp │ ├── random_choice.hpp │ ├── random_crop.hpp │ ├── random_erase.hpp │ ├── random_flip.hpp │ ├── reduce_mean.hpp │ ├── reduce_sum.hpp │ ├── relu.hpp │ ├── relu6.hpp │ ├── reset_inf.hpp │ ├── reset_nan.hpp │ ├── reshape.hpp │ ├── roi_align.hpp │ ├── round.hpp │ ├── scatter_add.hpp │ ├── scatter_nd.hpp │ ├── searchsorted.hpp │ ├── selu.hpp │ ├── sigmoid.hpp │ ├── sigmoid_cross_entropy.hpp │ ├── sign.hpp │ ├── sin.hpp │ ├── sinc.hpp │ ├── sinh.hpp │ ├── slice.hpp │ ├── softmax.hpp │ ├── softmax_cross_entropy.hpp │ ├── softplus.hpp │ ├── softsign.hpp │ ├── sort.hpp │ ├── spectral_norm.hpp │ ├── split.hpp │ ├── squared_error.hpp │ ├── stack.hpp │ ├── stft.hpp │ ├── sub2.hpp │ ├── sum.hpp │ ├── swish.hpp │ ├── sync_batch_normalization.hpp │ ├── tan.hpp │ ├── tanh.hpp │ ├── tanh_shrink.hpp │ ├── tensor_normalization.hpp │ ├── tile.hpp │ ├── top_k_data.hpp │ ├── top_k_grad.hpp │ ├── top_n_error.hpp │ ├── transpose.hpp │ ├── unpooling.hpp │ ├── utils │ │ ├── base_transform_binary.cuh │ │ ├── base_transform_binary.hpp │ │ ├── base_transform_unary.cuh │ │ ├── base_transform_unary.hpp │ │ ├── bool_indexing.cuh │ │ ├── fft.cuh │ │ ├── fft.hpp │ │ ├── rnn.cuh │ │ ├── stft.cuh │ │ └── stft.hpp │ ├── warp_by_flow.hpp │ ├── warp_by_grid.hpp │ ├── weight_normalization.hpp │ ├── weight_standardization.hpp │ └── where.hpp │ ├── half.hpp │ ├── init.hpp │ ├── limits.hpp │ ├── math.hpp │ ├── memory │ ├── cuda_memory.hpp │ └── cuda_virtual_memory.hpp │ ├── nvtx.hpp │ ├── solver │ ├── adabelief.hpp │ ├── adabound.hpp │ ├── adadelta.hpp │ ├── adagrad.hpp │ ├── adam.hpp │ ├── adamax.hpp │ ├── adamw.hpp │ ├── amsbound.hpp │ ├── amsgrad.hpp │ ├── lamb.hpp │ ├── lars.hpp │ ├── lion.hpp │ ├── momentum.hpp │ ├── nesterov.hpp │ ├── rmsprop.hpp │ ├── rmsprop_graves.hpp │ ├── sgd.hpp │ └── sgdw.hpp │ ├── utils │ ├── add2.cuh │ ├── atomic_add.cuh │ ├── atomic_min.cuh │ ├── bitonic_sort.cuh │ ├── block_reduce.cuh │ ├── col2im.hpp │ ├── deformable_im2col.hpp │ ├── device_reduce.cuh │ ├── fast_reduce.cuh │ ├── fused_reduce.cuh │ ├── im2col.hpp │ ├── index_converter.cuh │ ├── minmax.cuh │ ├── nd_index.cuh │ ├── nd_index.hpp │ ├── pointers.cuh │ ├── random.cuh │ ├── random.hpp │ ├── reduce.cuh │ ├── reduce.hpp │ ├── reduce_ops │ │ ├── base.cuh │ │ ├── group_normalization.cuh │ │ ├── instance_normalization.cuh │ │ ├── layer_normalization.cuh │ │ ├── max.cuh │ │ ├── min.cuh │ │ ├── prod.cuh │ │ ├── sum.cuh │ │ └── welford.cuh │ ├── relu.cuh │ ├── scan.cuh │ ├── scan_ops │ │ ├── base.cuh │ │ ├── prod.cuh │ │ └── sum.cuh │ ├── scan_setup.hpp │ ├── shuffle_down.cuh │ ├── top_k.cuh │ ├── types.cuh │ ├── warp_reduce.cuh │ ├── warp_shuffle.cuh │ └── warp_vote.cuh │ └── version.hpp ├── python ├── README.md ├── pytest.ini ├── requirements.txt ├── scripts │ ├── cli.in │ └── python.in ├── setup.cfg.build-wheel.in ├── setup.cfg.in ├── setup.py ├── src │ └── nnabla_ext │ │ ├── cuda │ │ ├── __init__.py │ │ ├── _version.py.tmpl │ │ ├── experimental │ │ │ ├── __init__.py │ │ │ ├── _dali_iterator.py │ │ │ └── dali_iterator.py │ │ ├── incompatible_gpu_list.py │ │ ├── init.pyx │ │ ├── nvtx.pyx │ │ └── utils │ │ │ ├── __init__.py │ │ │ └── inspection │ │ │ ├── __init__.py │ │ │ └── profile.py │ │ └── cudnn │ │ ├── __init__.py │ │ ├── _version.py.tmpl │ │ └── init.pyx └── test │ ├── __init__.py │ ├── conftest.py │ ├── cuda │ ├── function │ │ ├── refs.py │ │ ├── test_cumprod_backward_cuda_kernel.py │ │ ├── test_reduction_cuda_kernel.py │ │ └── test_scan_cuda_kernel.py │ ├── lms │ │ ├── config.py │ │ ├── model.py │ │ └── test_lms.py │ ├── nvtx │ │ ├── nvtx-check.py │ │ └── test_nvtx.py │ ├── test_allow_tf32.py │ ├── test_allow_tf32_main.py │ ├── test_dali_iterator.py │ └── test_large_blocks.py │ └── list_context_ext.py ├── readme.md ├── src ├── nbla │ └── cuda │ │ ├── CMakeLists.txt │ │ ├── array │ │ ├── cuda_array.cpp │ │ ├── cuda_dlpack_array.cpp │ │ └── cuda_dlpack_array.cu │ │ ├── common.cpp │ │ ├── communicator │ │ ├── data_parallel_communicator.cu │ │ ├── dl_mpi.cpp │ │ ├── dl_nccl.cpp.tmpl │ │ ├── multi_process_data_parallel_communicator.cu │ │ └── watch_dog.cpp │ │ ├── cublas.cpp │ │ ├── cuda.cpp │ │ ├── cudnn │ │ ├── cudnn.cmake │ │ ├── cudnn.cpp │ │ ├── function │ │ │ ├── function_types.cu.tmpl │ │ │ ├── generic │ │ │ │ ├── add2.cu │ │ │ │ ├── affine_grid.cu │ │ │ │ ├── average_pooling.cu │ │ │ │ ├── batch_normalization.cu │ │ │ │ ├── convolution.cu │ │ │ │ ├── deconvolution.cu │ │ │ │ ├── function_impl.cu.tmpl │ │ │ │ ├── fused_batch_normalization.cu │ │ │ │ ├── group_normalization.cu │ │ │ │ ├── gru.cu │ │ │ │ ├── instance_normalization.cu │ │ │ │ ├── layer_normalization.cu │ │ │ │ ├── log_softmax.cu │ │ │ │ ├── lstm.cu │ │ │ │ ├── max_pooling.cu │ │ │ │ ├── mean.cu │ │ │ │ ├── prod.cu │ │ │ │ ├── relu.cu │ │ │ │ ├── rnn.cu │ │ │ │ ├── sigmoid.cu │ │ │ │ ├── softmax.cu │ │ │ │ ├── sum.cu │ │ │ │ ├── sum_pooling.cu │ │ │ │ ├── sync_batch_normalization.cu │ │ │ │ ├── tanh.cu │ │ │ │ ├── tensor_normalization.cu │ │ │ │ ├── warp_by_grid.cu │ │ │ │ └── weight_standardization.cu │ │ │ └── utils │ │ │ │ └── base_pooling-internal.hpp │ │ └── init.cpp.tmpl │ │ ├── cusolver.cpp │ │ ├── event.cpp │ │ ├── function │ │ ├── function_types.cu.tmpl │ │ ├── generic │ │ │ ├── abs.cu │ │ │ ├── absolute_error.cu │ │ │ ├── acos.cu │ │ │ ├── acosh.cu │ │ │ ├── adaptive_separable_convolution.cu │ │ │ ├── add2.cu │ │ │ ├── add_n.cu │ │ │ ├── add_scalar.cu │ │ │ ├── affine.cu │ │ │ ├── affine_grid.cu │ │ │ ├── arange.cu │ │ │ ├── asin.cu │ │ │ ├── asinh.cu │ │ │ ├── assign.cu │ │ │ ├── atan.cu │ │ │ ├── atan2.cu │ │ │ ├── atanh.cu │ │ │ ├── batch_cholesky.cu │ │ │ ├── batch_det.cu │ │ │ ├── batch_inv.cu │ │ │ ├── batch_logdet.cu │ │ │ ├── batch_matmul.cu │ │ │ ├── batch_normalization.cu │ │ │ ├── bc_add2.cu │ │ │ ├── binary_connect_affine.cu │ │ │ ├── binary_connect_convolution.cu │ │ │ ├── binary_cross_entropy.cu │ │ │ ├── binary_error.cu │ │ │ ├── binary_sigmoid.cu │ │ │ ├── binary_tanh.cu │ │ │ ├── binary_weight_affine.cu │ │ │ ├── binary_weight_convolution.cu │ │ │ ├── bool_fill.cu │ │ │ ├── bool_gather.cu │ │ │ ├── bool_scatter.cu │ │ │ ├── broadcast.cu │ │ │ ├── categorical_cross_entropy.cu │ │ │ ├── ceil.cu │ │ │ ├── celu.cu │ │ │ ├── clip_grad_by_norm.cu │ │ │ ├── clip_grad_by_value.cu │ │ │ ├── concatenate.cu │ │ │ ├── convolution.cu │ │ │ ├── cos.cu │ │ │ ├── cosh.cu │ │ │ ├── crelu.cu │ │ │ ├── cumprod.cu │ │ │ ├── cumsum.cu │ │ │ ├── deconvolution.cu │ │ │ ├── deformable_convolution.cu │ │ │ ├── depthwise_convolution.cu │ │ │ ├── depthwise_deconvolution.cu │ │ │ ├── dequantize_linear.cu │ │ │ ├── div2.cu │ │ │ ├── dropout.cu │ │ │ ├── einsum.cu │ │ │ ├── elu.cu │ │ │ ├── embed.cu │ │ │ ├── epsilon_insensitive_loss.cu │ │ │ ├── equal.cu │ │ │ ├── equal_scalar.cu │ │ │ ├── erf.cu │ │ │ ├── exp.cu │ │ │ ├── fft.cu │ │ │ ├── fixed_point_quantize.cu │ │ │ ├── flip.cu │ │ │ ├── floor.cu │ │ │ ├── function_impl.cu.tmpl │ │ │ ├── fused_batch_normalization.cu │ │ │ ├── gather.cu │ │ │ ├── gather_nd.cu │ │ │ ├── gelu.cu │ │ │ ├── greater.cu │ │ │ ├── greater_equal.cu │ │ │ ├── greater_equal_scalar.cu │ │ │ ├── greater_scalar.cu │ │ │ ├── group_normalization.cu │ │ │ ├── hard_sigmoid.cu │ │ │ ├── hard_tanh.cu │ │ │ ├── huber_loss.cu │ │ │ ├── identity.cu │ │ │ ├── ifft.cu │ │ │ ├── image_augmentation.cu │ │ │ ├── inq_affine.cu │ │ │ ├── inq_convolution.cu │ │ │ ├── instance_normalization.cu │ │ │ ├── interpolate.cu │ │ │ ├── isinf.cu │ │ │ ├── isnan.cu │ │ │ ├── istft.cu │ │ │ ├── kernel │ │ │ │ ├── batch_det.cu │ │ │ │ ├── batch_normalization.cu │ │ │ │ ├── cumprod.cu │ │ │ │ └── sync_batch_normalization.cu │ │ │ ├── layer_normalization.cu │ │ │ ├── leaky_relu.cu │ │ │ ├── less.cu │ │ │ ├── less_equal.cu │ │ │ ├── less_equal_scalar.cu │ │ │ ├── less_scalar.cu │ │ │ ├── linspace.cu │ │ │ ├── log.cu │ │ │ ├── log_sigmoid.cu │ │ │ ├── logical_and.cu │ │ │ ├── logical_and_scalar.cu │ │ │ ├── logical_not.cu │ │ │ ├── logical_or.cu │ │ │ ├── logical_or_scalar.cu │ │ │ ├── logical_xor.cu │ │ │ ├── logical_xor_scalar.cu │ │ │ ├── matrix_diag.cu │ │ │ ├── matrix_diag_part.cu │ │ │ ├── max.cu │ │ │ ├── max_pooling_backward.cu │ │ │ ├── maximum2.cu │ │ │ ├── maximum_scalar.cu │ │ │ ├── mean.cu │ │ │ ├── mean_subtraction.cu │ │ │ ├── meshgrid.cu │ │ │ ├── min.cu │ │ │ ├── min_max_quantize.cu │ │ │ ├── minimum2.cu │ │ │ ├── minimum_scalar.cu │ │ │ ├── mish.cu │ │ │ ├── mul2.cu │ │ │ ├── mul_n.cu │ │ │ ├── mul_scalar.cu │ │ │ ├── norm.cu │ │ │ ├── norm_normalization.cu │ │ │ ├── not_equal.cu │ │ │ ├── not_equal_scalar.cu │ │ │ ├── one_hot.cu │ │ │ ├── pack_padded_sequence.cu │ │ │ ├── pad.cu │ │ │ ├── pad_packed_sequence.cu │ │ │ ├── patch_correlation.cu │ │ │ ├── pow2.cu │ │ │ ├── pow2_quantize.cu │ │ │ ├── pow_scalar.cu │ │ │ ├── prelu.cu │ │ │ ├── prod.cu │ │ │ ├── prune.cu │ │ │ ├── quantize_linear.cu │ │ │ ├── r_div_scalar.cu │ │ │ ├── r_pow_scalar.cu │ │ │ ├── r_sub_scalar.cu │ │ │ ├── rand.cu │ │ │ ├── randint.cu │ │ │ ├── randn.cu │ │ │ ├── random_choice.cu │ │ │ ├── random_crop.cu │ │ │ ├── random_erase.cu │ │ │ ├── random_flip.cu │ │ │ ├── reduce_mean.cu │ │ │ ├── reduce_sum.cu │ │ │ ├── relu.cu │ │ │ ├── relu6.cu │ │ │ ├── reset_inf.cu │ │ │ ├── reset_nan.cu │ │ │ ├── reshape.cu │ │ │ ├── roi_align.cu │ │ │ ├── round.cu │ │ │ ├── scatter_add.cu │ │ │ ├── scatter_nd.cu │ │ │ ├── searchsorted.cu │ │ │ ├── selu.cu │ │ │ ├── sigmoid.cu │ │ │ ├── sigmoid_cross_entropy.cu │ │ │ ├── sign.cu │ │ │ ├── sin.cu │ │ │ ├── sinc.cu │ │ │ ├── sinh.cu │ │ │ ├── slice.cu │ │ │ ├── softmax.cu │ │ │ ├── softmax_cross_entropy.cu │ │ │ ├── softplus.cu │ │ │ ├── softsign.cu │ │ │ ├── sort.cu │ │ │ ├── spectral_norm.cu │ │ │ ├── split.cu │ │ │ ├── squared_error.cu │ │ │ ├── stack.cu │ │ │ ├── stft.cu │ │ │ ├── sub2.cu │ │ │ ├── sum.cu │ │ │ ├── swish.cu │ │ │ ├── sync_batch_normalization.cu │ │ │ ├── tan.cu │ │ │ ├── tanh.cu │ │ │ ├── tanh_shrink.cu │ │ │ ├── tensor_normalization.cu │ │ │ ├── tile.cu │ │ │ ├── top_k_data.cu │ │ │ ├── top_k_grad.cu │ │ │ ├── top_n_error.cu │ │ │ ├── transpose.cu │ │ │ ├── unpooling.cu │ │ │ ├── warp_by_flow.cu │ │ │ ├── warp_by_grid.cu │ │ │ ├── weight_normalization.cu │ │ │ ├── weight_standardization.cu │ │ │ └── where.cu │ │ └── my_cuda_memset.cu │ │ ├── init.cpp.tmpl │ │ ├── memory │ │ ├── cuda_memory.cpp │ │ └── cuda_virtual_memory.cpp │ │ ├── nvtx.cpp │ │ ├── solver │ │ ├── generic │ │ │ ├── adabelief.cu │ │ │ ├── adabound.cu │ │ │ ├── adadelta.cu │ │ │ ├── adagrad.cu │ │ │ ├── adam.cu │ │ │ ├── adamax.cu │ │ │ ├── adamw.cu │ │ │ ├── amsbound.cu │ │ │ ├── amsgrad.cu │ │ │ ├── clip_grad.cuh │ │ │ ├── lamb.cu │ │ │ ├── lars.cu │ │ │ ├── lion.cu │ │ │ ├── mixed_precision_training.cuh │ │ │ ├── momentum.cu │ │ │ ├── nesterov.cu │ │ │ ├── rmsprop.cu │ │ │ ├── rmsprop_graves.cu │ │ │ ├── sgd.cu │ │ │ ├── sgdw.cu │ │ │ └── weight_decay.cuh │ │ └── solver_types.cu.tmpl │ │ ├── test │ │ ├── multi_process_data_parallel_communicator.cu │ │ ├── non_stop_kernel.cu │ │ ├── non_stop_kernel.cuh │ │ ├── test_async_flag.cpp │ │ ├── test_cached_device_prop.cpp │ │ ├── test_dl_mpi.cpp │ │ ├── test_dl_nccl.cpp │ │ ├── test_multi_process_data_parallel_communicator.cpp │ │ ├── test_multi_thread_training.cpp │ │ ├── test_nbla_cuda_utils.cpp │ │ └── test_watch_dog.cpp │ │ ├── utils │ │ ├── random.cpp │ │ ├── random.cu │ │ ├── reduce.cu │ │ └── scan_setup.cu │ │ └── version.cpp.tmpl └── nbla_cli │ ├── CMakeLists.txt │ └── nbla_cuda.cpp └── third_party ├── CMakeLists.txt ├── LICENSES.md └── THIRD_PARTY_LIBRARIES /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/.gitignore -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /GNUmakefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/GNUmakefile -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/LICENSE -------------------------------------------------------------------------------- /NOTICE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/NOTICE.md -------------------------------------------------------------------------------- /doc/build/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/build/README.md -------------------------------------------------------------------------------- /doc/build/build.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/build/build.md -------------------------------------------------------------------------------- /doc/build/build_distributed.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/build/build_distributed.md -------------------------------------------------------------------------------- /doc/build/build_windows.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/build/build_windows.md -------------------------------------------------------------------------------- /doc/build/quick_build_tools.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/build/quick_build_tools.md -------------------------------------------------------------------------------- /doc/contributing/add_function.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/contributing/add_function.md -------------------------------------------------------------------------------- /doc/contributing/add_solver.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/contributing/add_solver.md -------------------------------------------------------------------------------- /doc/developer-guide.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/developer-guide.toc -------------------------------------------------------------------------------- /doc/implements.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/implements.rst -------------------------------------------------------------------------------- /doc/installation.toc: -------------------------------------------------------------------------------- 1 | build-cpp-library 2 | install-python-binding 3 | -------------------------------------------------------------------------------- /doc/user-guide.toc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/doc/user-guide.toc -------------------------------------------------------------------------------- /docker/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/.gitignore -------------------------------------------------------------------------------- /docker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/README.md -------------------------------------------------------------------------------- /docker/development/.entrypoint-hpcx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/development/.entrypoint-hpcx.sh -------------------------------------------------------------------------------- /docker/development/Dockerfile.build-mpi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/development/Dockerfile.build-mpi -------------------------------------------------------------------------------- /docker/development/Dockerfile.build-mpi-ppc64le: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/development/Dockerfile.build-mpi-ppc64le -------------------------------------------------------------------------------- /docker/development/Dockerfile.cuda-cudnn-lib-in-wheel-test: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/development/Dockerfile.cuda-cudnn-lib-in-wheel-test -------------------------------------------------------------------------------- /docker/release/.bashrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/.bashrc -------------------------------------------------------------------------------- /docker/release/.entrypoint-cuda-mpi.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/.entrypoint-cuda-mpi.sh -------------------------------------------------------------------------------- /docker/release/.entrypoint-cuda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/.entrypoint-cuda.sh -------------------------------------------------------------------------------- /docker/release/20-nvidia-cuda-compat.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/20-nvidia-cuda-compat.sh -------------------------------------------------------------------------------- /docker/release/Dockerfile.cuda: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/Dockerfile.cuda -------------------------------------------------------------------------------- /docker/release/Dockerfile.cuda-mpi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/Dockerfile.cuda-mpi -------------------------------------------------------------------------------- /docker/release/cudalibcheck: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/cudalibcheck -------------------------------------------------------------------------------- /docker/release/hpcx-init.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/hpcx-init.patch -------------------------------------------------------------------------------- /docker/release/hpcx-ompi-etc.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/hpcx-ompi-etc.patch -------------------------------------------------------------------------------- /docker/release/shinit_v2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/release/shinit_v2 -------------------------------------------------------------------------------- /docker/runtime/Dockerfile.runtime: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/runtime/Dockerfile.runtime -------------------------------------------------------------------------------- /docker/runtime/Dockerfile.runtime-mpi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/runtime/Dockerfile.runtime-mpi -------------------------------------------------------------------------------- /docker/runtime/Dockerfile.runtime-ppc64le: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/runtime/Dockerfile.runtime-ppc64le -------------------------------------------------------------------------------- /docker/tutorial/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/tutorial/Dockerfile -------------------------------------------------------------------------------- /docker/tutorial/run-nnabla-examples.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/docker/tutorial/run-nnabla-examples.ipynb -------------------------------------------------------------------------------- /examples/cpp/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/CMakeLists.txt -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/CMakeLists.txt -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/GNUmakefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/GNUmakefile -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/README.md -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/train_dcgan_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/train_dcgan_cuda.cpp -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/train_lenet_classifier_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/train_lenet_classifier_cuda.cpp -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/train_resnet_classifier_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/train_resnet_classifier_cuda.cpp -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/train_siamese_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/train_siamese_cuda.cpp -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/train_vae_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/train_vae_cuda.cpp -------------------------------------------------------------------------------- /examples/cpp/mnist_collection/train_vat_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_collection/train_vat_cuda.cpp -------------------------------------------------------------------------------- /examples/cpp/mnist_training/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_training/CMakeLists.txt -------------------------------------------------------------------------------- /examples/cpp/mnist_training/GNUmakefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_training/GNUmakefile -------------------------------------------------------------------------------- /examples/cpp/mnist_training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_training/README.md -------------------------------------------------------------------------------- /examples/cpp/mnist_training/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/mnist_training/main.cpp -------------------------------------------------------------------------------- /examples/cpp/semantic_infer/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/semantic_infer/CMakeLists.txt -------------------------------------------------------------------------------- /examples/cpp/semantic_infer/GNUmakefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/semantic_infer/GNUmakefile -------------------------------------------------------------------------------- /examples/cpp/semantic_infer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/semantic_infer/README.md -------------------------------------------------------------------------------- /examples/cpp/semantic_infer/semantic.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/examples/cpp/semantic_infer/semantic.cpp -------------------------------------------------------------------------------- /include/nbla/cuda/array/cuda_array.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/array/cuda_array.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/array/cuda_array.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/array/cuda_array.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/array/cuda_dlpack_array.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/array/cuda_dlpack_array.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/common.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/common.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/communicator/data_parallel_communicator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/communicator/data_parallel_communicator.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/communicator/dl_mpi.h.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/communicator/dl_mpi.h.tmpl -------------------------------------------------------------------------------- /include/nbla/cuda/communicator/dl_nccl.h.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/communicator/dl_nccl.h.tmpl -------------------------------------------------------------------------------- /include/nbla/cuda/communicator/multi_process_data_parallel_communicator.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/communicator/multi_process_data_parallel_communicator.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/communicator/nccl_utils.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/communicator/nccl_utils.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/communicator/watch_dog.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/communicator/watch_dog.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cublas.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cublas.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cuda.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cuda.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/cudnn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/cudnn.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/add2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/add2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/affine_grid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/affine_grid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/average_pooling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/average_pooling.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/batch_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/batch_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/deconvolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/deconvolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/function_impl.hpp.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/function_impl.hpp.tmpl -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/fused_batch_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/fused_batch_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/group_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/group_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/gru.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/gru.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/instance_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/instance_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/layer_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/layer_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/log_softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/log_softmax.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/lstm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/lstm.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/max_pooling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/max_pooling.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/mean.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/mean.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/prod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/prod.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/relu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/relu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/rnn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/rnn.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/sigmoid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/sigmoid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/softmax.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/sum.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/sum_pooling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/sum_pooling.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/sync_batch_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/sync_batch_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/tanh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/tensor_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/tensor_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/utils/base_pooling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/utils/base_pooling.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/warp_by_grid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/warp_by_grid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/function/weight_standardization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/function/weight_standardization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cudnn/init.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cudnn/init.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/cusolver.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/cusolver.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/defs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/defs.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/event.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/event.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/abs.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/abs.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/absolute_error.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/absolute_error.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/acos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/acos.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/acosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/acosh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/adaptive_separable_convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/adaptive_separable_convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/add2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/add2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/add_n.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/add_n.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/add_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/add_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/affine.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/affine.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/affine_grid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/affine_grid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/arange.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/arange.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/asin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/asin.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/asinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/asinh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/assign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/assign.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/atan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/atan.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/atan2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/atan2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/atanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/atanh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/batch_cholesky.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/batch_cholesky.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/batch_det.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/batch_det.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/batch_inv.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/batch_inv.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/batch_logdet.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/batch_logdet.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/batch_matmul.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/batch_matmul.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/batch_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/batch_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/bc_add2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/bc_add2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_connect_affine.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_connect_affine.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_connect_convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_connect_convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_cross_entropy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_cross_entropy.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_error.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_error.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_sigmoid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_sigmoid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_tanh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_weight_affine.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_weight_affine.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/binary_weight_convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/binary_weight_convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/bool_fill.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/bool_fill.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/bool_gather.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/bool_gather.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/bool_scatter.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/bool_scatter.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/broadcast.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/broadcast.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/categorical_cross_entropy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/categorical_cross_entropy.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/ceil.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/ceil.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/celu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/celu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/clip_grad_by_norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/clip_grad_by_norm.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/clip_grad_by_value.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/clip_grad_by_value.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/concatenate.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/concatenate.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/cos.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/cos.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/cosh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/cosh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/crelu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/crelu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/cumprod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/cumprod.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/cumsum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/cumsum.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/deconvolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/deconvolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/deformable_convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/deformable_convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/depthwise_convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/depthwise_convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/depthwise_deconvolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/depthwise_deconvolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/dequantize_linear.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/dequantize_linear.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/div2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/div2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/dropout.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/dropout.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/einsum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/einsum.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/elu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/elu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/embed.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/embed.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/epsilon_insensitive_loss.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/epsilon_insensitive_loss.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/equal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/equal.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/equal_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/equal_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/erf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/erf.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/exp.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/exp.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/fft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/fft.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/fixed_point_quantize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/fixed_point_quantize.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/flip.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/flip.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/floor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/floor.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/function_impl.hpp.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/function_impl.hpp.tmpl -------------------------------------------------------------------------------- /include/nbla/cuda/function/fused_batch_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/fused_batch_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/gather.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/gather.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/gather_nd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/gather_nd.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/gelu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/gelu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/greater.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/greater.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/greater_equal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/greater_equal.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/greater_equal_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/greater_equal_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/greater_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/greater_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/group_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/group_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/hard_sigmoid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/hard_sigmoid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/hard_tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/hard_tanh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/huber_loss.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/huber_loss.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/identity.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/identity.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/ifft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/ifft.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/image_augmentation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/image_augmentation.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/inq_affine.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/inq_affine.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/inq_convolution.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/inq_convolution.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/instance_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/instance_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/interpolate.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/interpolate.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/isinf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/isinf.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/isnan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/isnan.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/istft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/istft.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/batch_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/batch_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/cumprod.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/cumprod.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/group_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/group_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/instance_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/instance_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/istft.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/istft.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/layer_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/layer_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/sync_batch_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/sync_batch_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/kernel/transpose.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/kernel/transpose.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/layer_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/layer_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/leaky_relu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/leaky_relu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/less.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/less.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/less_equal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/less_equal.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/less_equal_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/less_equal_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/less_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/less_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/linspace.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/linspace.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/log.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/log.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/log_sigmoid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/log_sigmoid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/logical_and.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/logical_and.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/logical_and_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/logical_and_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/logical_not.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/logical_not.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/logical_or.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/logical_or.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/logical_or_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/logical_or_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/logical_xor.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/logical_xor.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/logical_xor_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/logical_xor_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/matrix_diag.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/matrix_diag.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/matrix_diag_part.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/matrix_diag_part.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/max.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/max.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/max_pooling_backward.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/max_pooling_backward.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/maximum2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/maximum2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/maximum_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/maximum_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/mean.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/mean.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/mean_subtraction.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/mean_subtraction.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/meshgrid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/meshgrid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/min.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/min.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/min_max_quantize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/min_max_quantize.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/minimum2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/minimum2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/minimum_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/minimum_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/mish.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/mish.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/mul2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/mul2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/mul_n.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/mul_n.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/mul_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/mul_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/my_cuda_memset.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/my_cuda_memset.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/norm.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/norm_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/norm_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/not_equal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/not_equal.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/not_equal_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/not_equal_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/one_hot.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/one_hot.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/pack_padded_sequence.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/pack_padded_sequence.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/pad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/pad.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/pad_packed_sequence.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/pad_packed_sequence.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/patch_correlation.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/patch_correlation.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/pow2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/pow2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/pow2_quantize.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/pow2_quantize.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/pow_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/pow_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/prelu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/prelu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/prod.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/prod.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/prune.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/prune.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/quantize_linear.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/quantize_linear.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/r_div_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/r_div_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/r_pow_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/r_pow_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/r_sub_scalar.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/r_sub_scalar.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/rand.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/rand.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/randint.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/randint.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/randn.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/randn.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/random_choice.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/random_choice.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/random_crop.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/random_crop.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/random_erase.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/random_erase.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/random_flip.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/random_flip.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/reduce_mean.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/reduce_mean.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/reduce_sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/reduce_sum.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/relu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/relu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/relu6.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/relu6.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/reset_inf.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/reset_inf.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/reset_nan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/reset_nan.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/reshape.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/reshape.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/roi_align.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/roi_align.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/round.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/round.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/scatter_add.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/scatter_add.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/scatter_nd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/scatter_nd.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/searchsorted.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/searchsorted.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/selu.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/selu.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sigmoid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sigmoid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sigmoid_cross_entropy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sigmoid_cross_entropy.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sign.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sin.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sin.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sinc.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sinc.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sinh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sinh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/slice.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/slice.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/softmax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/softmax.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/softmax_cross_entropy.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/softmax_cross_entropy.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/softplus.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/softplus.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/softsign.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/softsign.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sort.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sort.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/spectral_norm.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/spectral_norm.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/split.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/split.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/squared_error.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/squared_error.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/stack.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/stack.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/stft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/stft.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sub2.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sub2.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sum.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/swish.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/swish.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/sync_batch_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/sync_batch_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/tan.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/tan.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/tanh.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/tanh.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/tanh_shrink.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/tanh_shrink.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/tensor_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/tensor_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/tile.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/tile.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/top_k_data.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/top_k_data.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/top_k_grad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/top_k_grad.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/top_n_error.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/top_n_error.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/transpose.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/transpose.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/unpooling.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/unpooling.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/base_transform_binary.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/base_transform_binary.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/base_transform_binary.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/base_transform_binary.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/base_transform_unary.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/base_transform_unary.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/base_transform_unary.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/base_transform_unary.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/bool_indexing.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/bool_indexing.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/fft.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/fft.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/fft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/fft.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/rnn.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/rnn.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/stft.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/stft.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/function/utils/stft.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/utils/stft.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/warp_by_flow.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/warp_by_flow.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/warp_by_grid.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/warp_by_grid.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/weight_normalization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/weight_normalization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/weight_standardization.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/weight_standardization.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/function/where.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/function/where.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/half.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/half.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/init.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/init.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/limits.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/limits.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/math.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/math.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/memory/cuda_memory.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/memory/cuda_memory.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/memory/cuda_virtual_memory.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/memory/cuda_virtual_memory.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/nvtx.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/nvtx.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/adabelief.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/adabelief.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/adabound.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/adabound.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/adadelta.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/adadelta.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/adagrad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/adagrad.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/adam.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/adam.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/adamax.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/adamax.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/adamw.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/adamw.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/amsbound.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/amsbound.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/amsgrad.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/amsgrad.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/lamb.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/lamb.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/lars.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/lars.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/lion.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/lion.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/momentum.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/momentum.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/nesterov.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/nesterov.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/rmsprop.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/rmsprop.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/rmsprop_graves.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/rmsprop_graves.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/sgd.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/sgd.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/solver/sgdw.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/solver/sgdw.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/add2.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/add2.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/atomic_add.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/atomic_add.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/atomic_min.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/atomic_min.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/bitonic_sort.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/bitonic_sort.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/block_reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/block_reduce.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/col2im.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/col2im.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/deformable_im2col.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/deformable_im2col.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/device_reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/device_reduce.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/fast_reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/fast_reduce.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/fused_reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/fused_reduce.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/im2col.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/im2col.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/index_converter.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/index_converter.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/minmax.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/minmax.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/nd_index.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/nd_index.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/nd_index.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/nd_index.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/pointers.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/pointers.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/random.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/random.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/random.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/random.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/base.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/base.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/group_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/group_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/instance_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/instance_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/layer_normalization.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/layer_normalization.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/max.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/max.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/min.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/min.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/prod.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/prod.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/sum.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/sum.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/reduce_ops/welford.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/reduce_ops/welford.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/relu.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/relu.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/scan.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/scan.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/scan_ops/base.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/scan_ops/base.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/scan_ops/prod.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/scan_ops/prod.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/scan_ops/sum.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/scan_ops/sum.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/scan_setup.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/scan_setup.hpp -------------------------------------------------------------------------------- /include/nbla/cuda/utils/shuffle_down.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/shuffle_down.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/top_k.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/top_k.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/types.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/types.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/warp_reduce.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/warp_reduce.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/warp_shuffle.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/warp_shuffle.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/utils/warp_vote.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/utils/warp_vote.cuh -------------------------------------------------------------------------------- /include/nbla/cuda/version.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/include/nbla/cuda/version.hpp -------------------------------------------------------------------------------- /python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/README.md -------------------------------------------------------------------------------- /python/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/pytest.ini -------------------------------------------------------------------------------- /python/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/requirements.txt -------------------------------------------------------------------------------- /python/scripts/cli.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/scripts/cli.in -------------------------------------------------------------------------------- /python/scripts/python.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/scripts/python.in -------------------------------------------------------------------------------- /python/setup.cfg.build-wheel.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/setup.cfg.build-wheel.in -------------------------------------------------------------------------------- /python/setup.cfg.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/setup.cfg.in -------------------------------------------------------------------------------- /python/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/setup.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/__init__.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/_version.py.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/_version.py.tmpl -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/experimental/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/experimental/__init__.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/experimental/_dali_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/experimental/_dali_iterator.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/experimental/dali_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/experimental/dali_iterator.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/incompatible_gpu_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/incompatible_gpu_list.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/init.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/init.pyx -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/nvtx.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/nvtx.pyx -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/utils/__init__.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/utils/inspection/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/utils/inspection/__init__.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cuda/utils/inspection/profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cuda/utils/inspection/profile.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cudnn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cudnn/__init__.py -------------------------------------------------------------------------------- /python/src/nnabla_ext/cudnn/_version.py.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cudnn/_version.py.tmpl -------------------------------------------------------------------------------- /python/src/nnabla_ext/cudnn/init.pyx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/src/nnabla_ext/cudnn/init.pyx -------------------------------------------------------------------------------- /python/test/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/__init__.py -------------------------------------------------------------------------------- /python/test/conftest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/conftest.py -------------------------------------------------------------------------------- /python/test/cuda/function/refs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/function/refs.py -------------------------------------------------------------------------------- /python/test/cuda/function/test_cumprod_backward_cuda_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/function/test_cumprod_backward_cuda_kernel.py -------------------------------------------------------------------------------- /python/test/cuda/function/test_reduction_cuda_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/function/test_reduction_cuda_kernel.py -------------------------------------------------------------------------------- /python/test/cuda/function/test_scan_cuda_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/function/test_scan_cuda_kernel.py -------------------------------------------------------------------------------- /python/test/cuda/lms/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/lms/config.py -------------------------------------------------------------------------------- /python/test/cuda/lms/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/lms/model.py -------------------------------------------------------------------------------- /python/test/cuda/lms/test_lms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/lms/test_lms.py -------------------------------------------------------------------------------- /python/test/cuda/nvtx/nvtx-check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/nvtx/nvtx-check.py -------------------------------------------------------------------------------- /python/test/cuda/nvtx/test_nvtx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/nvtx/test_nvtx.py -------------------------------------------------------------------------------- /python/test/cuda/test_allow_tf32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/test_allow_tf32.py -------------------------------------------------------------------------------- /python/test/cuda/test_allow_tf32_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/test_allow_tf32_main.py -------------------------------------------------------------------------------- /python/test/cuda/test_dali_iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/test_dali_iterator.py -------------------------------------------------------------------------------- /python/test/cuda/test_large_blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/cuda/test_large_blocks.py -------------------------------------------------------------------------------- /python/test/list_context_ext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/python/test/list_context_ext.py -------------------------------------------------------------------------------- /readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/readme.md -------------------------------------------------------------------------------- /src/nbla/cuda/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/CMakeLists.txt -------------------------------------------------------------------------------- /src/nbla/cuda/array/cuda_array.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/array/cuda_array.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/array/cuda_dlpack_array.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/array/cuda_dlpack_array.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/array/cuda_dlpack_array.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/array/cuda_dlpack_array.cu -------------------------------------------------------------------------------- /src/nbla/cuda/common.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/common.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/communicator/data_parallel_communicator.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/communicator/data_parallel_communicator.cu -------------------------------------------------------------------------------- /src/nbla/cuda/communicator/dl_mpi.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/communicator/dl_mpi.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/communicator/dl_nccl.cpp.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/communicator/dl_nccl.cpp.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/communicator/multi_process_data_parallel_communicator.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/communicator/multi_process_data_parallel_communicator.cu -------------------------------------------------------------------------------- /src/nbla/cuda/communicator/watch_dog.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/communicator/watch_dog.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/cublas.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cublas.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cuda.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/cudnn.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/cudnn.cmake -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/cudnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/cudnn.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/function_types.cu.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/function_types.cu.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/add2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/add2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/affine_grid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/affine_grid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/average_pooling.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/average_pooling.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/deconvolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/deconvolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/function_impl.cu.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/function_impl.cu.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/fused_batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/fused_batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/group_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/group_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/gru.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/gru.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/instance_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/instance_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/layer_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/layer_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/log_softmax.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/log_softmax.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/lstm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/lstm.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/max_pooling.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/max_pooling.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/mean.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/mean.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/prod.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/prod.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/relu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/relu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/rnn.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/rnn.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/sigmoid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/sigmoid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/softmax.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/softmax.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/sum.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/sum.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/sum_pooling.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/sum_pooling.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/sync_batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/sync_batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/tanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/tanh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/tensor_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/tensor_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/warp_by_grid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/warp_by_grid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/generic/weight_standardization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/generic/weight_standardization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/function/utils/base_pooling-internal.hpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/function/utils/base_pooling-internal.hpp -------------------------------------------------------------------------------- /src/nbla/cuda/cudnn/init.cpp.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cudnn/init.cpp.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/cusolver.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/cusolver.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/event.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/event.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/function/function_types.cu.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/function_types.cu.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/abs.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/abs.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/absolute_error.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/absolute_error.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/acos.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/acos.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/acosh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/acosh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/adaptive_separable_convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/adaptive_separable_convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/add2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/add2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/add_n.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/add_n.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/add_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/add_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/affine.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/affine.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/affine_grid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/affine_grid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/arange.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/arange.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/asin.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/asin.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/asinh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/asinh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/assign.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/assign.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/atan.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/atan.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/atan2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/atan2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/atanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/atanh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/batch_cholesky.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/batch_cholesky.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/batch_det.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/batch_det.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/batch_inv.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/batch_inv.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/batch_logdet.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/batch_logdet.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/batch_matmul.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/batch_matmul.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/bc_add2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/bc_add2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_connect_affine.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_connect_affine.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_connect_convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_connect_convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_cross_entropy.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_cross_entropy.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_error.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_error.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_sigmoid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_sigmoid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_tanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_tanh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_weight_affine.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_weight_affine.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/binary_weight_convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/binary_weight_convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/bool_fill.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/bool_fill.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/bool_gather.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/bool_gather.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/bool_scatter.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/bool_scatter.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/broadcast.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/broadcast.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/categorical_cross_entropy.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/categorical_cross_entropy.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/ceil.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/ceil.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/celu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/celu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/clip_grad_by_norm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/clip_grad_by_norm.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/clip_grad_by_value.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/clip_grad_by_value.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/concatenate.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/concatenate.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/cos.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/cos.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/cosh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/cosh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/crelu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/crelu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/cumprod.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/cumprod.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/cumsum.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/cumsum.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/deconvolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/deconvolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/deformable_convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/deformable_convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/depthwise_convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/depthwise_convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/depthwise_deconvolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/depthwise_deconvolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/dequantize_linear.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/dequantize_linear.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/div2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/div2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/dropout.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/dropout.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/einsum.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/einsum.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/elu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/elu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/embed.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/embed.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/epsilon_insensitive_loss.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/epsilon_insensitive_loss.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/equal.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/equal.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/equal_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/equal_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/erf.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/erf.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/exp.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/exp.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/fft.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/fft.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/fixed_point_quantize.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/fixed_point_quantize.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/flip.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/flip.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/floor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/floor.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/function_impl.cu.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/function_impl.cu.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/fused_batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/fused_batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/gather.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/gather.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/gather_nd.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/gather_nd.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/gelu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/gelu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/greater.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/greater.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/greater_equal.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/greater_equal.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/greater_equal_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/greater_equal_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/greater_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/greater_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/group_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/group_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/hard_sigmoid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/hard_sigmoid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/hard_tanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/hard_tanh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/huber_loss.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/huber_loss.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/identity.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/identity.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/ifft.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/ifft.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/image_augmentation.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/image_augmentation.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/inq_affine.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/inq_affine.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/inq_convolution.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/inq_convolution.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/instance_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/instance_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/interpolate.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/interpolate.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/isinf.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/isinf.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/isnan.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/isnan.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/istft.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/istft.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/kernel/batch_det.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/kernel/batch_det.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/kernel/batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/kernel/batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/kernel/cumprod.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/kernel/cumprod.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/kernel/sync_batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/kernel/sync_batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/layer_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/layer_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/leaky_relu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/leaky_relu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/less.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/less.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/less_equal.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/less_equal.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/less_equal_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/less_equal_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/less_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/less_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/linspace.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/linspace.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/log.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/log.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/log_sigmoid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/log_sigmoid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/logical_and.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/logical_and.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/logical_and_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/logical_and_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/logical_not.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/logical_not.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/logical_or.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/logical_or.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/logical_or_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/logical_or_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/logical_xor.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/logical_xor.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/logical_xor_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/logical_xor_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/matrix_diag.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/matrix_diag.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/matrix_diag_part.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/matrix_diag_part.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/max.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/max.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/max_pooling_backward.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/max_pooling_backward.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/maximum2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/maximum2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/maximum_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/maximum_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/mean.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/mean.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/mean_subtraction.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/mean_subtraction.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/meshgrid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/meshgrid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/min.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/min.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/min_max_quantize.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/min_max_quantize.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/minimum2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/minimum2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/minimum_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/minimum_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/mish.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/mish.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/mul2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/mul2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/mul_n.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/mul_n.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/mul_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/mul_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/norm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/norm.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/norm_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/norm_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/not_equal.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/not_equal.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/not_equal_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/not_equal_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/one_hot.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/one_hot.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/pack_padded_sequence.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/pack_padded_sequence.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/pad.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/pad.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/pad_packed_sequence.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/pad_packed_sequence.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/patch_correlation.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/patch_correlation.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/pow2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/pow2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/pow2_quantize.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/pow2_quantize.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/pow_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/pow_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/prelu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/prelu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/prod.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/prod.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/prune.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/prune.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/quantize_linear.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/quantize_linear.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/r_div_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/r_div_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/r_pow_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/r_pow_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/r_sub_scalar.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/r_sub_scalar.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/rand.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/rand.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/randint.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/randint.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/randn.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/randn.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/random_choice.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/random_choice.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/random_crop.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/random_crop.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/random_erase.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/random_erase.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/random_flip.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/random_flip.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/reduce_mean.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/reduce_mean.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/reduce_sum.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/reduce_sum.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/relu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/relu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/relu6.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/relu6.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/reset_inf.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/reset_inf.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/reset_nan.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/reset_nan.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/reshape.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/reshape.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/roi_align.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/roi_align.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/round.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/round.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/scatter_add.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/scatter_add.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/scatter_nd.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/scatter_nd.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/searchsorted.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/searchsorted.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/selu.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/selu.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sigmoid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sigmoid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sigmoid_cross_entropy.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sigmoid_cross_entropy.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sign.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sign.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sin.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sin.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sinc.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sinc.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sinh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sinh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/slice.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/slice.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/softmax.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/softmax.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/softmax_cross_entropy.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/softmax_cross_entropy.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/softplus.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/softplus.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/softsign.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/softsign.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sort.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sort.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/spectral_norm.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/spectral_norm.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/split.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/split.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/squared_error.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/squared_error.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/stack.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/stack.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/stft.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/stft.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sub2.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sub2.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sum.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sum.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/swish.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/swish.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/sync_batch_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/sync_batch_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/tan.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/tan.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/tanh.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/tanh.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/tanh_shrink.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/tanh_shrink.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/tensor_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/tensor_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/tile.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/tile.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/top_k_data.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/top_k_data.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/top_k_grad.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/top_k_grad.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/top_n_error.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/top_n_error.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/transpose.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/transpose.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/unpooling.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/unpooling.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/warp_by_flow.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/warp_by_flow.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/warp_by_grid.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/warp_by_grid.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/weight_normalization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/weight_normalization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/weight_standardization.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/weight_standardization.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/generic/where.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/generic/where.cu -------------------------------------------------------------------------------- /src/nbla/cuda/function/my_cuda_memset.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/function/my_cuda_memset.cu -------------------------------------------------------------------------------- /src/nbla/cuda/init.cpp.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/init.cpp.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/memory/cuda_memory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/memory/cuda_memory.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/memory/cuda_virtual_memory.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/memory/cuda_virtual_memory.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/nvtx.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/nvtx.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/adabelief.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/adabelief.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/adabound.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/adabound.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/adadelta.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/adadelta.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/adagrad.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/adagrad.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/adam.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/adam.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/adamax.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/adamax.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/adamw.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/adamw.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/amsbound.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/amsbound.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/amsgrad.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/amsgrad.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/clip_grad.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/clip_grad.cuh -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/lamb.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/lamb.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/lars.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/lars.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/lion.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/lion.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/mixed_precision_training.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/mixed_precision_training.cuh -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/momentum.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/momentum.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/nesterov.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/nesterov.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/rmsprop.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/rmsprop.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/rmsprop_graves.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/rmsprop_graves.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/sgd.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/sgd.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/sgdw.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/sgdw.cu -------------------------------------------------------------------------------- /src/nbla/cuda/solver/generic/weight_decay.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/generic/weight_decay.cuh -------------------------------------------------------------------------------- /src/nbla/cuda/solver/solver_types.cu.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/solver/solver_types.cu.tmpl -------------------------------------------------------------------------------- /src/nbla/cuda/test/multi_process_data_parallel_communicator.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/multi_process_data_parallel_communicator.cu -------------------------------------------------------------------------------- /src/nbla/cuda/test/non_stop_kernel.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/non_stop_kernel.cu -------------------------------------------------------------------------------- /src/nbla/cuda/test/non_stop_kernel.cuh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/non_stop_kernel.cuh -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_async_flag.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_async_flag.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_cached_device_prop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_cached_device_prop.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_dl_mpi.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_dl_mpi.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_dl_nccl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_dl_nccl.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_multi_process_data_parallel_communicator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_multi_process_data_parallel_communicator.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_multi_thread_training.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_multi_thread_training.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_nbla_cuda_utils.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_nbla_cuda_utils.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/test/test_watch_dog.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/test/test_watch_dog.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/utils/random.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/utils/random.cpp -------------------------------------------------------------------------------- /src/nbla/cuda/utils/random.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/utils/random.cu -------------------------------------------------------------------------------- /src/nbla/cuda/utils/reduce.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/utils/reduce.cu -------------------------------------------------------------------------------- /src/nbla/cuda/utils/scan_setup.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/utils/scan_setup.cu -------------------------------------------------------------------------------- /src/nbla/cuda/version.cpp.tmpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla/cuda/version.cpp.tmpl -------------------------------------------------------------------------------- /src/nbla_cli/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla_cli/CMakeLists.txt -------------------------------------------------------------------------------- /src/nbla_cli/nbla_cuda.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/src/nbla_cli/nbla_cuda.cpp -------------------------------------------------------------------------------- /third_party/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/third_party/CMakeLists.txt -------------------------------------------------------------------------------- /third_party/LICENSES.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/sony/nnabla-ext-cuda/HEAD/third_party/LICENSES.md -------------------------------------------------------------------------------- /third_party/THIRD_PARTY_LIBRARIES: -------------------------------------------------------------------------------- 1 | --------------------------------------------------------------------------------